diff --git a/.github/scripts/update_leaderboard.py b/.github/scripts/update_leaderboard.py index 90e9679..3d49f6d 100644 --- a/.github/scripts/update_leaderboard.py +++ b/.github/scripts/update_leaderboard.py @@ -1,10 +1,11 @@ +import os import requests from collections import defaultdict # GitHub API URL for closed pull requests API_URL = "https://api.github.com/repos/rohitinu6/Stock-Price-Prediction/pulls?state=closed" -GITHUB_TOKEN = None +GITHUB_TOKEN = os.getenv("GH_TOKEN") # Points mapping based on the label names points_map = { @@ -13,19 +14,30 @@ "level3": 45 } -# Function to fetch closed pull requests +# Function to fetch closed pull requests with pagination def get_closed_prs(): headers = {} if GITHUB_TOKEN: headers = {"Authorization": f"token {GITHUB_TOKEN}"} - response = requests.get(API_URL, headers=headers) - - if response.status_code != 200: - raise Exception(f"Failed to fetch PRs: {response.status_code} {response.text}") - - return response.json() + prs = [] + page = 1 + while True: + response = requests.get(f"{API_URL}&page={page}", headers=headers) + + if response.status_code != 200: + raise Exception(f"Failed to fetch PRs: {response.status_code} {response.text}") + + page_prs = response.json() + + if not page_prs: + break + + prs.extend(page_prs) # Add fetched PRs to the list + page += 1 # Increment page number for next request + + return prs leaderboard = defaultdict(lambda: {"points": 0, "avatar_url": ""}) @@ -33,18 +45,17 @@ def get_closed_prs(): # Loop through each PR and calculate points based on the labels for pr in prs: - user = pr['user']['login'] # Get the username - avatar_url = pr['user']['avatar_url'] # Get the avatar URL - labels = pr['labels'] # Get the labels associated with the PR - - # Loop through labels and add points based on the level + user = pr['user']['login'] + avatar_url = pr['user']['avatar_url'] + labels = pr['labels'] + for label in labels: label_name = label['name'] if label_name in points_map: leaderboard[user]["points"] += points_map[label_name] - leaderboard[user]["avatar_url"] = avatar_url # Store avatar URL + leaderboard[user]["avatar_url"] = avatar_url -# Generate the leaderboard in markdown format +# Function to generate the leaderboard in markdown format def generate_leaderboard_md(leaderboard): sorted_leaderboard = sorted(leaderboard.items(), key=lambda x: x[1]["points"], reverse=True) @@ -61,6 +72,9 @@ def generate_leaderboard_md(leaderboard): # Generate the leaderboard markdown and save it to a file leaderboard_md = generate_leaderboard_md(leaderboard) + +# Save the leaderboard to leaderboard.md with open('leaderboard.md', 'w') as f: f.write(leaderboard_md) +print("Leaderboard updated successfully!") diff --git a/.github/workflows/issue_labeler.yaml b/.github/workflows/issue_labeler.yaml new file mode 100644 index 0000000..db862ec --- /dev/null +++ b/.github/workflows/issue_labeler.yaml @@ -0,0 +1,66 @@ +name: Issue Labeler + +on: + issues: + types: [opened, edited] + +jobs: + manage-labels: + runs-on: ubuntu-latest + steps: + - name: Checkout Repository + uses: actions/checkout@v3 + + - name: Create or Update Labels + env: + GITHUB_TOKEN: ${{ secrets.GITHUB_TOKEN }} + run: | + curl -X POST \ + -H "Authorization: token $GITHUB_TOKEN" \ + -H "Accept: application/vnd.github.v3+json" \ + https://api.github.com/repos/${{ github.repository }}/labels \ + -d '{ + "name": "gssoc-ext", + "color": "0e4075", + "description": "GSSOC extended contribution" + }' + + curl -X POST \ + -H "Authorization: token $GITHUB_TOKEN" \ + -H "Accept: application/vnd.github.v3+json" \ + https://api.github.com/repos/${{ github.repository }}/labels \ + -d '{ + "name": "hacktoberfest", + "color": "006b75", + "description": "Hacktoberfest participation" + }' + + curl -X POST \ + -H "Authorization: token $GITHUB_TOKEN" \ + -H "Accept: application/vnd.github.v3+json" \ + https://api.github.com/repos/${{ github.repository }}/labels \ + -d '{ + "name": "hacktoberfest-accepted", + "color": "95d2aa", + "description": "Hacktoberfest contribution accepted" + }' + + curl -X POST \ + -H "Authorization: token $GITHUB_TOKEN" \ + -H "Accept: application/vnd.github.v3+json" \ + https://api.github.com/repos/${{ github.repository }}/labels \ + -d '{ + "name": "level?", + "color": "5319e7", + "description": "Placeholder for difficulty level" + }' + + - name: Add Labels to Issue + uses: actions-ecosystem/action-add-labels@v1 + with: + github_token: ${{ secrets.GITHUB_TOKEN }} + labels: | + gssoc-ext + hacktoberfest + hacktoberfest-accepted + level? diff --git a/.github/workflows/update_leaderboard.yml b/.github/workflows/update_leaderboard.yml index 668929d..f7b6053 100644 --- a/.github/workflows/update_leaderboard.yml +++ b/.github/workflows/update_leaderboard.yml @@ -9,27 +9,34 @@ jobs: runs-on: ubuntu-latest steps: + - name: Checkout repository uses: actions/checkout@v3 + with: + token: ${{ secrets.GITHUB_TOKEN }} + - name: Set up Python uses: actions/setup-python@v4 with: python-version: '3.x' - + - name: Install dependencies run: | python -m pip install --upgrade pip - pip install requests + pip install requests PyGithub - name: Run leaderboard update script run: | - python .github/scripts/update_structure.py + python .github/scripts/update_leaderboard.py + env: + GH_TOKEN: ${{ secrets.GITHUB_TOKEN }} # Pass GitHub token to script + GITHUB_REPOSITORY: ${{ github.repository }} # Pass repository information - name: Commit and push changes run: | git config --global user.name "github-actions[bot]" git config --global user.email "github-actions[bot]@users.noreply.github.com" - git add leaderboard.md - git commit -m "Update leaderboard" - git push + git add leaderboard.md || echo "No changes to commit" # Prevent errors if there's nothing to commit + git commit -m "Update leaderboard" || echo "No changes to commit" + git push https://x-access-token:${{ secrets.GITHUB_TOKEN }}@github.com/${{ github.repository }} || echo "Nothing to push" diff --git a/ARIMA/.ipynb_checkpoints/hybrid-checkpoint.ipynb b/ARIMA/.ipynb_checkpoints/hybrid-checkpoint.ipynb new file mode 100644 index 0000000..e5870cb --- /dev/null +++ b/ARIMA/.ipynb_checkpoints/hybrid-checkpoint.ipynb @@ -0,0 +1,817 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 31, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Performing stepwise search to minimize aic\n", + " ARIMA(1,1,1)(0,0,0)[0] intercept : AIC=30240.523, Time=2.28 sec\n", + " ARIMA(0,1,0)(0,0,0)[0] intercept : AIC=30272.252, Time=0.19 sec\n", + " ARIMA(1,1,0)(0,0,0)[0] intercept : AIC=30243.723, Time=0.54 sec\n", + " ARIMA(0,1,1)(0,0,0)[0] intercept : AIC=30241.768, Time=0.77 sec\n", + " ARIMA(0,1,0)(0,0,0)[0] : AIC=30270.982, Time=0.17 sec\n", + " ARIMA(2,1,1)(0,0,0)[0] intercept : AIC=30234.621, Time=2.66 sec\n", + " ARIMA(2,1,0)(0,0,0)[0] intercept : AIC=30239.276, Time=0.76 sec\n", + " ARIMA(3,1,1)(0,0,0)[0] intercept : AIC=30236.607, Time=4.12 sec\n", + " ARIMA(2,1,2)(0,0,0)[0] intercept : AIC=30236.577, Time=6.50 sec\n", + " ARIMA(1,1,2)(0,0,0)[0] intercept : AIC=30234.958, Time=3.86 sec\n", + " ARIMA(3,1,0)(0,0,0)[0] intercept : AIC=30240.618, Time=1.05 sec\n", + " ARIMA(3,1,2)(0,0,0)[0] intercept : AIC=30237.920, Time=5.87 sec\n", + " ARIMA(2,1,1)(0,0,0)[0] : AIC=30233.414, Time=0.94 sec\n", + " ARIMA(1,1,1)(0,0,0)[0] : AIC=30239.179, Time=1.16 sec\n", + " ARIMA(2,1,0)(0,0,0)[0] : AIC=30237.952, Time=0.39 sec\n", + " ARIMA(3,1,1)(0,0,0)[0] : AIC=30235.401, Time=1.76 sec\n", + " ARIMA(2,1,2)(0,0,0)[0] : AIC=30235.372, Time=2.71 sec\n", + " ARIMA(1,1,0)(0,0,0)[0] : AIC=30242.355, Time=0.28 sec\n", + " ARIMA(1,1,2)(0,0,0)[0] : AIC=30233.748, Time=1.51 sec\n", + " ARIMA(3,1,0)(0,0,0)[0] : AIC=30239.309, Time=0.48 sec\n", + " ARIMA(3,1,2)(0,0,0)[0] : AIC=30236.712, Time=2.50 sec\n", + "\n", + "Best model: ARIMA(2,1,1)(0,0,0)[0] \n", + "Total fit time: 40.526 seconds\n", + "\u001b[1m1/1\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m1s\u001b[0m 601ms/step\n", + "Hybrid model prediction for next day closing price: $244.92\n" + ] + } + ], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "from statsmodels.tsa.arima.model import ARIMA\n", + "from pmdarima import auto_arima\n", + "from sklearn.preprocessing import MinMaxScaler\n", + "from tensorflow.keras.models import Sequential\n", + "from tensorflow.keras.layers import Dense, LSTM, Input\n", + "\n", + "def prepare_data(data, time_steps):\n", + " X, y = [], []\n", + " for i in range(len(data) - time_steps):\n", + " X.append(data[i:(i + time_steps), 0])\n", + " y.append(data[i + time_steps, 0])\n", + " return np.array(X), np.array(y)\n", + "\n", + "def hybrid_model(data, time_steps=60):\n", + " # Ensure data is numpy array\n", + " if isinstance(data, pd.DataFrame):\n", + " df = data.values\n", + " else:\n", + " df = np.array(data)\n", + " \n", + " df = df.reshape(-1, 1)\n", + "\n", + " df = pd.DataFrame(df).ffill().values\n", + "\n", + " # ARIMA model\n", + " model_auto = auto_arima(df, start_p=1, start_q=1, max_p=3, max_q=3, m=1,\n", + " d=None, seasonal=False, start_P=0, D=0, trace=True,\n", + " error_action='ignore', suppress_warnings=True, stepwise=True)\n", + "\n", + " arima_model = ARIMA(df, order=model_auto.order)\n", + " arima_results = arima_model.fit()\n", + "\n", + " # Get ARIMA residuals\n", + " arima_residuals = df - arima_results.fittedvalues.reshape(-1, 1)\n", + " arima_residuals = np.nan_to_num(arima_residuals)\n", + " \n", + " # Prepare data for LSTM\n", + " scaler = MinMaxScaler()\n", + " residuals_scaled = scaler.fit_transform(arima_residuals)\n", + "\n", + " X, y = prepare_data(residuals_scaled, time_steps)\n", + " X = np.reshape(X, (X.shape[0], X.shape[1], 1))\n", + "\n", + " # LSTM model\n", + " lstm_model = Sequential([\n", + " Input(shape=(X.shape[1], 1)),\n", + " LSTM(units=50, return_sequences=True), \n", + " LSTM(units=50),\n", + " Dense(units=1)\n", + " ])\n", + " lstm_model.compile(optimizer='adam', loss='mean_squared_error')\n", + " lstm_model.fit(X, y, epochs=50, batch_size=32, verbose=0)\n", + "\n", + " # Make hybrid prediction\n", + " last_60_days = residuals_scaled[-60:]\n", + " X_test = np.array([last_60_days])\n", + " X_test = np.reshape(X_test, (X_test.shape[0], X_test.shape[1], 1))\n", + "\n", + " lstm_prediction = lstm_model.predict(X_test)\n", + " lstm_prediction = scaler.inverse_transform(lstm_prediction)\n", + "\n", + " arima_forecast = arima_results.forecast(steps=1)\n", + "\n", + " hybrid_prediction = arima_forecast + lstm_prediction[0][0]\n", + "\n", + " return hybrid_prediction[0]\n", + "\n", + "# Example usage with custom data\n", + "# Assuming you have a CSV file named 'my_stock_data.csv' with a 'Close' column\n", + "custom_data = pd.read_csv('../Data/SBI Train data.csv')\n", + "close_prices = custom_data['Close']\n", + "\n", + "prediction = hybrid_model(close_prices)\n", + "print(f\"Hybrid model prediction for next day closing price: ${prediction:.2f}\")" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Performing stepwise search to minimize aic\n", + " ARIMA(1,1,1)(0,0,0)[0] intercept : AIC=30240.523, Time=2.25 sec\n", + " ARIMA(0,1,0)(0,0,0)[0] intercept : AIC=30272.252, Time=0.22 sec\n", + " ARIMA(1,1,0)(0,0,0)[0] intercept : AIC=30243.723, Time=0.58 sec\n", + " ARIMA(0,1,1)(0,0,0)[0] intercept : AIC=30241.768, Time=0.82 sec\n", + " ARIMA(0,1,0)(0,0,0)[0] : AIC=30270.982, Time=0.15 sec\n", + " ARIMA(2,1,1)(0,0,0)[0] intercept : AIC=30234.621, Time=2.72 sec\n", + " ARIMA(2,1,0)(0,0,0)[0] intercept : AIC=30239.276, Time=0.84 sec\n", + " ARIMA(3,1,1)(0,0,0)[0] intercept : AIC=30236.607, Time=4.21 sec\n", + " ARIMA(2,1,2)(0,0,0)[0] intercept : AIC=30236.577, Time=6.49 sec\n", + " ARIMA(1,1,2)(0,0,0)[0] intercept : AIC=30234.958, Time=4.04 sec\n", + " ARIMA(3,1,0)(0,0,0)[0] intercept : AIC=30240.618, Time=1.13 sec\n", + " ARIMA(3,1,2)(0,0,0)[0] intercept : AIC=30237.920, Time=6.01 sec\n", + " ARIMA(2,1,1)(0,0,0)[0] : AIC=30233.414, Time=1.07 sec\n", + " ARIMA(1,1,1)(0,0,0)[0] : AIC=30239.179, Time=1.18 sec\n", + " ARIMA(2,1,0)(0,0,0)[0] : AIC=30237.952, Time=0.35 sec\n", + " ARIMA(3,1,1)(0,0,0)[0] : AIC=30235.401, Time=1.82 sec\n", + " ARIMA(2,1,2)(0,0,0)[0] : AIC=30235.372, Time=2.42 sec\n", + " ARIMA(1,1,0)(0,0,0)[0] : AIC=30242.355, Time=0.29 sec\n", + " ARIMA(1,1,2)(0,0,0)[0] : AIC=30233.748, Time=1.49 sec\n", + " ARIMA(3,1,0)(0,0,0)[0] : AIC=30239.309, Time=0.54 sec\n", + " ARIMA(3,1,2)(0,0,0)[0] : AIC=30236.712, Time=2.61 sec\n", + "\n", + "Best model: ARIMA(2,1,1)(0,0,0)[0] \n", + "Total fit time: 41.259 seconds\n", + "\u001b[1m1/1\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 499ms/step\n", + "Hybrid model prediction for next day closing price: $245.04\n" + ] + } + ], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "from statsmodels.tsa.arima.model import ARIMA\n", + "from pmdarima import auto_arima\n", + "from sklearn.preprocessing import MinMaxScaler\n", + "from tensorflow.keras.models import Sequential\n", + "from tensorflow.keras.layers import Dense, LSTM, Input\n", + "\n", + "def prepare_data(data, time_steps):\n", + " X, y = [], []\n", + " for i in range(len(data) - time_steps):\n", + " X.append(data[i:(i + time_steps), 0])\n", + " y.append(data[i + time_steps, 0])\n", + " return np.array(X), np.array(y)\n", + "\n", + "def hybrid_model(data, time_steps=60):\n", + " # Ensure data is numpy array\n", + " if isinstance(data, pd.Series):\n", + " df = data.values\n", + " elif isinstance(data, pd.DataFrame):\n", + " df = data.values\n", + " else:\n", + " df = np.array(data)\n", + " \n", + " df = df.reshape(-1, 1)\n", + "\n", + " df = pd.DataFrame(df).ffill().values\n", + "\n", + " # ARIMA model\n", + " model_auto = auto_arima(df, start_p=1, start_q=1, max_p=3, max_q=3, m=1,\n", + " d=None, seasonal=False, start_P=0, D=0, trace=True,\n", + " error_action='ignore', suppress_warnings=True, stepwise=True)\n", + "\n", + " arima_model = ARIMA(df, order=model_auto.order)\n", + " arima_results = arima_model.fit()\n", + "\n", + " # Get ARIMA residuals\n", + " arima_residuals = df - arima_results.fittedvalues.reshape(-1, 1)\n", + " arima_residuals = np.nan_to_num(arima_residuals)\n", + "\n", + " # Prepare data for LSTM\n", + " scaler = MinMaxScaler()\n", + " residuals_scaled = scaler.fit_transform(arima_residuals)\n", + "\n", + " X, y = prepare_data(residuals_scaled, time_steps)\n", + " X = np.reshape(X, (X.shape[0], X.shape[1], 1))\n", + "\n", + " # LSTM model\n", + " lstm_model = Sequential([\n", + " Input(shape=(X.shape[1], 1)),\n", + " LSTM(units=50, return_sequences=True), \n", + " LSTM(units=50),\n", + " Dense(units=1)\n", + " ])\n", + " lstm_model.compile(optimizer='adam', loss='mean_squared_error')\n", + " lstm_model.fit(X, y, epochs=50, batch_size=32, verbose=0)\n", + "\n", + " # Make hybrid prediction\n", + " last_60_days = residuals_scaled[-60:]\n", + " X_test = np.array([last_60_days])\n", + " X_test = np.reshape(X_test, (X_test.shape[0], X_test.shape[1], 1))\n", + "\n", + " lstm_prediction = lstm_model.predict(X_test)\n", + " lstm_prediction = scaler.inverse_transform(lstm_prediction)\n", + "\n", + " arima_forecast = arima_results.forecast(steps=1)\n", + "\n", + " hybrid_prediction = arima_forecast + lstm_prediction[0][0]\n", + "\n", + " return hybrid_prediction[0]\n", + "\n", + "# Example usage with custom data\n", + "custom_data = pd.read_csv('../Data/SBI Train data.csv')\n", + "close_prices = custom_data['Close']\n", + "\n", + "prediction = hybrid_model(close_prices)\n", + "print(f\"Hybrid model prediction for next day closing price: ${prediction:.2f}\")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "from statsmodels.tsa.arima.model import ARIMA\n", + "from pmdarima import auto_arima\n", + "from sklearn.preprocessing import MinMaxScaler\n", + "from tensorflow.keras.models import Sequential\n", + "from tensorflow.keras.layers import Dense, LSTM, Input\n", + "from sklearn.metrics import mean_absolute_error, mean_squared_error\n", + "\n", + "def prepare_data(data, time_steps):\n", + " X, y = [], []\n", + " for i in range(len(data) - time_steps):\n", + " X.append(data[i:(i + time_steps), 0])\n", + " y.append(data[i + time_steps, 0])\n", + " return np.array(X), np.array(y)\n", + "\n", + "def hybrid_model(train_data, test_data, time_steps=60):\n", + " # Ensure data is numpy array\n", + " if isinstance(train_data, pd.Series):\n", + " train_df = train_data.values\n", + " if isinstance(test_data, pd.DataFrame):\n", + " test_df = train_data.values\n", + " else:\n", + " train_df = np.array(train_data)\n", + " \n", + " train_df = train_df.reshape(-1, 1)\n", + "\n", + " train_df = pd.DataFrame(train_df).ffill().values\n", + "\n", + " # ARIMA model\n", + " model_auto = auto_arima(train_df, start_p=1, start_q=1, max_p=3, max_q=3, m=1,\n", + " d=None, seasonal=False, start_P=0, D=0, trace=True,\n", + " error_action='ignore', suppress_warnings=True, stepwise=True)\n", + "\n", + " arima_model = ARIMA(train_df, order=model_auto.order)\n", + " arima_results = arima_model.fit()\n", + "\n", + " # Get ARIMA residuals\n", + " arima_residuals = train_df - arima_results.fittedvalues.reshape(-1, 1)\n", + " arima_residuals = np.nan_to_num(arima_residuals)\n", + "\n", + " # Prepare data for LSTM\n", + " scaler = MinMaxScaler()\n", + " residuals_scaled = scaler.fit_transform(arima_residuals)\n", + "\n", + " X, y = prepare_data(residuals_scaled, time_steps)\n", + " X = np.reshape(X, (X.shape[0], X.shape[1], 1))\n", + "\n", + " # LSTM model\n", + " lstm_model = Sequential([\n", + " Input(shape=(X.shape[1], 1)),\n", + " LSTM(units=50, return_sequences=True), \n", + " LSTM(units=50),\n", + " Dense(units=1)\n", + " ])\n", + " lstm_model.compile(optimizer='adam', loss='mean_squared_error')\n", + " lstm_model.fit(X, y, epochs=50, batch_size=32, verbose=0)\n", + "\n", + " # Make predictions for test data\n", + " predictions = []\n", + " test_data = np.array(test_data).reshape(-1, 1)\n", + " combined_data = np.vstack((train_df, test_data))\n", + "\n", + " for i in range(len(test_data)):\n", + " # ARIMA prediction\n", + " arima_forecast = arima_results.forecast(steps=1)\n", + "\n", + " # LSTM prediction\n", + " last_60_days = scaler.transform(combined_data[-(time_steps+1):-1])\n", + " X_test = np.array([last_60_days])\n", + " X_test = np.reshape(X_test, (X_test.shape[0], X_test.shape[1], 1))\n", + " lstm_prediction = lstm_model.predict(X_test)\n", + " lstm_prediction = scaler.inverse_transform(lstm_prediction)\n", + "\n", + " # Combine predictions\n", + " hybrid_prediction = arima_forecast + lstm_prediction[0][0]\n", + " predictions.append(hybrid_prediction[0])\n", + "\n", + " # Update ARIMA model\n", + " arima_results = arima_model.append(test_data[i]).fit()\n", + "\n", + " return np.array(predictions)\n", + "\n", + "# Load and prepare data\n", + "train_data = pd.read_csv('../Data/SBI Train data.csv')\n", + "test_data = pd.read_csv('../Data/SBI Test data.csv')\n", + "\n", + "train_close_prices = train_data['Close']\n", + "test_close_prices = test_data['Close']\n", + "\n", + "# Make predictions\n", + "predictions = hybrid_model(train_close_prices, test_close_prices)\n", + "\n", + "# Calculate accuracy metrics\n", + "mae = mean_absolute_error(test_close_prices, predictions)\n", + "rmse = np.sqrt(mean_squared_error(test_close_prices, predictions))\n", + "\n", + "print(f\"Mean Absolute Error: ${mae:.2f}\")\n", + "print(f\"Root Mean Squared Error: ${rmse:.2f}\")\n", + "\n", + "# You can also calculate percentage error\n", + "mape = np.mean(np.abs((test_close_prices - predictions) / test_close_prices)) * 100\n", + "print(f\"Mean Absolute Percentage Error: {mape:.2f}%\")\n", + "\n", + "# Plot actual vs predicted prices\n", + "import matplotlib.pyplot as plt\n", + "\n", + "plt.figure(figsize=(12,6))\n", + "plt.plot(test_data['Date'], test_close_prices, label='Actual Prices')\n", + "plt.plot(test_data['Date'], predictions, label='Predicted Prices')\n", + "plt.title('Actual vs Predicted Stock Prices')\n", + "plt.xlabel('Date')\n", + "plt.ylabel('Price')\n", + "plt.legend()\n", + "plt.xticks(rotation=45)\n", + "plt.tight_layout()\n", + "plt.show()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "from statsmodels.tsa.arima.model import ARIMA\n", + "from pmdarima import auto_arima\n", + "from sklearn.preprocessing import MinMaxScaler\n", + "from tensorflow.keras.models import Sequential\n", + "from tensorflow.keras.layers import Dense, LSTM, Input\n", + "from sklearn.metrics import mean_absolute_error, mean_squared_error\n", + "\n", + "def prepare_data(data, time_steps):\n", + " X, y = [], []\n", + " for i in range(len(data) - time_steps):\n", + " X.append(data[i:(i + time_steps), 0])\n", + " y.append(data[i + time_steps, 0])\n", + " return np.array(X), np.array(y)\n", + "\n", + "def hybrid_model(train_data, test_data, time_steps=60):\n", + " # Ensure data is numpy array\n", + " if isinstance(train_data, pd.Series):\n", + " train_df = train_data.values\n", + " elif isinstance(train_data, pd.DataFrame):\n", + " train_df = train_data.values\n", + " else:\n", + " train_df = np.array(train_data)\n", + " \n", + " train_df = train_df.reshape(-1, 1)\n", + " train_df = pd.DataFrame(train_df).ffill().values\n", + "\n", + " # ARIMA model\n", + " model_auto = auto_arima(train_df, start_p=1, start_q=1, max_p=3, max_q=3, m=1,\n", + " d=None, seasonal=False, start_P=0, D=0, trace=True,\n", + " error_action='ignore', suppress_warnings=True, stepwise=True)\n", + "\n", + " arima_model = ARIMA(train_df, order=model_auto.order)\n", + " arima_results = arima_model.fit()\n", + "\n", + " # Get ARIMA residuals\n", + " arima_residuals = train_df - arima_results.fittedvalues.reshape(-1, 1)\n", + " arima_residuals = np.nan_to_num(arima_residuals)\n", + "\n", + " # Prepare data for LSTM\n", + " scaler = MinMaxScaler()\n", + " residuals_scaled = scaler.fit_transform(arima_residuals)\n", + "\n", + " X, y = prepare_data(residuals_scaled, time_steps)\n", + " X = np.reshape(X, (X.shape[0], X.shape[1], 1))\n", + "\n", + " # LSTM model\n", + " lstm_model = Sequential([\n", + " Input(shape=(X.shape[1], 1)),\n", + " LSTM(units=50, return_sequences=True), \n", + " LSTM(units=50),\n", + " Dense(units=1)\n", + " ])\n", + " lstm_model.compile(optimizer='adam', loss='mean_squared_error')\n", + " lstm_model.fit(X, y, epochs=50, batch_size=32, verbose=0)\n", + "\n", + " # Make predictions for test data\n", + " predictions = []\n", + " test_data = np.array(test_data).reshape(-1, 1)\n", + " combined_data = np.vstack((train_df, test_data))\n", + "\n", + " for i in range(len(test_data)):\n", + " # ARIMA prediction\n", + " arima_forecast = arima_results.forecast(steps=1)\n", + "\n", + " # LSTM prediction\n", + " last_60_days = scaler.transform(combined_data[-(time_steps+1):-1])\n", + " X_test = np.array([last_60_days])\n", + " X_test = np.reshape(X_test, (X_test.shape[0], X_test.shape[1], 1))\n", + " lstm_prediction = lstm_model.predict(X_test)\n", + " lstm_prediction = scaler.inverse_transform(lstm_prediction)\n", + "\n", + " # Combine predictions\n", + " hybrid_prediction = arima_forecast + lstm_prediction[0][0]\n", + " predictions.append(hybrid_prediction[0])\n", + "\n", + " # Update ARIMA model\n", + " arima_results = arima_model.append(test_data[i]).fit()\n", + "\n", + " return np.array(predictions)\n", + "\n", + "# Load and prepare data\n", + "train_data = pd.read_csv('../Data/SBI Train data.csv')\n", + "test_data = pd.read_csv('../Data/SBI Test data.csv')\n", + "\n", + "train_close_prices = train_data['Close']\n", + "test_close_prices = test_data['Close']\n", + "\n", + "# Make predictions\n", + "predictions = hybrid_model(train_close_prices, test_close_prices)\n", + "\n", + "# Calculate accuracy metrics\n", + "mae = mean_absolute_error(test_close_prices, predictions)\n", + "rmse = np.sqrt(mean_squared_error(test_close_prices, predictions))\n", + "\n", + "print(f\"Mean Absolute Error: ${mae:.2f}\")\n", + "print(f\"Root Mean Squared Error: ${rmse:.2f}\")\n", + "\n", + "# You can also calculate percentage error\n", + "mape = np.mean(np.abs((test_close_prices - predictions) / test_close_prices)) * 100\n", + "print(f\"Mean Absolute Percentage Error: {mape:.2f}%\")\n", + "\n", + "# Plot actual vs predicted prices\n", + "import matplotlib.pyplot as plt\n", + "\n", + "plt.figure(figsize=(12,6))\n", + "plt.plot(test_data['Date'], test_close_prices, label='Actual Prices')\n", + "plt.plot(test_data['Date'], predictions, label='Predicted Prices')\n", + "plt.title('Actual vs Predicted Stock Prices')\n", + "plt.xlabel('Date')\n", + "plt.ylabel('Price')\n", + "plt.legend()\n", + "plt.xticks(rotation=45)\n", + "plt.tight_layout()\n", + "plt.show()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "from statsmodels.tsa.arima.model import ARIMA\n", + "from pmdarima import auto_arima\n", + "from sklearn.preprocessing import MinMaxScaler\n", + "from tensorflow.keras.models import Sequential, load_model\n", + "from tensorflow.keras.layers import Dense, LSTM, Input\n", + "from sklearn.metrics import mean_absolute_error, mean_squared_error\n", + "import joblib\n", + "import os\n", + "\n", + "def prepare_data(data, time_steps):\n", + " X, y = [], []\n", + " for i in range(len(data) - time_steps):\n", + " X.append(data[i:(i + time_steps), 0])\n", + " y.append(data[i + time_steps, 0])\n", + " return np.array(X), np.array(y)\n", + "\n", + "def create_hybrid_model(train_data, time_steps=60):\n", + " # Ensure data is numpy array\n", + " if isinstance(train_data, pd.Series):\n", + " train_df = train_data.values\n", + " elif isinstance(train_data, pd.DataFrame):\n", + " train_df = train_data.values\n", + " else:\n", + " train_df = np.array(train_data)\n", + " \n", + " train_df = train_df.reshape(-1, 1)\n", + " train_df = pd.DataFrame(train_df).ffill().values\n", + "\n", + " # ARIMA model\n", + " model_auto = auto_arima(train_df, start_p=1, start_q=1, max_p=3, max_q=3, m=1,\n", + " d=None, seasonal=False, start_P=0, D=0, trace=True,\n", + " error_action='ignore', suppress_warnings=True, stepwise=True)\n", + "\n", + " arima_model = ARIMA(train_df, order=model_auto.order)\n", + " arima_results = arima_model.fit()\n", + "\n", + " # Get ARIMA residuals\n", + " arima_residuals = train_df - arima_results.fittedvalues.reshape(-1, 1)\n", + " arima_residuals = np.nan_to_num(arima_residuals)\n", + "\n", + " # Prepare data for LSTM\n", + " scaler = MinMaxScaler()\n", + " residuals_scaled = scaler.fit_transform(arima_residuals)\n", + "\n", + " X, y = prepare_data(residuals_scaled, time_steps)\n", + " X = np.reshape(X, (X.shape[0], X.shape[1], 1))\n", + "\n", + " # LSTM model\n", + " lstm_model = Sequential([\n", + " Input(shape=(X.shape[1], 1)),\n", + " LSTM(units=50, return_sequences=True), \n", + " LSTM(units=50),\n", + " Dense(units=1)\n", + " ])\n", + " lstm_model.compile(optimizer='adam', loss='mean_squared_error')\n", + " lstm_model.fit(X, y, epochs=50, batch_size=32, verbose=0)\n", + "\n", + " return arima_results, lstm_model, scaler\n", + "\n", + "def save_model(arima_results, lstm_model, scaler, folder_path):\n", + " if not os.path.exists(folder_path):\n", + " os.makedirs(folder_path)\n", + " \n", + " # Save ARIMA model\n", + " joblib.dump(arima_results, os.path.join(folder_path, 'arima_model.pkl'))\n", + " \n", + " # Save LSTM model\n", + " lstm_model.save(os.path.join(folder_path, 'lstm_model.h5'))\n", + " \n", + " # Save scaler\n", + " joblib.dump(scaler, os.path.join(folder_path, 'scaler.pkl'))\n", + "\n", + "def load_model(folder_path):\n", + " # Load ARIMA model\n", + " arima_results = joblib.load(os.path.join(folder_path, 'arima_model.pkl'))\n", + " \n", + " # Load LSTM model\n", + " lstm_model = load_model(os.path.join(folder_path, 'lstm_model.h5'))\n", + " \n", + " # Load scaler\n", + " scaler = joblib.load(os.path.join(folder_path, 'scaler.pkl'))\n", + " \n", + " return arima_results, lstm_model, scaler\n", + "\n", + "def make_predictions(arima_results, lstm_model, scaler, test_data, time_steps=60):\n", + " predictions = []\n", + " test_data = np.array(test_data).reshape(-1, 1)\n", + "\n", + " for i in range(len(test_data)):\n", + " # ARIMA prediction\n", + " arima_forecast = arima_results.forecast(steps=1)\n", + "\n", + " # LSTM prediction\n", + " last_60_days = scaler.transform(test_data[i:i+time_steps])\n", + " X_test = np.array([last_60_days])\n", + " X_test = np.reshape(X_test, (X_test.shape[0], X_test.shape[1], 1))\n", + " lstm_prediction = lstm_model.predict(X_test)\n", + " lstm_prediction = scaler.inverse_transform(lstm_prediction)\n", + "\n", + " # Combine predictions\n", + " hybrid_prediction = arima_forecast + lstm_prediction[0][0]\n", + " predictions.append(hybrid_prediction[0])\n", + "\n", + " # Update ARIMA model\n", + " arima_results = arima_results.append(test_data[i])\n", + "\n", + " return np.array(predictions)\n", + "\n", + "# Example usage\n", + "if __name__ == \"__main__\":\n", + " # Load data\n", + " train_data = pd.read_csv('../Data/SBI Train data.csv')\n", + " test_data = pd.read_csv('../Data/SBI Test data.csv')\n", + "\n", + " train_close_prices = train_data['Close']\n", + " test_close_prices = test_data['Close']\n", + "\n", + " # Create and save the model\n", + " arima_results, lstm_model, scaler = create_hybrid_model(train_close_prices)\n", + " save_model(arima_results, lstm_model, scaler, 'saved_model')\n", + "\n", + " # Later, load the model and make predictions\n", + " loaded_arima, loaded_lstm, loaded_scaler = load_model('saved_model')\n", + " predictions = make_predictions(loaded_arima, loaded_lstm, loaded_scaler, test_close_prices)\n", + "\n", + " # Calculate accuracy metrics\n", + " mae = mean_absolute_error(test_close_prices, predictions)\n", + " rmse = np.sqrt(mean_squared_error(test_close_prices, predictions))\n", + " mape = np.mean(np.abs((test_close_prices - predictions) / test_close_prices)) * 100\n", + "\n", + " print(f\"Mean Absolute Error: ${mae:.2f}\")\n", + " print(f\"Root Mean Squared Error: ${rmse:.2f}\")\n", + " print(f\"Mean Absolute Percentage Error: {mape:.2f}%\")\n", + "\n", + " # Plot results\n", + " import matplotlib.pyplot as plt\n", + "\n", + " plt.figure(figsize=(12,6))\n", + " plt.plot(test_data['Date'], test_close_prices, label='Actual Prices')\n", + " plt.plot(test_data['Date'], predictions, label='Predicted Prices')\n", + " plt.title('Actual vs Predicted Stock Prices')\n", + " plt.xlabel('Date')\n", + " plt.ylabel('Price')\n", + " plt.legend()\n", + " plt.xticks(rotation=45)\n", + " plt.tight_layout()\n", + " plt.show()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import numpy as np\n", + "import pandas as pd\n", + "from statsmodels.tsa.arima.model import ARIMA\n", + "from pmdarima import auto_arima\n", + "from sklearn.preprocessing import MinMaxScaler\n", + "from tensorflow.keras.models import Sequential, load_model\n", + "from tensorflow.keras.layers import Dense, LSTM\n", + "from tensorflow.keras.callbacks import EarlyStopping, ModelCheckpoint\n", + "from sklearn.metrics import mean_absolute_error, mean_squared_error\n", + "import joblib # For saving the ARIMA model\n", + "import os\n", + "\n", + "# Data preparation\n", + "def prepare_data(data, time_steps):\n", + " X, y = [], []\n", + " for i in range(len(data) - time_steps):\n", + " X.append(data[i:(i + time_steps), 0])\n", + " y.append(data[i + time_steps, 0])\n", + " return np.array(X), np.array(y)\n", + "\n", + "# Hybrid ARIMA-LSTM Model\n", + "def hybrid_model(train_data, test_data, time_steps=60, model_dir='./model'):\n", + " # Ensure data is a numpy array\n", + " train_df = np.array(train_data).reshape(-1, 1)\n", + " train_df = pd.DataFrame(train_df).ffill().values\n", + "\n", + " # Create a directory to save models if it doesn't exist\n", + " if not os.path.exists(model_dir):\n", + " os.makedirs(model_dir)\n", + "\n", + " # ARIMA Model\n", + " arima_model_path = os.path.join(model_dir, 'arima_model.pkl')\n", + " if not os.path.exists(arima_model_path):\n", + " model_auto = auto_arima(train_df, start_p=1, start_q=1, max_p=3, max_q=3, m=1,\n", + " d=None, seasonal=False, start_P=0, D=0, trace=True,\n", + " error_action='ignore', suppress_warnings=True, stepwise=True)\n", + "\n", + " arima_model = ARIMA(train_df, order=model_auto.order)\n", + " arima_results = arima_model.fit()\n", + " # Save ARIMA model\n", + " joblib.dump(arima_results, arima_model_path)\n", + " else:\n", + " arima_results = joblib.load(arima_model_path)\n", + "\n", + " # Get ARIMA residuals\n", + " arima_residuals = train_df - arima_results.fittedvalues.reshape(-1, 1)\n", + " arima_residuals = np.nan_to_num(arima_residuals)\n", + "\n", + " # Prepare data for LSTM\n", + " scaler = MinMaxScaler()\n", + " residuals_scaled = scaler.fit_transform(arima_residuals)\n", + "\n", + " X, y = prepare_data(residuals_scaled, time_steps)\n", + " X = np.reshape(X, (X.shape[0], X.shape[1], 1))\n", + "\n", + " # LSTM Model\n", + " lstm_model_path = os.path.join(model_dir, 'lstm_model.keras') # Updated file extension\n", + " if not os.path.exists(lstm_model_path):\n", + " lstm_model = Sequential([\n", + " LSTM(units=50, return_sequences=True, input_shape=(X.shape[1], 1)),\n", + " LSTM(units=50),\n", + " Dense(units=1)\n", + " ])\n", + " lstm_model.compile(optimizer='adam', loss='mean_squared_error')\n", + "\n", + " # Early stopping and model checkpoint\n", + " early_stopping = EarlyStopping(monitor='loss', patience=10, restore_best_weights=True)\n", + " model_checkpoint = ModelCheckpoint(lstm_model_path, save_best_only=True, monitor='loss')\n", + "\n", + " # Train LSTM model\n", + " lstm_model.fit(X, y, epochs=50, batch_size=32, verbose=1, callbacks=[early_stopping, model_checkpoint])\n", + "\n", + " else:\n", + " lstm_model = load_model(lstm_model_path)\n", + "\n", + " # Make predictions for test data\n", + " predictions = []\n", + " test_data = np.array(test_data).reshape(-1, 1)\n", + " combined_data = np.vstack((train_df, test_data))\n", + "\n", + " for i in range(len(test_data)):\n", + " # ARIMA prediction\n", + " arima_forecast = arima_results.forecast(steps=1)\n", + "\n", + " # LSTM prediction\n", + " last_60_days = scaler.transform(combined_data[-(time_steps+1):-1])\n", + " X_test = np.array([last_60_days])\n", + " X_test = np.reshape(X_test, (X_test.shape[0], X_test.shape[1], 1))\n", + " lstm_prediction = lstm_model.predict(X_test)\n", + " lstm_prediction = scaler.inverse_transform(lstm_prediction)\n", + "\n", + " # Combine predictions\n", + " hybrid_prediction = arima_forecast + lstm_prediction[0][0]\n", + " predictions.append(hybrid_prediction[0])\n", + "\n", + " # Update ARIMA model with test data\n", + " arima_results = arima_model.append(test_data[i]).fit()\n", + "\n", + " return np.array(predictions)\n", + "\n", + "# Load and prepare data\n", + "train_data = pd.read_csv('../Data/SBI Train data.csv')\n", + "test_data = pd.read_csv('../Data/SBI Test data.csv')\n", + "\n", + "train_close_prices = train_data['Close']\n", + "test_close_prices = test_data['Close']\n", + "\n", + "# Make predictions\n", + "predictions = hybrid_model(train_close_prices, test_close_prices)\n", + "\n", + "# Calculate accuracy metrics\n", + "mae = mean_absolute_error(test_close_prices, predictions)\n", + "rmse = np.sqrt(mean_squared_error(test_close_prices, predictions))\n", + "\n", + "print(f\"Mean Absolute Error: ${mae:.2f}\")\n", + "print(f\"Root Mean Squared Error: ${rmse:.2f}\")\n", + "\n", + "# Calculate Mean Absolute Percentage Error (MAPE)\n", + "mape = np.mean(np.abs((test_close_prices - predictions) / test_close_prices)) * 100\n", + "print(f\"Mean Absolute Percentage Error: {mape:.2f}%\")\n", + "\n", + "# Plot actual vs predicted prices\n", + "import matplotlib.pyplot as plt\n", + "\n", + "plt.figure(figsize=(12,6))\n", + "plt.plot(test_data['Date'], test_close_prices, label='Actual Prices')\n", + "plt.plot(test_data['Date'], predictions, label='Predicted Prices')\n", + "plt.title('Actual vs Predicted Stock Prices')\n", + "plt.xlabel('Date')\n", + "plt.ylabel('Price')\n", + "plt.legend()\n", + "plt.xticks(rotation=45)\n", + "plt.tight_layout()\n", + "plt.show()\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "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.12.4" + } + }, + "nbformat": 4, + "nbformat_minor": 4 +} diff --git a/ARIMA/hybrid.ipynb b/ARIMA/hybrid.ipynb index 491551d..e5870cb 100644 --- a/ARIMA/hybrid.ipynb +++ b/ARIMA/hybrid.ipynb @@ -2,7 +2,7 @@ "cells": [ { "cell_type": "code", - "execution_count": 2, + "execution_count": 31, "metadata": {}, "outputs": [ { @@ -10,42 +10,32 @@ "output_type": "stream", "text": [ "Performing stepwise search to minimize aic\n", - " ARIMA(1,1,1)(0,0,0)[0] intercept : AIC=30202.237, Time=0.62 sec\n", - " ARIMA(0,1,0)(0,0,0)[0] intercept : AIC=30233.097, Time=0.05 sec\n", - " ARIMA(1,1,0)(0,0,0)[0] intercept : AIC=30205.175, Time=0.16 sec\n", - " ARIMA(0,1,1)(0,0,0)[0] intercept : AIC=30203.304, Time=0.22 sec\n", - " ARIMA(0,1,0)(0,0,0)[0] : AIC=30231.827, Time=0.04 sec\n", - " ARIMA(2,1,1)(0,0,0)[0] intercept : AIC=30196.421, Time=0.84 sec\n", - " ARIMA(2,1,0)(0,0,0)[0] intercept : AIC=30201.003, Time=0.20 sec\n", - " ARIMA(3,1,1)(0,0,0)[0] intercept : AIC=30198.399, Time=1.24 sec\n", - " ARIMA(2,1,2)(0,0,0)[0] intercept : AIC=30198.353, Time=1.94 sec\n", - " ARIMA(1,1,2)(0,0,0)[0] intercept : AIC=30196.789, Time=1.17 sec\n", - " ARIMA(3,1,0)(0,0,0)[0] intercept : AIC=30202.291, Time=0.30 sec\n", - " ARIMA(3,1,2)(0,0,0)[0] intercept : AIC=30199.886, Time=1.15 sec\n", - " ARIMA(2,1,1)(0,0,0)[0] : AIC=30195.213, Time=0.28 sec\n", - " ARIMA(1,1,1)(0,0,0)[0] : AIC=30200.893, Time=0.38 sec\n", - " ARIMA(2,1,0)(0,0,0)[0] : AIC=30199.679, Time=0.09 sec\n", - " ARIMA(3,1,1)(0,0,0)[0] : AIC=30197.192, Time=0.56 sec\n", - " ARIMA(2,1,2)(0,0,0)[0] : AIC=30197.148, Time=0.97 sec\n", - " ARIMA(1,1,0)(0,0,0)[0] : AIC=30203.808, Time=0.06 sec\n", - " ARIMA(1,1,2)(0,0,0)[0] : AIC=30195.578, Time=0.44 sec\n", - " ARIMA(3,1,0)(0,0,0)[0] : AIC=30200.982, Time=0.13 sec\n", - " ARIMA(3,1,2)(0,0,0)[0] : AIC=30198.679, Time=0.51 sec\n", + " ARIMA(1,1,1)(0,0,0)[0] intercept : AIC=30240.523, Time=2.28 sec\n", + " ARIMA(0,1,0)(0,0,0)[0] intercept : AIC=30272.252, Time=0.19 sec\n", + " ARIMA(1,1,0)(0,0,0)[0] intercept : AIC=30243.723, Time=0.54 sec\n", + " ARIMA(0,1,1)(0,0,0)[0] intercept : AIC=30241.768, Time=0.77 sec\n", + " ARIMA(0,1,0)(0,0,0)[0] : AIC=30270.982, Time=0.17 sec\n", + " ARIMA(2,1,1)(0,0,0)[0] intercept : AIC=30234.621, Time=2.66 sec\n", + " ARIMA(2,1,0)(0,0,0)[0] intercept : AIC=30239.276, Time=0.76 sec\n", + " ARIMA(3,1,1)(0,0,0)[0] intercept : AIC=30236.607, Time=4.12 sec\n", + " ARIMA(2,1,2)(0,0,0)[0] intercept : AIC=30236.577, Time=6.50 sec\n", + " ARIMA(1,1,2)(0,0,0)[0] intercept : AIC=30234.958, Time=3.86 sec\n", + " ARIMA(3,1,0)(0,0,0)[0] intercept : AIC=30240.618, Time=1.05 sec\n", + " ARIMA(3,1,2)(0,0,0)[0] intercept : AIC=30237.920, Time=5.87 sec\n", + " ARIMA(2,1,1)(0,0,0)[0] : AIC=30233.414, Time=0.94 sec\n", + " ARIMA(1,1,1)(0,0,0)[0] : AIC=30239.179, Time=1.16 sec\n", + " ARIMA(2,1,0)(0,0,0)[0] : AIC=30237.952, Time=0.39 sec\n", + " ARIMA(3,1,1)(0,0,0)[0] : AIC=30235.401, Time=1.76 sec\n", + " ARIMA(2,1,2)(0,0,0)[0] : AIC=30235.372, Time=2.71 sec\n", + " ARIMA(1,1,0)(0,0,0)[0] : AIC=30242.355, Time=0.28 sec\n", + " ARIMA(1,1,2)(0,0,0)[0] : AIC=30233.748, Time=1.51 sec\n", + " ARIMA(3,1,0)(0,0,0)[0] : AIC=30239.309, Time=0.48 sec\n", + " ARIMA(3,1,2)(0,0,0)[0] : AIC=30236.712, Time=2.50 sec\n", "\n", "Best model: ARIMA(2,1,1)(0,0,0)[0] \n", - "Total fit time: 11.362 seconds\n" - ] - }, - { - "ename": "AttributeError", - "evalue": "'numpy.ndarray' object has no attribute 'values'", - "output_type": "error", - "traceback": [ - "\u001b[1;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[1;31mAttributeError\u001b[0m Traceback (most recent call last)", - "Cell \u001b[1;32mIn[2], line 71\u001b[0m\n\u001b[0;32m 68\u001b[0m custom_data \u001b[38;5;241m=\u001b[39m pd\u001b[38;5;241m.\u001b[39mread_csv(\u001b[38;5;124m'\u001b[39m\u001b[38;5;124m../Data/SBI Train data.csv\u001b[39m\u001b[38;5;124m'\u001b[39m)\n\u001b[0;32m 69\u001b[0m close_prices \u001b[38;5;241m=\u001b[39m custom_data[\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mClose\u001b[39m\u001b[38;5;124m'\u001b[39m]\n\u001b[1;32m---> 71\u001b[0m prediction \u001b[38;5;241m=\u001b[39m \u001b[43mhybrid_model\u001b[49m\u001b[43m(\u001b[49m\u001b[43mclose_prices\u001b[49m\u001b[43m)\u001b[49m\n\u001b[0;32m 72\u001b[0m \u001b[38;5;28mprint\u001b[39m(\u001b[38;5;124mf\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mHybrid model prediction for next day closing price: $\u001b[39m\u001b[38;5;132;01m{\u001b[39;00mprediction\u001b[38;5;132;01m:\u001b[39;00m\u001b[38;5;124m.2f\u001b[39m\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m\"\u001b[39m)\n", - "Cell \u001b[1;32mIn[2], line 34\u001b[0m, in \u001b[0;36mhybrid_model\u001b[1;34m(data, time_steps)\u001b[0m\n\u001b[0;32m 31\u001b[0m arima_results \u001b[38;5;241m=\u001b[39m arima_model\u001b[38;5;241m.\u001b[39mfit()\n\u001b[0;32m 33\u001b[0m \u001b[38;5;66;03m# Get ARIMA residuals\u001b[39;00m\n\u001b[1;32m---> 34\u001b[0m arima_residuals \u001b[38;5;241m=\u001b[39m df \u001b[38;5;241m-\u001b[39m \u001b[43marima_results\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mfittedvalues\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mvalues\u001b[49m\u001b[38;5;241m.\u001b[39mreshape(\u001b[38;5;241m-\u001b[39m\u001b[38;5;241m1\u001b[39m, \u001b[38;5;241m1\u001b[39m)\n\u001b[0;32m 36\u001b[0m \u001b[38;5;66;03m# Prepare data for LSTM\u001b[39;00m\n\u001b[0;32m 37\u001b[0m scaler \u001b[38;5;241m=\u001b[39m MinMaxScaler()\n", - "\u001b[1;31mAttributeError\u001b[0m: 'numpy.ndarray' object has no attribute 'values'" + "Total fit time: 40.526 seconds\n", + "\u001b[1m1/1\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m1s\u001b[0m 601ms/step\n", + "Hybrid model prediction for next day closing price: $244.92\n" ] } ], @@ -56,7 +46,7 @@ "from pmdarima import auto_arima\n", "from sklearn.preprocessing import MinMaxScaler\n", "from tensorflow.keras.models import Sequential\n", - "from tensorflow.keras.layers import Dense, LSTM\n", + "from tensorflow.keras.layers import Dense, LSTM, Input\n", "\n", "def prepare_data(data, time_steps):\n", " X, y = [], []\n", @@ -74,6 +64,8 @@ " \n", " df = df.reshape(-1, 1)\n", "\n", + " df = pd.DataFrame(df).ffill().values\n", + "\n", " # ARIMA model\n", " model_auto = auto_arima(df, start_p=1, start_q=1, max_p=3, max_q=3, m=1,\n", " d=None, seasonal=False, start_P=0, D=0, trace=True,\n", @@ -83,8 +75,9 @@ " arima_results = arima_model.fit()\n", "\n", " # Get ARIMA residuals\n", - " arima_residuals = df - arima_results.fittedvalues.values.reshape(-1, 1)\n", - "\n", + " arima_residuals = df - arima_results.fittedvalues.reshape(-1, 1)\n", + " arima_residuals = np.nan_to_num(arima_residuals)\n", + " \n", " # Prepare data for LSTM\n", " scaler = MinMaxScaler()\n", " residuals_scaled = scaler.fit_transform(arima_residuals)\n", @@ -94,7 +87,8 @@ "\n", " # LSTM model\n", " lstm_model = Sequential([\n", - " LSTM(units=50, return_sequences=True, input_shape=(X.shape[1], 1)),\n", + " Input(shape=(X.shape[1], 1)),\n", + " LSTM(units=50, return_sequences=True), \n", " LSTM(units=50),\n", " Dense(units=1)\n", " ])\n", @@ -126,7 +120,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 34, "metadata": {}, "outputs": [ { @@ -134,46 +128,32 @@ "output_type": "stream", "text": [ "Performing stepwise search to minimize aic\n", - " ARIMA(1,1,1)(0,0,0)[0] intercept : AIC=30202.237, Time=1.22 sec\n", - " ARIMA(0,1,0)(0,0,0)[0] intercept : AIC=30233.097, Time=0.09 sec\n", - " ARIMA(1,1,0)(0,0,0)[0] intercept : AIC=30205.175, Time=0.55 sec\n", - " ARIMA(0,1,1)(0,0,0)[0] intercept : AIC=30203.304, Time=0.46 sec\n", - " ARIMA(0,1,0)(0,0,0)[0] : AIC=30231.827, Time=0.06 sec\n", - " ARIMA(2,1,1)(0,0,0)[0] intercept : AIC=30196.421, Time=1.17 sec\n", - " ARIMA(2,1,0)(0,0,0)[0] intercept : AIC=30201.003, Time=0.20 sec\n", - " ARIMA(3,1,1)(0,0,0)[0] intercept : AIC=30198.399, Time=1.24 sec\n", - " ARIMA(2,1,2)(0,0,0)[0] intercept : AIC=30198.353, Time=1.94 sec\n", - " ARIMA(1,1,2)(0,0,0)[0] intercept : AIC=30196.789, Time=1.18 sec\n", - " ARIMA(3,1,0)(0,0,0)[0] intercept : AIC=30202.291, Time=0.31 sec\n", - " ARIMA(3,1,2)(0,0,0)[0] intercept : AIC=30199.886, Time=1.17 sec\n", - " ARIMA(2,1,1)(0,0,0)[0] : AIC=30195.213, Time=0.31 sec\n", - " ARIMA(1,1,1)(0,0,0)[0] : AIC=30200.893, Time=0.39 sec\n", - " ARIMA(2,1,0)(0,0,0)[0] : AIC=30199.679, Time=0.08 sec\n", - " ARIMA(3,1,1)(0,0,0)[0] : AIC=30197.192, Time=0.57 sec\n", - " ARIMA(2,1,2)(0,0,0)[0] : AIC=30197.148, Time=0.97 sec\n", - " ARIMA(1,1,0)(0,0,0)[0] : AIC=30203.808, Time=0.07 sec\n", - " ARIMA(1,1,2)(0,0,0)[0] : AIC=30195.578, Time=0.45 sec\n", - " ARIMA(3,1,0)(0,0,0)[0] : AIC=30200.982, Time=0.14 sec\n", - " ARIMA(3,1,2)(0,0,0)[0] : AIC=30198.679, Time=0.55 sec\n", + " ARIMA(1,1,1)(0,0,0)[0] intercept : AIC=30240.523, Time=2.25 sec\n", + " ARIMA(0,1,0)(0,0,0)[0] intercept : AIC=30272.252, Time=0.22 sec\n", + " ARIMA(1,1,0)(0,0,0)[0] intercept : AIC=30243.723, Time=0.58 sec\n", + " ARIMA(0,1,1)(0,0,0)[0] intercept : AIC=30241.768, Time=0.82 sec\n", + " ARIMA(0,1,0)(0,0,0)[0] : AIC=30270.982, Time=0.15 sec\n", + " ARIMA(2,1,1)(0,0,0)[0] intercept : AIC=30234.621, Time=2.72 sec\n", + " ARIMA(2,1,0)(0,0,0)[0] intercept : AIC=30239.276, Time=0.84 sec\n", + " ARIMA(3,1,1)(0,0,0)[0] intercept : AIC=30236.607, Time=4.21 sec\n", + " ARIMA(2,1,2)(0,0,0)[0] intercept : AIC=30236.577, Time=6.49 sec\n", + " ARIMA(1,1,2)(0,0,0)[0] intercept : AIC=30234.958, Time=4.04 sec\n", + " ARIMA(3,1,0)(0,0,0)[0] intercept : AIC=30240.618, Time=1.13 sec\n", + " ARIMA(3,1,2)(0,0,0)[0] intercept : AIC=30237.920, Time=6.01 sec\n", + " ARIMA(2,1,1)(0,0,0)[0] : AIC=30233.414, Time=1.07 sec\n", + " ARIMA(1,1,1)(0,0,0)[0] : AIC=30239.179, Time=1.18 sec\n", + " ARIMA(2,1,0)(0,0,0)[0] : AIC=30237.952, Time=0.35 sec\n", + " ARIMA(3,1,1)(0,0,0)[0] : AIC=30235.401, Time=1.82 sec\n", + " ARIMA(2,1,2)(0,0,0)[0] : AIC=30235.372, Time=2.42 sec\n", + " ARIMA(1,1,0)(0,0,0)[0] : AIC=30242.355, Time=0.29 sec\n", + " ARIMA(1,1,2)(0,0,0)[0] : AIC=30233.748, Time=1.49 sec\n", + " ARIMA(3,1,0)(0,0,0)[0] : AIC=30239.309, Time=0.54 sec\n", + " ARIMA(3,1,2)(0,0,0)[0] : AIC=30236.712, Time=2.61 sec\n", "\n", "Best model: ARIMA(2,1,1)(0,0,0)[0] \n", - "Total fit time: 13.125 seconds\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "C:\\Users\\agraw\\AppData\\Roaming\\Python\\Python311\\site-packages\\keras\\src\\layers\\rnn\\rnn.py:204: UserWarning: Do not pass an `input_shape`/`input_dim` argument to a layer. When using Sequential models, prefer using an `Input(shape)` object as the first layer in the model instead.\n", - " super().__init__(**kwargs)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\u001b[1m1/1\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 148ms/step\n", - "Hybrid model prediction for next day closing price: $245.77\n" + "Total fit time: 41.259 seconds\n", + "\u001b[1m1/1\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 499ms/step\n", + "Hybrid model prediction for next day closing price: $245.04\n" ] } ], @@ -184,7 +164,7 @@ "from pmdarima import auto_arima\n", "from sklearn.preprocessing import MinMaxScaler\n", "from tensorflow.keras.models import Sequential\n", - "from tensorflow.keras.layers import Dense, LSTM\n", + "from tensorflow.keras.layers import Dense, LSTM, Input\n", "\n", "def prepare_data(data, time_steps):\n", " X, y = [], []\n", @@ -204,6 +184,8 @@ " \n", " df = df.reshape(-1, 1)\n", "\n", + " df = pd.DataFrame(df).ffill().values\n", + "\n", " # ARIMA model\n", " model_auto = auto_arima(df, start_p=1, start_q=1, max_p=3, max_q=3, m=1,\n", " d=None, seasonal=False, start_P=0, D=0, trace=True,\n", @@ -214,6 +196,7 @@ "\n", " # Get ARIMA residuals\n", " arima_residuals = df - arima_results.fittedvalues.reshape(-1, 1)\n", + " arima_residuals = np.nan_to_num(arima_residuals)\n", "\n", " # Prepare data for LSTM\n", " scaler = MinMaxScaler()\n", @@ -224,7 +207,8 @@ "\n", " # LSTM model\n", " lstm_model = Sequential([\n", - " LSTM(units=50, return_sequences=True, input_shape=(X.shape[1], 1)),\n", + " Input(shape=(X.shape[1], 1)),\n", + " LSTM(units=50, return_sequences=True), \n", " LSTM(units=50),\n", " Dense(units=1)\n", " ])\n", @@ -255,68 +239,9 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Performing stepwise search to minimize aic\n", - " ARIMA(1,1,1)(0,0,0)[0] intercept : AIC=30202.237, Time=0.62 sec\n", - " ARIMA(0,1,0)(0,0,0)[0] intercept : AIC=30233.097, Time=0.05 sec\n", - " ARIMA(1,1,0)(0,0,0)[0] intercept : AIC=30205.175, Time=0.15 sec\n", - " ARIMA(0,1,1)(0,0,0)[0] intercept : AIC=30203.304, Time=0.21 sec\n", - " ARIMA(0,1,0)(0,0,0)[0] : AIC=30231.827, Time=0.03 sec\n", - " ARIMA(2,1,1)(0,0,0)[0] intercept : AIC=30196.421, Time=0.85 sec\n", - " ARIMA(2,1,0)(0,0,0)[0] intercept : AIC=30201.003, Time=0.21 sec\n", - " ARIMA(3,1,1)(0,0,0)[0] intercept : AIC=30198.399, Time=1.25 sec\n", - " ARIMA(2,1,2)(0,0,0)[0] intercept : AIC=30198.353, Time=1.96 sec\n", - " ARIMA(1,1,2)(0,0,0)[0] intercept : AIC=30196.789, Time=1.21 sec\n", - " ARIMA(3,1,0)(0,0,0)[0] intercept : AIC=30202.291, Time=0.32 sec\n", - " ARIMA(3,1,2)(0,0,0)[0] intercept : AIC=30199.886, Time=1.15 sec\n", - " ARIMA(2,1,1)(0,0,0)[0] : AIC=30195.213, Time=0.29 sec\n", - " ARIMA(1,1,1)(0,0,0)[0] : AIC=30200.893, Time=0.43 sec\n", - " ARIMA(2,1,0)(0,0,0)[0] : AIC=30199.679, Time=0.09 sec\n", - " ARIMA(3,1,1)(0,0,0)[0] : AIC=30197.192, Time=0.58 sec\n", - " ARIMA(2,1,2)(0,0,0)[0] : AIC=30197.148, Time=1.01 sec\n", - " ARIMA(1,1,0)(0,0,0)[0] : AIC=30203.808, Time=0.06 sec\n", - " ARIMA(1,1,2)(0,0,0)[0] : AIC=30195.578, Time=0.44 sec\n", - " ARIMA(3,1,0)(0,0,0)[0] : AIC=30200.982, Time=0.15 sec\n", - " ARIMA(3,1,2)(0,0,0)[0] : AIC=30198.679, Time=0.52 sec\n", - "\n", - "Best model: ARIMA(2,1,1)(0,0,0)[0] \n", - "Total fit time: 11.613 seconds\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "C:\\Users\\agraw\\AppData\\Roaming\\Python\\Python311\\site-packages\\keras\\src\\layers\\rnn\\rnn.py:204: UserWarning: Do not pass an `input_shape`/`input_dim` argument to a layer. When using Sequential models, prefer using an `Input(shape)` object as the first layer in the model instead.\n", - " super().__init__(**kwargs)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\u001b[1m1/1\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 140ms/step\n" - ] - }, - { - "ename": "AttributeError", - "evalue": "'ARIMA' object has no attribute 'append'", - "output_type": "error", - "traceback": [ - "\u001b[1;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[1;31mAttributeError\u001b[0m Traceback (most recent call last)", - "Cell \u001b[1;32mIn[4], line 88\u001b[0m\n\u001b[0;32m 85\u001b[0m test_close_prices \u001b[38;5;241m=\u001b[39m test_data[\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mClose\u001b[39m\u001b[38;5;124m'\u001b[39m]\n\u001b[0;32m 87\u001b[0m \u001b[38;5;66;03m# Make predictions\u001b[39;00m\n\u001b[1;32m---> 88\u001b[0m predictions \u001b[38;5;241m=\u001b[39m \u001b[43mhybrid_model\u001b[49m\u001b[43m(\u001b[49m\u001b[43mtrain_close_prices\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mtest_close_prices\u001b[49m\u001b[43m)\u001b[49m\n\u001b[0;32m 90\u001b[0m \u001b[38;5;66;03m# Calculate accuracy metrics\u001b[39;00m\n\u001b[0;32m 91\u001b[0m mae \u001b[38;5;241m=\u001b[39m mean_absolute_error(test_close_prices, predictions)\n", - "Cell \u001b[1;32mIn[4], line 76\u001b[0m, in \u001b[0;36mhybrid_model\u001b[1;34m(train_data, test_data, time_steps)\u001b[0m\n\u001b[0;32m 73\u001b[0m predictions\u001b[38;5;241m.\u001b[39mappend(hybrid_prediction[\u001b[38;5;241m0\u001b[39m])\n\u001b[0;32m 75\u001b[0m \u001b[38;5;66;03m# Update ARIMA model\u001b[39;00m\n\u001b[1;32m---> 76\u001b[0m arima_results \u001b[38;5;241m=\u001b[39m \u001b[43marima_model\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mappend\u001b[49m(test_data[i])\u001b[38;5;241m.\u001b[39mfit()\n\u001b[0;32m 78\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m np\u001b[38;5;241m.\u001b[39marray(predictions)\n", - "\u001b[1;31mAttributeError\u001b[0m: 'ARIMA' object has no attribute 'append'" - ] - } - ], + "outputs": [], "source": [ "import numpy as np\n", "import pandas as pd\n", @@ -324,7 +249,7 @@ "from pmdarima import auto_arima\n", "from sklearn.preprocessing import MinMaxScaler\n", "from tensorflow.keras.models import Sequential\n", - "from tensorflow.keras.layers import Dense, LSTM\n", + "from tensorflow.keras.layers import Dense, LSTM, Input\n", "from sklearn.metrics import mean_absolute_error, mean_squared_error\n", "\n", "def prepare_data(data, time_steps):\n", @@ -338,13 +263,15 @@ " # Ensure data is numpy array\n", " if isinstance(train_data, pd.Series):\n", " train_df = train_data.values\n", - " elif isinstance(train_data, pd.DataFrame):\n", - " train_df = train_data.values\n", + " if isinstance(test_data, pd.DataFrame):\n", + " test_df = train_data.values\n", " else:\n", " train_df = np.array(train_data)\n", " \n", " train_df = train_df.reshape(-1, 1)\n", "\n", + " train_df = pd.DataFrame(train_df).ffill().values\n", + "\n", " # ARIMA model\n", " model_auto = auto_arima(train_df, start_p=1, start_q=1, max_p=3, max_q=3, m=1,\n", " d=None, seasonal=False, start_P=0, D=0, trace=True,\n", @@ -355,6 +282,7 @@ "\n", " # Get ARIMA residuals\n", " arima_residuals = train_df - arima_results.fittedvalues.reshape(-1, 1)\n", + " arima_residuals = np.nan_to_num(arima_residuals)\n", "\n", " # Prepare data for LSTM\n", " scaler = MinMaxScaler()\n", @@ -365,7 +293,8 @@ "\n", " # LSTM model\n", " lstm_model = Sequential([\n", - " LSTM(units=50, return_sequences=True, input_shape=(X.shape[1], 1)),\n", + " Input(shape=(X.shape[1], 1)),\n", + " LSTM(units=50, return_sequences=True), \n", " LSTM(units=50),\n", " Dense(units=1)\n", " ])\n", @@ -435,68 +364,9 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Performing stepwise search to minimize aic\n", - " ARIMA(1,1,1)(0,0,0)[0] intercept : AIC=30202.237, Time=0.63 sec\n", - " ARIMA(0,1,0)(0,0,0)[0] intercept : AIC=30233.097, Time=0.05 sec\n", - " ARIMA(1,1,0)(0,0,0)[0] intercept : AIC=30205.175, Time=0.17 sec\n", - " ARIMA(0,1,1)(0,0,0)[0] intercept : AIC=30203.304, Time=0.24 sec\n", - " ARIMA(0,1,0)(0,0,0)[0] : AIC=30231.827, Time=0.04 sec\n", - " ARIMA(2,1,1)(0,0,0)[0] intercept : AIC=30196.421, Time=0.93 sec\n", - " ARIMA(2,1,0)(0,0,0)[0] intercept : AIC=30201.003, Time=0.23 sec\n", - " ARIMA(3,1,1)(0,0,0)[0] intercept : AIC=30198.399, Time=1.30 sec\n", - " ARIMA(2,1,2)(0,0,0)[0] intercept : AIC=30198.353, Time=1.94 sec\n", - " ARIMA(1,1,2)(0,0,0)[0] intercept : AIC=30196.789, Time=1.22 sec\n", - " ARIMA(3,1,0)(0,0,0)[0] intercept : AIC=30202.291, Time=0.30 sec\n", - " ARIMA(3,1,2)(0,0,0)[0] intercept : AIC=30199.886, Time=1.15 sec\n", - " ARIMA(2,1,1)(0,0,0)[0] : AIC=30195.213, Time=0.31 sec\n", - " ARIMA(1,1,1)(0,0,0)[0] : AIC=30200.893, Time=0.42 sec\n", - " ARIMA(2,1,0)(0,0,0)[0] : AIC=30199.679, Time=0.10 sec\n", - " ARIMA(3,1,1)(0,0,0)[0] : AIC=30197.192, Time=0.61 sec\n", - " ARIMA(2,1,2)(0,0,0)[0] : AIC=30197.148, Time=1.00 sec\n", - " ARIMA(1,1,0)(0,0,0)[0] : AIC=30203.808, Time=0.05 sec\n", - " ARIMA(1,1,2)(0,0,0)[0] : AIC=30195.578, Time=0.45 sec\n", - " ARIMA(3,1,0)(0,0,0)[0] : AIC=30200.982, Time=0.14 sec\n", - " ARIMA(3,1,2)(0,0,0)[0] : AIC=30198.679, Time=0.54 sec\n", - "\n", - "Best model: ARIMA(2,1,1)(0,0,0)[0] \n", - "Total fit time: 11.839 seconds\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "C:\\Users\\agraw\\AppData\\Roaming\\Python\\Python311\\site-packages\\keras\\src\\layers\\rnn\\rnn.py:204: UserWarning: Do not pass an `input_shape`/`input_dim` argument to a layer. When using Sequential models, prefer using an `Input(shape)` object as the first layer in the model instead.\n", - " super().__init__(**kwargs)\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\u001b[1m1/1\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 134ms/step\n" - ] - }, - { - "ename": "AttributeError", - "evalue": "'ARIMA' object has no attribute 'append'", - "output_type": "error", - "traceback": [ - "\u001b[1;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[1;31mAttributeError\u001b[0m Traceback (most recent call last)", - "Cell \u001b[1;32mIn[5], line 88\u001b[0m\n\u001b[0;32m 85\u001b[0m test_close_prices \u001b[38;5;241m=\u001b[39m test_data[\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mClose\u001b[39m\u001b[38;5;124m'\u001b[39m]\n\u001b[0;32m 87\u001b[0m \u001b[38;5;66;03m# Make predictions\u001b[39;00m\n\u001b[1;32m---> 88\u001b[0m predictions \u001b[38;5;241m=\u001b[39m \u001b[43mhybrid_model\u001b[49m\u001b[43m(\u001b[49m\u001b[43mtrain_close_prices\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mtest_close_prices\u001b[49m\u001b[43m)\u001b[49m\n\u001b[0;32m 90\u001b[0m \u001b[38;5;66;03m# Calculate accuracy metrics\u001b[39;00m\n\u001b[0;32m 91\u001b[0m mae \u001b[38;5;241m=\u001b[39m mean_absolute_error(test_close_prices, predictions)\n", - "Cell \u001b[1;32mIn[5], line 76\u001b[0m, in \u001b[0;36mhybrid_model\u001b[1;34m(train_data, test_data, time_steps)\u001b[0m\n\u001b[0;32m 73\u001b[0m predictions\u001b[38;5;241m.\u001b[39mappend(hybrid_prediction[\u001b[38;5;241m0\u001b[39m])\n\u001b[0;32m 75\u001b[0m \u001b[38;5;66;03m# Update ARIMA model\u001b[39;00m\n\u001b[1;32m---> 76\u001b[0m arima_results \u001b[38;5;241m=\u001b[39m \u001b[43marima_model\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mappend\u001b[49m(test_data[i])\u001b[38;5;241m.\u001b[39mfit()\n\u001b[0;32m 78\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m np\u001b[38;5;241m.\u001b[39marray(predictions)\n", - "\u001b[1;31mAttributeError\u001b[0m: 'ARIMA' object has no attribute 'append'" - ] - } - ], + "outputs": [], "source": [ "import numpy as np\n", "import pandas as pd\n", @@ -504,7 +374,7 @@ "from pmdarima import auto_arima\n", "from sklearn.preprocessing import MinMaxScaler\n", "from tensorflow.keras.models import Sequential\n", - "from tensorflow.keras.layers import Dense, LSTM\n", + "from tensorflow.keras.layers import Dense, LSTM, Input\n", "from sklearn.metrics import mean_absolute_error, mean_squared_error\n", "\n", "def prepare_data(data, time_steps):\n", @@ -524,6 +394,7 @@ " train_df = np.array(train_data)\n", " \n", " train_df = train_df.reshape(-1, 1)\n", + " train_df = pd.DataFrame(train_df).ffill().values\n", "\n", " # ARIMA model\n", " model_auto = auto_arima(train_df, start_p=1, start_q=1, max_p=3, max_q=3, m=1,\n", @@ -535,6 +406,7 @@ "\n", " # Get ARIMA residuals\n", " arima_residuals = train_df - arima_results.fittedvalues.reshape(-1, 1)\n", + " arima_residuals = np.nan_to_num(arima_residuals)\n", "\n", " # Prepare data for LSTM\n", " scaler = MinMaxScaler()\n", @@ -545,7 +417,8 @@ "\n", " # LSTM model\n", " lstm_model = Sequential([\n", - " LSTM(units=50, return_sequences=True, input_shape=(X.shape[1], 1)),\n", + " Input(shape=(X.shape[1], 1)),\n", + " LSTM(units=50, return_sequences=True), \n", " LSTM(units=50),\n", " Dense(units=1)\n", " ])\n", @@ -615,64 +488,9 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Performing stepwise search to minimize aic\n", - " ARIMA(1,1,1)(0,0,0)[0] intercept : AIC=30202.237, Time=0.59 sec\n", - " ARIMA(0,1,0)(0,0,0)[0] intercept : AIC=30233.097, Time=0.06 sec\n", - " ARIMA(1,1,0)(0,0,0)[0] intercept : AIC=30205.175, Time=0.16 sec\n", - " ARIMA(0,1,1)(0,0,0)[0] intercept : AIC=30203.304, Time=0.25 sec\n", - " ARIMA(0,1,0)(0,0,0)[0] : AIC=30231.827, Time=0.04 sec\n", - " ARIMA(2,1,1)(0,0,0)[0] intercept : AIC=30196.421, Time=0.85 sec\n", - " ARIMA(2,1,0)(0,0,0)[0] intercept : AIC=30201.003, Time=0.20 sec\n", - " ARIMA(3,1,1)(0,0,0)[0] intercept : AIC=30198.399, Time=1.28 sec\n", - " ARIMA(2,1,2)(0,0,0)[0] intercept : AIC=30198.353, Time=2.09 sec\n", - " ARIMA(1,1,2)(0,0,0)[0] intercept : AIC=30196.789, Time=1.29 sec\n", - " ARIMA(3,1,0)(0,0,0)[0] intercept : AIC=30202.291, Time=0.33 sec\n", - " ARIMA(3,1,2)(0,0,0)[0] intercept : AIC=30199.886, Time=1.23 sec\n", - " ARIMA(2,1,1)(0,0,0)[0] : AIC=30195.213, Time=0.30 sec\n", - " ARIMA(1,1,1)(0,0,0)[0] : AIC=30200.893, Time=0.38 sec\n", - " ARIMA(2,1,0)(0,0,0)[0] : AIC=30199.679, Time=0.09 sec\n", - " ARIMA(3,1,1)(0,0,0)[0] : AIC=30197.192, Time=0.57 sec\n", - " ARIMA(2,1,2)(0,0,0)[0] : AIC=30197.148, Time=0.98 sec\n", - " ARIMA(1,1,0)(0,0,0)[0] : AIC=30203.808, Time=0.06 sec\n", - " ARIMA(1,1,2)(0,0,0)[0] : AIC=30195.578, Time=0.42 sec\n", - " ARIMA(3,1,0)(0,0,0)[0] : AIC=30200.982, Time=0.14 sec\n", - " ARIMA(3,1,2)(0,0,0)[0] : AIC=30198.679, Time=0.50 sec\n", - "\n", - "Best model: ARIMA(2,1,1)(0,0,0)[0] \n", - "Total fit time: 11.823 seconds\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "C:\\Users\\agraw\\AppData\\Roaming\\Python\\Python311\\site-packages\\keras\\src\\layers\\rnn\\rnn.py:204: UserWarning: Do not pass an `input_shape`/`input_dim` argument to a layer. When using Sequential models, prefer using an `Input(shape)` object as the first layer in the model instead.\n", - " super().__init__(**kwargs)\n", - "WARNING:absl:You are saving your model as an HDF5 file via `model.save()` or `keras.saving.save_model(model)`. This file format is considered legacy. We recommend using instead the native Keras format, e.g. `model.save('my_model.keras')` or `keras.saving.save_model(model, 'my_model.keras')`. \n" - ] - }, - { - "ename": "FileNotFoundError", - "evalue": "[Errno 2] No such file or directory: 'saved_model\\\\lstm_model.h5\\\\arima_model.pkl'", - "output_type": "error", - "traceback": [ - "\u001b[1;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[1;31mFileNotFoundError\u001b[0m Traceback (most recent call last)", - "Cell \u001b[1;32mIn[6], line 122\u001b[0m\n\u001b[0;32m 119\u001b[0m save_model(arima_results, lstm_model, scaler, \u001b[38;5;124m'\u001b[39m\u001b[38;5;124msaved_model\u001b[39m\u001b[38;5;124m'\u001b[39m)\n\u001b[0;32m 121\u001b[0m \u001b[38;5;66;03m# Later, load the model and make predictions\u001b[39;00m\n\u001b[1;32m--> 122\u001b[0m loaded_arima, loaded_lstm, loaded_scaler \u001b[38;5;241m=\u001b[39m \u001b[43mload_model\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[38;5;124;43msaved_model\u001b[39;49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[43m)\u001b[49m\n\u001b[0;32m 123\u001b[0m predictions \u001b[38;5;241m=\u001b[39m make_predictions(loaded_arima, loaded_lstm, loaded_scaler, test_close_prices)\n\u001b[0;32m 125\u001b[0m \u001b[38;5;66;03m# Calculate accuracy metrics\u001b[39;00m\n", - "Cell \u001b[1;32mIn[6], line 77\u001b[0m, in \u001b[0;36mload_model\u001b[1;34m(folder_path)\u001b[0m\n\u001b[0;32m 74\u001b[0m arima_results \u001b[38;5;241m=\u001b[39m joblib\u001b[38;5;241m.\u001b[39mload(os\u001b[38;5;241m.\u001b[39mpath\u001b[38;5;241m.\u001b[39mjoin(folder_path, \u001b[38;5;124m'\u001b[39m\u001b[38;5;124marima_model.pkl\u001b[39m\u001b[38;5;124m'\u001b[39m))\n\u001b[0;32m 76\u001b[0m \u001b[38;5;66;03m# Load LSTM model\u001b[39;00m\n\u001b[1;32m---> 77\u001b[0m lstm_model \u001b[38;5;241m=\u001b[39m \u001b[43mload_model\u001b[49m\u001b[43m(\u001b[49m\u001b[43mos\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mpath\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mjoin\u001b[49m\u001b[43m(\u001b[49m\u001b[43mfolder_path\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[38;5;124;43mlstm_model.h5\u001b[39;49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[43m)\u001b[49m\u001b[43m)\u001b[49m\n\u001b[0;32m 79\u001b[0m \u001b[38;5;66;03m# Load scaler\u001b[39;00m\n\u001b[0;32m 80\u001b[0m scaler \u001b[38;5;241m=\u001b[39m joblib\u001b[38;5;241m.\u001b[39mload(os\u001b[38;5;241m.\u001b[39mpath\u001b[38;5;241m.\u001b[39mjoin(folder_path, \u001b[38;5;124m'\u001b[39m\u001b[38;5;124mscaler.pkl\u001b[39m\u001b[38;5;124m'\u001b[39m))\n", - "Cell \u001b[1;32mIn[6], line 74\u001b[0m, in \u001b[0;36mload_model\u001b[1;34m(folder_path)\u001b[0m\n\u001b[0;32m 72\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mload_model\u001b[39m(folder_path):\n\u001b[0;32m 73\u001b[0m \u001b[38;5;66;03m# Load ARIMA model\u001b[39;00m\n\u001b[1;32m---> 74\u001b[0m arima_results \u001b[38;5;241m=\u001b[39m \u001b[43mjoblib\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mload\u001b[49m\u001b[43m(\u001b[49m\u001b[43mos\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mpath\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mjoin\u001b[49m\u001b[43m(\u001b[49m\u001b[43mfolder_path\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[38;5;124;43marima_model.pkl\u001b[39;49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[43m)\u001b[49m\u001b[43m)\u001b[49m\n\u001b[0;32m 76\u001b[0m \u001b[38;5;66;03m# Load LSTM model\u001b[39;00m\n\u001b[0;32m 77\u001b[0m lstm_model \u001b[38;5;241m=\u001b[39m load_model(os\u001b[38;5;241m.\u001b[39mpath\u001b[38;5;241m.\u001b[39mjoin(folder_path, \u001b[38;5;124m'\u001b[39m\u001b[38;5;124mlstm_model.h5\u001b[39m\u001b[38;5;124m'\u001b[39m))\n", - "File \u001b[1;32m~\\AppData\\Roaming\\Python\\Python311\\site-packages\\joblib\\numpy_pickle.py:579\u001b[0m, in \u001b[0;36mload\u001b[1;34m(filename, mmap_mode)\u001b[0m\n\u001b[0;32m 577\u001b[0m obj \u001b[38;5;241m=\u001b[39m _unpickle(fobj)\n\u001b[0;32m 578\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[1;32m--> 579\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m \u001b[38;5;28;43mopen\u001b[39;49m\u001b[43m(\u001b[49m\u001b[43mfilename\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[38;5;124;43mrb\u001b[39;49m\u001b[38;5;124;43m'\u001b[39;49m\u001b[43m)\u001b[49m \u001b[38;5;28;01mas\u001b[39;00m f:\n\u001b[0;32m 580\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m _read_fileobject(f, filename, mmap_mode) \u001b[38;5;28;01mas\u001b[39;00m fobj:\n\u001b[0;32m 581\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;28misinstance\u001b[39m(fobj, \u001b[38;5;28mstr\u001b[39m):\n\u001b[0;32m 582\u001b[0m \u001b[38;5;66;03m# if the returned file object is a string, this means we\u001b[39;00m\n\u001b[0;32m 583\u001b[0m \u001b[38;5;66;03m# try to load a pickle file generated with an version of\u001b[39;00m\n\u001b[0;32m 584\u001b[0m \u001b[38;5;66;03m# Joblib so we load it with joblib compatibility function.\u001b[39;00m\n", - "\u001b[1;31mFileNotFoundError\u001b[0m: [Errno 2] No such file or directory: 'saved_model\\\\lstm_model.h5\\\\arima_model.pkl'" - ] - } - ], + "outputs": [], "source": [ "import numpy as np\n", "import pandas as pd\n", @@ -680,7 +498,7 @@ "from pmdarima import auto_arima\n", "from sklearn.preprocessing import MinMaxScaler\n", "from tensorflow.keras.models import Sequential, load_model\n", - "from tensorflow.keras.layers import Dense, LSTM\n", + "from tensorflow.keras.layers import Dense, LSTM, Input\n", "from sklearn.metrics import mean_absolute_error, mean_squared_error\n", "import joblib\n", "import os\n", @@ -702,6 +520,7 @@ " train_df = np.array(train_data)\n", " \n", " train_df = train_df.reshape(-1, 1)\n", + " train_df = pd.DataFrame(train_df).ffill().values\n", "\n", " # ARIMA model\n", " model_auto = auto_arima(train_df, start_p=1, start_q=1, max_p=3, max_q=3, m=1,\n", @@ -713,6 +532,7 @@ "\n", " # Get ARIMA residuals\n", " arima_residuals = train_df - arima_results.fittedvalues.reshape(-1, 1)\n", + " arima_residuals = np.nan_to_num(arima_residuals)\n", "\n", " # Prepare data for LSTM\n", " scaler = MinMaxScaler()\n", @@ -723,7 +543,8 @@ "\n", " # LSTM model\n", " lstm_model = Sequential([\n", - " LSTM(units=50, return_sequences=True, input_shape=(X.shape[1], 1)),\n", + " Input(shape=(X.shape[1], 1)),\n", + " LSTM(units=50, return_sequences=True), \n", " LSTM(units=50),\n", " Dense(units=1)\n", " ])\n", @@ -824,43 +645,9 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "WARNING:tensorflow:5 out of the last 5 calls to .one_step_on_data_distributed at 0x000002DD2831BCE0> triggered tf.function retracing. Tracing is expensive and the excessive number of tracings could be due to (1) creating @tf.function repeatedly in a loop, (2) passing tensors with different shapes, (3) passing Python objects instead of tensors. For (1), please define your @tf.function outside of the loop. For (2), @tf.function has reduce_retracing=True option that can avoid unnecessary retracing. For (3), please refer to https://www.tensorflow.org/guide/function#controlling_retracing and https://www.tensorflow.org/api_docs/python/tf/function for more details.\n" - ] - }, - { - "name": "stderr", - "output_type": "stream", - "text": [ - "WARNING:tensorflow:5 out of the last 5 calls to .one_step_on_data_distributed at 0x000002DD2831BCE0> triggered tf.function retracing. Tracing is expensive and the excessive number of tracings could be due to (1) creating @tf.function repeatedly in a loop, (2) passing tensors with different shapes, (3) passing Python objects instead of tensors. For (1), please define your @tf.function outside of the loop. For (2), @tf.function has reduce_retracing=True option that can avoid unnecessary retracing. For (3), please refer to https://www.tensorflow.org/guide/function#controlling_retracing and https://www.tensorflow.org/api_docs/python/tf/function for more details.\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "\u001b[1m1/1\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 146ms/step\n" - ] - }, - { - "ename": "UnboundLocalError", - "evalue": "cannot access local variable 'arima_model' where it is not associated with a value", - "output_type": "error", - "traceback": [ - "\u001b[1;31m---------------------------------------------------------------------------\u001b[0m", - "\u001b[1;31mUnboundLocalError\u001b[0m Traceback (most recent call last)", - "Cell \u001b[1;32mIn[9], line 107\u001b[0m\n\u001b[0;32m 104\u001b[0m test_close_prices \u001b[38;5;241m=\u001b[39m test_data[\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mClose\u001b[39m\u001b[38;5;124m'\u001b[39m]\n\u001b[0;32m 106\u001b[0m \u001b[38;5;66;03m# Make predictions\u001b[39;00m\n\u001b[1;32m--> 107\u001b[0m predictions \u001b[38;5;241m=\u001b[39m \u001b[43mhybrid_model\u001b[49m\u001b[43m(\u001b[49m\u001b[43mtrain_close_prices\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mtest_close_prices\u001b[49m\u001b[43m)\u001b[49m\n\u001b[0;32m 109\u001b[0m \u001b[38;5;66;03m# Calculate accuracy metrics\u001b[39;00m\n\u001b[0;32m 110\u001b[0m mae \u001b[38;5;241m=\u001b[39m mean_absolute_error(test_close_prices, predictions)\n", - "Cell \u001b[1;32mIn[9], line 95\u001b[0m, in \u001b[0;36mhybrid_model\u001b[1;34m(train_data, test_data, time_steps, model_dir)\u001b[0m\n\u001b[0;32m 92\u001b[0m predictions\u001b[38;5;241m.\u001b[39mappend(hybrid_prediction[\u001b[38;5;241m0\u001b[39m])\n\u001b[0;32m 94\u001b[0m \u001b[38;5;66;03m# Update ARIMA model with test data\u001b[39;00m\n\u001b[1;32m---> 95\u001b[0m arima_results \u001b[38;5;241m=\u001b[39m \u001b[43marima_model\u001b[49m\u001b[38;5;241m.\u001b[39mappend(test_data[i])\u001b[38;5;241m.\u001b[39mfit()\n\u001b[0;32m 97\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m np\u001b[38;5;241m.\u001b[39marray(predictions)\n", - "\u001b[1;31mUnboundLocalError\u001b[0m: cannot access local variable 'arima_model' where it is not associated with a value" - ] - } - ], + "outputs": [], "source": [ "import numpy as np\n", "import pandas as pd\n", @@ -886,6 +673,7 @@ "def hybrid_model(train_data, test_data, time_steps=60, model_dir='./model'):\n", " # Ensure data is a numpy array\n", " train_df = np.array(train_data).reshape(-1, 1)\n", + " train_df = pd.DataFrame(train_df).ffill().values\n", "\n", " # Create a directory to save models if it doesn't exist\n", " if not os.path.exists(model_dir):\n", @@ -907,6 +695,7 @@ "\n", " # Get ARIMA residuals\n", " arima_residuals = train_df - arima_results.fittedvalues.reshape(-1, 1)\n", + " arima_residuals = np.nan_to_num(arima_residuals)\n", "\n", " # Prepare data for LSTM\n", " scaler = MinMaxScaler()\n", @@ -1006,7 +795,7 @@ ], "metadata": { "kernelspec": { - "display_name": "Python 3", + "display_name": "Python 3 (ipykernel)", "language": "python", "name": "python3" }, @@ -1020,9 +809,9 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.11.4" + "version": "3.12.4" } }, "nbformat": 4, - "nbformat_minor": 2 + "nbformat_minor": 4 } diff --git a/ARIMA/saved_model/arima_model.pkl b/ARIMA/saved_model/arima_model.pkl new file mode 100644 index 0000000..abda231 Binary files /dev/null and b/ARIMA/saved_model/arima_model.pkl differ diff --git a/ARIMA/saved_model/lstm_model.h5 b/ARIMA/saved_model/lstm_model.h5 new file mode 100644 index 0000000..57f2d66 Binary files /dev/null and b/ARIMA/saved_model/lstm_model.h5 differ diff --git a/ARIMA/saved_model/scaler.pkl b/ARIMA/saved_model/scaler.pkl new file mode 100644 index 0000000..6cff6ce Binary files /dev/null and b/ARIMA/saved_model/scaler.pkl differ diff --git a/README.md b/README.md index f83cf88..6faa9e7 100644 --- a/README.md +++ b/README.md @@ -8,6 +8,13 @@ +## 📈 GitHub Repository Stats +| 🌟 **Stars** | 🍴 **Forks** | 🐛 **Issues** | 🔔 **Open PRs** | 🔕 **Closed PRs** | 🛠️ **Languages** | ✅ **Contributors** | +|--------------|--------------|---------------|-----------------|------------------|------------------|------------------| +| ![GitHub stars](https://img.shields.io/github/stars/rohitinu6/Stock-Price-Prediction) | ![forks](https://img.shields.io/github/forks/rohitinu6/Stock-Price-Prediction) | ![issues](https://img.shields.io/github/issues/rohitinu6/Stock-Price-Prediction?color=32CD32) | ![pull requests](https://img.shields.io/github/issues-pr/rohitinu6/Stock-Price-Prediction?color=FFFF8F) | ![Closed PRs](https://img.shields.io/github/issues-pr-closed/rohitinu6/Stock-Price-Prediction?color=20B2AA) | ![Languages](https://img.shields.io/github/languages/count/rohitinu6/Stock-Price-Prediction?color=20B2AA) | ![Contributors](https://img.shields.io/github/contributors/rohitinu6/Stock-Price-Prediction?color=00FA9A) | + + + ### This project is now OFFICIALLY accepted for
diff --git a/Stock_Recommendation.ipynb b/Stock_Recommendation.ipynb index 89b6bdd..fd3b8a0 100644 --- a/Stock_Recommendation.ipynb +++ b/Stock_Recommendation.ipynb @@ -2,22 +2,19 @@ "cells": [ { "cell_type": "code", - "execution_count": 1, + "execution_count": 15, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "[nltk_data] Downloading package punkt to\n", - "[nltk_data] C:\\Users\\sapni\\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\\sapni\\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\\sapni\\AppData\\Roaming\\nltk_data...\n", - "[nltk_data] Package wordnet is already up-to-date!\n" + "[nltk_data] Error loading punkt: \n", + "[nltk_data] Error loading stopwords: \n", + "[nltk_data] Error loading wordnet: \n" ] } ], @@ -44,7 +41,7 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": 16, "metadata": {}, "outputs": [], "source": [ @@ -54,7 +51,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 17, "metadata": {}, "outputs": [ { @@ -232,7 +229,7 @@ "4 15514.00 11.61 5.84 " ] }, - "execution_count": 3, + "execution_count": 17, "metadata": {}, "output_type": "execute_result" } @@ -244,7 +241,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 18, "metadata": {}, "outputs": [ { @@ -363,7 +360,7 @@ "[501 rows x 2 columns]" ] }, - "execution_count": 4, + "execution_count": 18, "metadata": {}, "output_type": "execute_result" } @@ -375,26 +372,9 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 19, "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "c:\\Users\\sapni\\anaconda3\\lib\\site-packages\\sentence_transformers\\cross_encoder\\CrossEncoder.py:13: TqdmExperimentalWarning: Using `tqdm.autonotebook.tqdm` in notebook mode. Use `tqdm.tqdm` instead to force console mode (e.g. in jupyter console)\n", - " from tqdm.autonotebook import tqdm, trange\n" - ] - }, - { - "name": "stdout", - "output_type": "stream", - "text": [ - "WARNING:tensorflow:From c:\\Users\\sapni\\anaconda3\\lib\\site-packages\\tf_keras\\src\\losses.py:2976: The name tf.losses.sparse_softmax_cross_entropy is deprecated. Please use tf.compat.v1.losses.sparse_softmax_cross_entropy instead.\n", - "\n" - ] - } - ], + "outputs": [], "source": [ "from sentence_transformers import SentenceTransformer\n", "\n", @@ -405,7 +385,7 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 20, "metadata": {}, "outputs": [ { @@ -424,7 +404,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 21, "metadata": {}, "outputs": [ { @@ -543,7 +523,7 @@ "[501 rows x 2 columns]" ] }, - "execution_count": 7, + "execution_count": 21, "metadata": {}, "output_type": "execute_result" } @@ -554,14 +534,14 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 22, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ - "C:\\Users\\sapni\\AppData\\Local\\Temp\\ipykernel_25592\\477415791.py:1: SettingWithCopyWarning: \n", + "C:\\Users\\sapni\\AppData\\Local\\Temp\\ipykernel_3976\\477415791.py:1: SettingWithCopyWarning: \n", "A value is trying to be set on a copy of a slice from a DataFrame.\n", "Try using .loc[row_indexer,col_indexer] = value instead\n", "\n", @@ -576,7 +556,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 23, "metadata": {}, "outputs": [ { @@ -695,7 +675,7 @@ "[501 rows x 2 columns]" ] }, - "execution_count": 9, + "execution_count": 23, "metadata": {}, "output_type": "execute_result" } @@ -706,7 +686,7 @@ }, { "cell_type": "code", - "execution_count": 10, + "execution_count": 24, "metadata": {}, "outputs": [], "source": [ @@ -715,7 +695,7 @@ }, { "cell_type": "code", - "execution_count": 11, + "execution_count": 25, "metadata": {}, "outputs": [], "source": [ @@ -726,7 +706,7 @@ }, { "cell_type": "code", - "execution_count": 12, + "execution_count": 26, "metadata": {}, "outputs": [ { @@ -749,102 +729,102 @@ " 0.06623445]]\n", "\n", "Customer Embedding:\n", - " [ 3.14664170e-02 -3.78815085e-02 -3.73417661e-02 -3.17229889e-02\n", - " -4.22344357e-02 1.27025442e-02 -2.39155442e-02 -6.93003461e-02\n", - " -3.21524963e-02 7.96454027e-02 7.77523369e-02 -4.75082286e-02\n", - " -1.95211302e-02 -1.25046214e-02 5.08183353e-02 -2.46512946e-02\n", - " -1.49427941e-02 -2.74640676e-02 4.25236784e-02 -7.36578787e-03\n", - " -8.90878867e-03 1.84313732e-03 -4.04891334e-02 2.95713730e-02\n", - " -5.97193651e-02 1.87571477e-02 -5.67692332e-03 -8.21459852e-03\n", - " -2.31289323e-02 -2.73498092e-02 2.54001822e-02 1.30668739e-02\n", - " 9.44364443e-02 -8.01635440e-03 3.55471559e-02 1.28795162e-01\n", - " 2.49239113e-02 -9.53501761e-02 1.58603266e-02 -3.89398336e-02\n", - " -1.34050464e-02 -9.93881673e-02 -2.93484535e-02 -7.17466623e-02\n", - " 3.43848653e-02 -1.67269222e-02 2.82975789e-02 -3.10652656e-03\n", - " 2.12582219e-02 -7.64291584e-02 4.05744687e-02 -2.67640091e-02\n", - " 2.98122708e-02 -9.98979155e-03 -5.23542874e-02 -1.77336130e-02\n", - " -1.46305542e-02 -6.34800317e-03 -4.22016680e-02 -5.87929562e-02\n", - " -6.84524998e-02 -7.19780475e-03 -4.78288569e-02 -5.24268188e-02\n", - " 5.48108257e-02 -9.64927487e-03 1.59333013e-02 -7.21244812e-02\n", - " -1.53982667e-02 -7.07860738e-02 4.63903956e-02 -8.87077451e-02\n", - " 4.21138760e-03 -4.27451804e-02 -3.15879434e-02 -3.48816104e-02\n", - " 1.73769016e-02 1.20111547e-01 1.23920493e-01 -1.45363241e-01\n", - " 7.32854903e-02 5.91961406e-02 -4.84295599e-02 6.06471710e-02\n", - " -6.54613897e-02 1.24825360e-02 -7.38825463e-03 -6.54625967e-02\n", - " 2.87184883e-02 1.88502856e-03 -8.01817980e-03 -3.96523885e-02\n", - " 7.24581480e-02 1.22633632e-02 -5.44842100e-03 1.16946828e-02\n", - " -4.74422099e-03 -4.22262959e-02 -1.53517053e-02 9.96556208e-02\n", - " -4.84725051e-02 3.07871047e-02 -3.94323021e-02 -3.33751626e-02\n", - " -7.20618889e-02 -7.62435235e-03 9.71943699e-03 2.18201359e-03\n", - " 5.96895888e-02 1.00962352e-02 -7.43536279e-03 1.28121506e-02\n", - " -3.44882496e-02 -4.63309400e-02 3.64253037e-02 -5.68599366e-02\n", - " -4.72689755e-02 -1.85630340e-02 2.15455409e-04 -5.69709577e-02\n", - " -2.88812886e-03 1.34512419e-02 -6.94445893e-02 -4.80364412e-02\n", - " 1.98717043e-02 -6.87178075e-02 4.69160378e-02 -3.48460129e-33\n", - " 2.74309292e-02 4.61018123e-02 7.90321007e-02 -1.77468895e-03\n", - " 2.93568131e-02 1.36835873e-02 -3.85059714e-02 -4.15082574e-02\n", - " 4.04559672e-02 1.43633969e-02 6.32987246e-02 5.11144586e-02\n", - " 4.15699705e-02 1.00233350e-02 1.26954451e-01 -1.22519739e-01\n", - " -1.47484569e-02 8.62846524e-02 7.75998011e-02 4.46178764e-02\n", - " -1.41220577e-02 5.68904029e-03 -1.14176879e-02 -2.26635188e-02\n", - " 1.14526093e-01 -4.34458293e-02 1.74916312e-02 -1.74409226e-02\n", - " 2.41210591e-02 5.08027188e-02 7.86003917e-02 1.14285775e-01\n", - " -3.16002294e-02 -3.04858722e-02 -1.72049068e-02 3.13026309e-02\n", - " -3.78056103e-03 -2.68692020e-02 8.44113063e-03 -3.65200266e-02\n", - " -9.06182155e-02 -5.41768707e-02 4.64576595e-02 5.30998260e-02\n", - " -8.45028013e-02 7.69533683e-03 4.33015600e-02 5.77162132e-02\n", - " 1.57650374e-02 3.23144123e-02 2.93194950e-02 5.57424016e-02\n", - " -7.00408267e-03 -5.76511910e-03 9.61290859e-03 -2.98861135e-02\n", - " 3.35550979e-02 -5.78683540e-02 -2.72784918e-03 -5.11349514e-02\n", - " 6.91856742e-02 3.93171422e-02 -9.10947323e-02 1.25231802e-01\n", - " -7.74377361e-02 -3.65904607e-02 2.45778412e-02 -3.15613784e-02\n", - " 1.32436842e-01 -4.68552709e-02 -3.28906663e-02 1.51393292e-02\n", - " -4.87497970e-02 -2.50118654e-02 -6.71052039e-02 -2.61116866e-02\n", - " -4.84636873e-02 5.14720157e-02 2.30410714e-02 3.72129828e-02\n", - " -8.30372125e-02 1.39289838e-03 8.76997970e-03 -6.48937235e-03\n", - " 1.66297719e-01 7.46646076e-02 4.32111137e-02 7.86511973e-03\n", - " 6.49285689e-02 1.44748529e-02 -1.45551831e-01 1.85465429e-03\n", - " 3.69937643e-02 1.24513529e-01 6.94522038e-02 8.31680528e-34\n", - " 2.02758648e-02 -1.38148433e-02 8.69328249e-03 -3.77335213e-02\n", - " 4.28531915e-02 4.57742624e-02 3.20917927e-03 -7.67260492e-02\n", - " 2.34734826e-02 7.90196955e-02 -8.84439349e-02 -2.00472027e-02\n", - " 3.51752974e-02 4.71815728e-02 3.01404763e-02 -9.60588306e-02\n", - " -1.09162629e-02 2.62741130e-02 3.75837716e-03 4.07930352e-02\n", - " 1.16740474e-02 -4.42948379e-02 5.25881089e-02 -2.52405480e-02\n", - " -4.48426185e-03 1.36668356e-02 -6.41934201e-02 -4.62563448e-02\n", - " -3.71463336e-02 -5.36741503e-02 2.67249644e-02 -4.97082695e-02\n", - " -5.00039123e-02 1.82751343e-02 -8.67619663e-02 -2.51742024e-02\n", - " 1.15126157e-02 -3.29780951e-02 -3.40419933e-02 -3.42883095e-02\n", - " -1.14182731e-04 -4.34406884e-02 2.27891263e-02 1.50547381e-02\n", - " -3.02064866e-02 -5.12561463e-02 -3.14933769e-02 3.78211439e-02\n", - " -7.33443052e-02 -1.62566863e-02 -6.89671859e-02 8.55399668e-02\n", - " -1.29097393e-02 2.51021376e-03 2.23773625e-02 3.67263928e-02\n", - " -1.82489175e-02 -3.63597204e-03 -3.53036486e-02 -9.63828806e-03\n", - " 6.90663457e-02 1.02930024e-01 -5.99898584e-02 1.27931476e-01\n", - " 7.77645856e-02 -5.71305789e-02 4.69792672e-02 -4.12638411e-02\n", - " 2.58938950e-02 -3.08347158e-02 -3.00339106e-02 -5.49983121e-02\n", - " 3.68826687e-02 -1.24603510e-02 4.68766242e-02 -1.11738769e-02\n", - " -6.12557940e-02 -8.41406267e-03 5.76944388e-02 3.37682106e-02\n", - " 8.08468238e-02 -1.47831952e-02 -5.12435287e-02 -1.43610025e-02\n", - " -1.72178708e-02 -1.24791898e-02 1.05243884e-01 -8.38583037e-02\n", - " -8.27235915e-03 5.26939481e-02 -6.68532029e-02 -7.83333704e-02\n", - " 1.74317770e-02 6.10077605e-02 8.48254338e-02 -1.45727634e-08\n", - " -5.60169155e-03 3.13913748e-02 -1.43741500e-02 -3.30618732e-02\n", - " 4.62461524e-02 -9.12346542e-02 -9.48227867e-02 -6.03580996e-02\n", - " -3.57683040e-02 -1.11233955e-02 8.02720189e-02 3.13891210e-02\n", - " -1.37412539e-02 3.30802463e-02 -5.60475104e-02 -3.96210775e-02\n", - " 1.10384878e-02 2.29135510e-02 -4.95473966e-02 4.28589480e-03\n", - " 8.42921063e-03 4.52581532e-02 3.36574055e-02 -1.93255581e-02\n", - " 5.11594769e-03 4.19118740e-02 3.12094409e-02 6.94123842e-03\n", - " -1.22232875e-02 8.34257528e-02 3.83116268e-02 7.67853260e-02\n", - " -2.68143434e-02 -2.39269249e-02 -5.86269535e-02 -7.08768563e-03\n", - " 1.90878119e-02 5.11739142e-02 5.80927432e-02 -8.05346519e-02\n", - " -1.35047799e-02 4.48757410e-02 9.85127836e-02 4.68116690e-04\n", - " 3.26827727e-02 2.04949491e-02 -1.01781540e-01 9.10897565e-04\n", - " 3.98706049e-02 -1.28018588e-01 -5.66593781e-02 4.23376933e-02\n", - " 3.15444754e-03 5.05354777e-02 2.17250474e-02 -1.54494355e-02\n", - " 1.74987838e-02 -2.67964997e-03 -8.95080194e-02 3.47001143e-02\n", - " 8.55300725e-02 -6.96479157e-02 6.53972477e-02 2.12662946e-02]\n" + " [-3.26145589e-02 8.75430033e-02 -8.74183401e-02 -4.00350150e-03\n", + " 8.82479325e-02 1.10261805e-01 1.23618148e-01 3.40309851e-02\n", + " 2.04532892e-02 3.05555649e-02 -1.21207451e-02 -7.75948986e-02\n", + " 7.71306381e-02 4.31047492e-02 -1.01507278e-02 -1.60991717e-02\n", + " 2.10592267e-03 -5.60366958e-02 -7.19971955e-02 -3.42478156e-02\n", + " -1.46628946e-01 4.71502729e-02 6.26535118e-02 -1.58036742e-02\n", + " -5.92529252e-02 2.52110288e-02 -2.68558115e-02 1.28872907e-02\n", + " -1.72668099e-02 -1.55510500e-01 -1.67152416e-02 -6.67597428e-02\n", + " 5.77436462e-02 1.03536891e-02 -1.32185921e-01 3.89651991e-02\n", + " 3.81519198e-02 1.32947946e-02 2.45242417e-02 1.78782530e-02\n", + " -5.24748228e-02 -4.18751203e-02 -1.54760694e-02 -4.13868111e-03\n", + " 1.65412668e-02 2.95823719e-02 4.13609780e-02 1.77353038e-03\n", + " 5.62782437e-02 -5.71928211e-02 1.90369431e-02 5.98956645e-02\n", + " -4.31034677e-02 -4.77226591e-03 3.48954126e-02 -1.90823637e-02\n", + " -4.39798683e-02 1.37794018e-02 3.58692780e-02 4.52017784e-02\n", + " 2.83347797e-02 -1.80111080e-02 -3.80312353e-02 1.88353006e-02\n", + " 4.73049916e-02 -1.04166627e-01 -8.62732157e-03 1.48402825e-01\n", + " -3.27451527e-02 4.02089432e-02 4.00176421e-02 4.52259276e-03\n", + " 7.89748784e-03 -5.32526039e-02 9.50924233e-02 2.72106957e-02\n", + " 2.97130216e-02 -2.18324084e-02 5.74025363e-02 -1.03902310e-01\n", + " 1.99158899e-02 -5.17140608e-03 -4.05817628e-02 6.59702644e-02\n", + " 8.49888381e-03 -6.01578504e-03 1.17055774e-02 -4.03979197e-02\n", + " 7.49408454e-02 6.66500703e-02 3.29276584e-02 -7.19409883e-02\n", + " 7.39126727e-02 6.99786246e-02 -1.34815853e-02 3.52979265e-02\n", + " -9.63685685e-04 -8.83618593e-02 -8.55156332e-02 2.06221312e-01\n", + " 2.04477124e-02 7.15346821e-03 -6.57806545e-02 -3.84221226e-02\n", + " -2.72967573e-02 -4.19544913e-02 -1.14486907e-02 2.69771088e-02\n", + " -2.87412386e-02 -2.38301465e-03 6.20830953e-02 -2.93669640e-03\n", + " -1.40566677e-01 5.88166667e-03 -3.67304534e-02 -3.21056917e-02\n", + " -3.06018610e-02 -4.28014621e-02 5.24136471e-03 -5.99439517e-02\n", + " 6.52599260e-02 5.15556373e-02 -8.56378395e-03 2.68161539e-02\n", + " -4.36116233e-02 -6.75311452e-03 -5.23468107e-02 -4.49518150e-33\n", + " 1.99806574e-03 -1.00038283e-01 -2.03022081e-02 5.39188161e-02\n", + " -4.81046811e-02 -3.52539197e-02 -1.36782369e-02 -5.47834113e-03\n", + " -7.31843263e-02 7.28989691e-02 -3.72515097e-02 4.43217382e-02\n", + " 4.83649410e-03 -4.93192375e-02 1.62451595e-01 4.60542142e-02\n", + " -5.09178303e-02 3.38194594e-02 -4.19569314e-02 9.69442353e-03\n", + " -1.03194360e-02 4.01431657e-02 1.40369963e-02 1.06696719e-02\n", + " 3.32347937e-02 -3.03117353e-02 2.43352000e-02 -2.10414324e-02\n", + " -4.29623201e-02 1.74719058e-02 -1.75227213e-03 -4.59412904e-03\n", + " -7.51036108e-02 6.04808107e-02 2.84958389e-02 -1.56157312e-03\n", + " -6.28466383e-02 -1.01537682e-01 1.40617052e-02 -2.63485145e-02\n", + " -1.75048206e-02 -3.79305482e-02 -6.67405054e-02 5.66795422e-03\n", + " 8.28285366e-02 -2.17140056e-02 -2.93911565e-02 -9.86825326e-04\n", + " -1.38202265e-01 -2.28503775e-02 4.13705558e-02 -8.01998284e-03\n", + " -4.85294387e-02 -2.42116544e-02 -4.66999374e-02 -9.67173744e-03\n", + " -2.85752788e-02 6.91231992e-03 -5.70667163e-03 6.15395373e-03\n", + " 3.71282548e-02 1.50970398e-02 -2.06975322e-02 6.53656246e-03\n", + " -3.10421661e-02 -2.49766316e-02 6.72997860e-03 2.52864975e-02\n", + " 5.03612682e-02 -4.20328192e-02 -8.42816308e-02 4.82248189e-03\n", + " 1.34110063e-01 2.56871302e-02 -8.11956171e-03 4.21466772e-03\n", + " 5.00200465e-02 6.14537150e-02 3.48399431e-02 -3.02066375e-02\n", + " -9.91117507e-02 5.63718714e-02 -1.16047114e-02 4.29959819e-02\n", + " -1.52849434e-02 5.36215119e-02 -3.49041596e-02 -7.14460686e-02\n", + " -6.32014200e-02 2.85188369e-02 -5.73093854e-02 1.78563595e-02\n", + " 2.80801598e-02 5.32907695e-02 -2.58216467e-02 3.75864796e-33\n", + " -1.55605096e-02 -1.44999567e-02 -3.62385362e-02 2.20393464e-02\n", + " -4.58142459e-02 -1.84142012e-02 2.51572821e-02 7.16286600e-02\n", + " -2.77729519e-02 1.12073220e-01 -4.68177833e-02 -1.23888729e-02\n", + " 5.11600636e-02 1.90833695e-02 -2.28036158e-02 -2.86579505e-02\n", + " 6.38550073e-02 3.61889303e-02 -2.42862683e-02 -6.69628680e-02\n", + " 5.40883280e-02 5.53586101e-03 2.92854644e-02 -5.51260002e-02\n", + " -1.78988334e-02 7.60826021e-02 -1.91628449e-02 1.88798532e-02\n", + " -1.72572527e-02 5.45867346e-02 6.55225813e-02 -6.62508830e-02\n", + " -1.25165815e-02 -1.05830852e-03 -3.83289382e-02 2.00532209e-02\n", + " 9.17248204e-02 -1.01075489e-02 -3.71933952e-02 6.22563511e-02\n", + " 2.18871944e-02 2.83834692e-02 5.83853247e-03 7.89715052e-02\n", + " -5.79288974e-03 4.11563646e-03 3.32416520e-02 3.55978422e-02\n", + " 5.04194312e-02 -6.81466004e-03 4.68607731e-02 7.92644173e-02\n", + " -5.93458116e-02 -1.64293256e-02 -4.77020033e-02 -6.33510202e-02\n", + " -1.13968290e-02 -1.04548987e-02 3.27985622e-02 1.14424797e-02\n", + " -6.19084993e-03 5.64243905e-02 -4.76784669e-02 7.28359297e-02\n", + " -6.94928765e-02 1.25025362e-01 -7.34327957e-02 6.27021492e-02\n", + " 3.96375209e-02 1.13343112e-02 4.60124426e-02 8.19697976e-02\n", + " 6.23375736e-03 1.17699662e-02 -7.88293183e-02 -1.40985306e-02\n", + " -6.84325770e-02 -4.45018448e-02 5.11544384e-03 1.09127901e-01\n", + " 1.61013554e-03 -1.00074492e-01 -1.04672030e-01 6.66281283e-02\n", + " -5.78546859e-02 3.86199802e-02 1.03883833e-01 2.71513057e-03\n", + " 3.15771364e-02 -4.64142598e-02 1.05849216e-02 1.07903015e-02\n", + " -1.27138356e-02 2.76785940e-02 2.62138192e-02 -1.16729266e-08\n", + " 9.78414901e-04 6.64986745e-02 2.65742559e-02 -1.27761881e-03\n", + " -2.89201867e-02 -2.96316650e-02 -5.20453677e-02 -8.09014142e-02\n", + " 4.12519053e-02 -2.32998580e-02 1.15684178e-02 1.68154705e-02\n", + " 3.02842837e-02 -3.07278261e-02 6.59935060e-04 2.33784020e-02\n", + " -5.66569567e-02 -1.11697437e-02 -2.55125854e-02 1.84250064e-02\n", + " 4.28100340e-02 -4.13444936e-02 -4.92693298e-02 6.24820031e-02\n", + " 1.77086312e-02 -2.43943781e-02 -3.13011669e-02 -2.73420359e-03\n", + " -1.37078762e-02 6.66622119e-03 2.97524445e-02 7.60538876e-02\n", + " 1.10889608e-02 -3.83639373e-02 -3.40841897e-02 5.25601730e-02\n", + " 3.92403901e-02 -7.69415796e-02 3.23306061e-02 4.85217273e-02\n", + " -3.12257968e-02 -3.22491489e-02 5.95889837e-02 2.91569368e-03\n", + " 7.68703831e-05 5.68212662e-03 -2.77391989e-02 -3.33448686e-02\n", + " -3.22247669e-02 -9.49769020e-02 3.36327367e-02 2.91372687e-02\n", + " 3.63499671e-02 1.33902416e-01 4.45484370e-02 3.10173854e-02\n", + " 1.57437031e-03 -3.55217457e-02 -7.19760582e-02 5.24052009e-02\n", + " 4.22228575e-02 -3.19916457e-02 1.18899465e-01 1.23348385e-02]\n" ] } ], @@ -855,7 +835,7 @@ }, { "cell_type": "code", - "execution_count": 13, + "execution_count": 27, "metadata": {}, "outputs": [ { @@ -48961,102 +48941,102 @@ " 3.85916717e-02 -2.24448442e-02 6.71749795e-03 6.62344471e-02]\n", "\n", "Customer Interest Embedding:\n", - "[ 3.14664170e-02 -3.78815085e-02 -3.73417661e-02 -3.17229889e-02\n", - " -4.22344357e-02 1.27025442e-02 -2.39155442e-02 -6.93003461e-02\n", - " -3.21524963e-02 7.96454027e-02 7.77523369e-02 -4.75082286e-02\n", - " -1.95211302e-02 -1.25046214e-02 5.08183353e-02 -2.46512946e-02\n", - " -1.49427941e-02 -2.74640676e-02 4.25236784e-02 -7.36578787e-03\n", - " -8.90878867e-03 1.84313732e-03 -4.04891334e-02 2.95713730e-02\n", - " -5.97193651e-02 1.87571477e-02 -5.67692332e-03 -8.21459852e-03\n", - " -2.31289323e-02 -2.73498092e-02 2.54001822e-02 1.30668739e-02\n", - " 9.44364443e-02 -8.01635440e-03 3.55471559e-02 1.28795162e-01\n", - " 2.49239113e-02 -9.53501761e-02 1.58603266e-02 -3.89398336e-02\n", - " -1.34050464e-02 -9.93881673e-02 -2.93484535e-02 -7.17466623e-02\n", - " 3.43848653e-02 -1.67269222e-02 2.82975789e-02 -3.10652656e-03\n", - " 2.12582219e-02 -7.64291584e-02 4.05744687e-02 -2.67640091e-02\n", - " 2.98122708e-02 -9.98979155e-03 -5.23542874e-02 -1.77336130e-02\n", - " -1.46305542e-02 -6.34800317e-03 -4.22016680e-02 -5.87929562e-02\n", - " -6.84524998e-02 -7.19780475e-03 -4.78288569e-02 -5.24268188e-02\n", - " 5.48108257e-02 -9.64927487e-03 1.59333013e-02 -7.21244812e-02\n", - " -1.53982667e-02 -7.07860738e-02 4.63903956e-02 -8.87077451e-02\n", - " 4.21138760e-03 -4.27451804e-02 -3.15879434e-02 -3.48816104e-02\n", - " 1.73769016e-02 1.20111547e-01 1.23920493e-01 -1.45363241e-01\n", - " 7.32854903e-02 5.91961406e-02 -4.84295599e-02 6.06471710e-02\n", - " -6.54613897e-02 1.24825360e-02 -7.38825463e-03 -6.54625967e-02\n", - " 2.87184883e-02 1.88502856e-03 -8.01817980e-03 -3.96523885e-02\n", - " 7.24581480e-02 1.22633632e-02 -5.44842100e-03 1.16946828e-02\n", - " -4.74422099e-03 -4.22262959e-02 -1.53517053e-02 9.96556208e-02\n", - " -4.84725051e-02 3.07871047e-02 -3.94323021e-02 -3.33751626e-02\n", - " -7.20618889e-02 -7.62435235e-03 9.71943699e-03 2.18201359e-03\n", - " 5.96895888e-02 1.00962352e-02 -7.43536279e-03 1.28121506e-02\n", - " -3.44882496e-02 -4.63309400e-02 3.64253037e-02 -5.68599366e-02\n", - " -4.72689755e-02 -1.85630340e-02 2.15455409e-04 -5.69709577e-02\n", - " -2.88812886e-03 1.34512419e-02 -6.94445893e-02 -4.80364412e-02\n", - " 1.98717043e-02 -6.87178075e-02 4.69160378e-02 -3.48460129e-33\n", - " 2.74309292e-02 4.61018123e-02 7.90321007e-02 -1.77468895e-03\n", - " 2.93568131e-02 1.36835873e-02 -3.85059714e-02 -4.15082574e-02\n", - " 4.04559672e-02 1.43633969e-02 6.32987246e-02 5.11144586e-02\n", - " 4.15699705e-02 1.00233350e-02 1.26954451e-01 -1.22519739e-01\n", - " -1.47484569e-02 8.62846524e-02 7.75998011e-02 4.46178764e-02\n", - " -1.41220577e-02 5.68904029e-03 -1.14176879e-02 -2.26635188e-02\n", - " 1.14526093e-01 -4.34458293e-02 1.74916312e-02 -1.74409226e-02\n", - " 2.41210591e-02 5.08027188e-02 7.86003917e-02 1.14285775e-01\n", - " -3.16002294e-02 -3.04858722e-02 -1.72049068e-02 3.13026309e-02\n", - " -3.78056103e-03 -2.68692020e-02 8.44113063e-03 -3.65200266e-02\n", - " -9.06182155e-02 -5.41768707e-02 4.64576595e-02 5.30998260e-02\n", - " -8.45028013e-02 7.69533683e-03 4.33015600e-02 5.77162132e-02\n", - " 1.57650374e-02 3.23144123e-02 2.93194950e-02 5.57424016e-02\n", - " -7.00408267e-03 -5.76511910e-03 9.61290859e-03 -2.98861135e-02\n", - " 3.35550979e-02 -5.78683540e-02 -2.72784918e-03 -5.11349514e-02\n", - " 6.91856742e-02 3.93171422e-02 -9.10947323e-02 1.25231802e-01\n", - " -7.74377361e-02 -3.65904607e-02 2.45778412e-02 -3.15613784e-02\n", - " 1.32436842e-01 -4.68552709e-02 -3.28906663e-02 1.51393292e-02\n", - " -4.87497970e-02 -2.50118654e-02 -6.71052039e-02 -2.61116866e-02\n", - " -4.84636873e-02 5.14720157e-02 2.30410714e-02 3.72129828e-02\n", - " -8.30372125e-02 1.39289838e-03 8.76997970e-03 -6.48937235e-03\n", - " 1.66297719e-01 7.46646076e-02 4.32111137e-02 7.86511973e-03\n", - " 6.49285689e-02 1.44748529e-02 -1.45551831e-01 1.85465429e-03\n", - " 3.69937643e-02 1.24513529e-01 6.94522038e-02 8.31680528e-34\n", - " 2.02758648e-02 -1.38148433e-02 8.69328249e-03 -3.77335213e-02\n", - " 4.28531915e-02 4.57742624e-02 3.20917927e-03 -7.67260492e-02\n", - " 2.34734826e-02 7.90196955e-02 -8.84439349e-02 -2.00472027e-02\n", - " 3.51752974e-02 4.71815728e-02 3.01404763e-02 -9.60588306e-02\n", - " -1.09162629e-02 2.62741130e-02 3.75837716e-03 4.07930352e-02\n", - " 1.16740474e-02 -4.42948379e-02 5.25881089e-02 -2.52405480e-02\n", - " -4.48426185e-03 1.36668356e-02 -6.41934201e-02 -4.62563448e-02\n", - " -3.71463336e-02 -5.36741503e-02 2.67249644e-02 -4.97082695e-02\n", - " -5.00039123e-02 1.82751343e-02 -8.67619663e-02 -2.51742024e-02\n", - " 1.15126157e-02 -3.29780951e-02 -3.40419933e-02 -3.42883095e-02\n", - " -1.14182731e-04 -4.34406884e-02 2.27891263e-02 1.50547381e-02\n", - " -3.02064866e-02 -5.12561463e-02 -3.14933769e-02 3.78211439e-02\n", - " -7.33443052e-02 -1.62566863e-02 -6.89671859e-02 8.55399668e-02\n", - " -1.29097393e-02 2.51021376e-03 2.23773625e-02 3.67263928e-02\n", - " -1.82489175e-02 -3.63597204e-03 -3.53036486e-02 -9.63828806e-03\n", - " 6.90663457e-02 1.02930024e-01 -5.99898584e-02 1.27931476e-01\n", - " 7.77645856e-02 -5.71305789e-02 4.69792672e-02 -4.12638411e-02\n", - " 2.58938950e-02 -3.08347158e-02 -3.00339106e-02 -5.49983121e-02\n", - " 3.68826687e-02 -1.24603510e-02 4.68766242e-02 -1.11738769e-02\n", - " -6.12557940e-02 -8.41406267e-03 5.76944388e-02 3.37682106e-02\n", - " 8.08468238e-02 -1.47831952e-02 -5.12435287e-02 -1.43610025e-02\n", - " -1.72178708e-02 -1.24791898e-02 1.05243884e-01 -8.38583037e-02\n", - " -8.27235915e-03 5.26939481e-02 -6.68532029e-02 -7.83333704e-02\n", - " 1.74317770e-02 6.10077605e-02 8.48254338e-02 -1.45727634e-08\n", - " -5.60169155e-03 3.13913748e-02 -1.43741500e-02 -3.30618732e-02\n", - " 4.62461524e-02 -9.12346542e-02 -9.48227867e-02 -6.03580996e-02\n", - " -3.57683040e-02 -1.11233955e-02 8.02720189e-02 3.13891210e-02\n", - " -1.37412539e-02 3.30802463e-02 -5.60475104e-02 -3.96210775e-02\n", - " 1.10384878e-02 2.29135510e-02 -4.95473966e-02 4.28589480e-03\n", - " 8.42921063e-03 4.52581532e-02 3.36574055e-02 -1.93255581e-02\n", - " 5.11594769e-03 4.19118740e-02 3.12094409e-02 6.94123842e-03\n", - " -1.22232875e-02 8.34257528e-02 3.83116268e-02 7.67853260e-02\n", - " -2.68143434e-02 -2.39269249e-02 -5.86269535e-02 -7.08768563e-03\n", - " 1.90878119e-02 5.11739142e-02 5.80927432e-02 -8.05346519e-02\n", - " -1.35047799e-02 4.48757410e-02 9.85127836e-02 4.68116690e-04\n", - " 3.26827727e-02 2.04949491e-02 -1.01781540e-01 9.10897565e-04\n", - " 3.98706049e-02 -1.28018588e-01 -5.66593781e-02 4.23376933e-02\n", - " 3.15444754e-03 5.05354777e-02 2.17250474e-02 -1.54494355e-02\n", - " 1.74987838e-02 -2.67964997e-03 -8.95080194e-02 3.47001143e-02\n", - " 8.55300725e-02 -6.96479157e-02 6.53972477e-02 2.12662946e-02]\n" + "[-3.26145589e-02 8.75430033e-02 -8.74183401e-02 -4.00350150e-03\n", + " 8.82479325e-02 1.10261805e-01 1.23618148e-01 3.40309851e-02\n", + " 2.04532892e-02 3.05555649e-02 -1.21207451e-02 -7.75948986e-02\n", + " 7.71306381e-02 4.31047492e-02 -1.01507278e-02 -1.60991717e-02\n", + " 2.10592267e-03 -5.60366958e-02 -7.19971955e-02 -3.42478156e-02\n", + " -1.46628946e-01 4.71502729e-02 6.26535118e-02 -1.58036742e-02\n", + " -5.92529252e-02 2.52110288e-02 -2.68558115e-02 1.28872907e-02\n", + " -1.72668099e-02 -1.55510500e-01 -1.67152416e-02 -6.67597428e-02\n", + " 5.77436462e-02 1.03536891e-02 -1.32185921e-01 3.89651991e-02\n", + " 3.81519198e-02 1.32947946e-02 2.45242417e-02 1.78782530e-02\n", + " -5.24748228e-02 -4.18751203e-02 -1.54760694e-02 -4.13868111e-03\n", + " 1.65412668e-02 2.95823719e-02 4.13609780e-02 1.77353038e-03\n", + " 5.62782437e-02 -5.71928211e-02 1.90369431e-02 5.98956645e-02\n", + " -4.31034677e-02 -4.77226591e-03 3.48954126e-02 -1.90823637e-02\n", + " -4.39798683e-02 1.37794018e-02 3.58692780e-02 4.52017784e-02\n", + " 2.83347797e-02 -1.80111080e-02 -3.80312353e-02 1.88353006e-02\n", + " 4.73049916e-02 -1.04166627e-01 -8.62732157e-03 1.48402825e-01\n", + " -3.27451527e-02 4.02089432e-02 4.00176421e-02 4.52259276e-03\n", + " 7.89748784e-03 -5.32526039e-02 9.50924233e-02 2.72106957e-02\n", + " 2.97130216e-02 -2.18324084e-02 5.74025363e-02 -1.03902310e-01\n", + " 1.99158899e-02 -5.17140608e-03 -4.05817628e-02 6.59702644e-02\n", + " 8.49888381e-03 -6.01578504e-03 1.17055774e-02 -4.03979197e-02\n", + " 7.49408454e-02 6.66500703e-02 3.29276584e-02 -7.19409883e-02\n", + " 7.39126727e-02 6.99786246e-02 -1.34815853e-02 3.52979265e-02\n", + " -9.63685685e-04 -8.83618593e-02 -8.55156332e-02 2.06221312e-01\n", + " 2.04477124e-02 7.15346821e-03 -6.57806545e-02 -3.84221226e-02\n", + " -2.72967573e-02 -4.19544913e-02 -1.14486907e-02 2.69771088e-02\n", + " -2.87412386e-02 -2.38301465e-03 6.20830953e-02 -2.93669640e-03\n", + " -1.40566677e-01 5.88166667e-03 -3.67304534e-02 -3.21056917e-02\n", + " -3.06018610e-02 -4.28014621e-02 5.24136471e-03 -5.99439517e-02\n", + " 6.52599260e-02 5.15556373e-02 -8.56378395e-03 2.68161539e-02\n", + " -4.36116233e-02 -6.75311452e-03 -5.23468107e-02 -4.49518150e-33\n", + " 1.99806574e-03 -1.00038283e-01 -2.03022081e-02 5.39188161e-02\n", + " -4.81046811e-02 -3.52539197e-02 -1.36782369e-02 -5.47834113e-03\n", + " -7.31843263e-02 7.28989691e-02 -3.72515097e-02 4.43217382e-02\n", + " 4.83649410e-03 -4.93192375e-02 1.62451595e-01 4.60542142e-02\n", + " -5.09178303e-02 3.38194594e-02 -4.19569314e-02 9.69442353e-03\n", + " -1.03194360e-02 4.01431657e-02 1.40369963e-02 1.06696719e-02\n", + " 3.32347937e-02 -3.03117353e-02 2.43352000e-02 -2.10414324e-02\n", + " -4.29623201e-02 1.74719058e-02 -1.75227213e-03 -4.59412904e-03\n", + " -7.51036108e-02 6.04808107e-02 2.84958389e-02 -1.56157312e-03\n", + " -6.28466383e-02 -1.01537682e-01 1.40617052e-02 -2.63485145e-02\n", + " -1.75048206e-02 -3.79305482e-02 -6.67405054e-02 5.66795422e-03\n", + " 8.28285366e-02 -2.17140056e-02 -2.93911565e-02 -9.86825326e-04\n", + " -1.38202265e-01 -2.28503775e-02 4.13705558e-02 -8.01998284e-03\n", + " -4.85294387e-02 -2.42116544e-02 -4.66999374e-02 -9.67173744e-03\n", + " -2.85752788e-02 6.91231992e-03 -5.70667163e-03 6.15395373e-03\n", + " 3.71282548e-02 1.50970398e-02 -2.06975322e-02 6.53656246e-03\n", + " -3.10421661e-02 -2.49766316e-02 6.72997860e-03 2.52864975e-02\n", + " 5.03612682e-02 -4.20328192e-02 -8.42816308e-02 4.82248189e-03\n", + " 1.34110063e-01 2.56871302e-02 -8.11956171e-03 4.21466772e-03\n", + " 5.00200465e-02 6.14537150e-02 3.48399431e-02 -3.02066375e-02\n", + " -9.91117507e-02 5.63718714e-02 -1.16047114e-02 4.29959819e-02\n", + " -1.52849434e-02 5.36215119e-02 -3.49041596e-02 -7.14460686e-02\n", + " -6.32014200e-02 2.85188369e-02 -5.73093854e-02 1.78563595e-02\n", + " 2.80801598e-02 5.32907695e-02 -2.58216467e-02 3.75864796e-33\n", + " -1.55605096e-02 -1.44999567e-02 -3.62385362e-02 2.20393464e-02\n", + " -4.58142459e-02 -1.84142012e-02 2.51572821e-02 7.16286600e-02\n", + " -2.77729519e-02 1.12073220e-01 -4.68177833e-02 -1.23888729e-02\n", + " 5.11600636e-02 1.90833695e-02 -2.28036158e-02 -2.86579505e-02\n", + " 6.38550073e-02 3.61889303e-02 -2.42862683e-02 -6.69628680e-02\n", + " 5.40883280e-02 5.53586101e-03 2.92854644e-02 -5.51260002e-02\n", + " -1.78988334e-02 7.60826021e-02 -1.91628449e-02 1.88798532e-02\n", + " -1.72572527e-02 5.45867346e-02 6.55225813e-02 -6.62508830e-02\n", + " -1.25165815e-02 -1.05830852e-03 -3.83289382e-02 2.00532209e-02\n", + " 9.17248204e-02 -1.01075489e-02 -3.71933952e-02 6.22563511e-02\n", + " 2.18871944e-02 2.83834692e-02 5.83853247e-03 7.89715052e-02\n", + " -5.79288974e-03 4.11563646e-03 3.32416520e-02 3.55978422e-02\n", + " 5.04194312e-02 -6.81466004e-03 4.68607731e-02 7.92644173e-02\n", + " -5.93458116e-02 -1.64293256e-02 -4.77020033e-02 -6.33510202e-02\n", + " -1.13968290e-02 -1.04548987e-02 3.27985622e-02 1.14424797e-02\n", + " -6.19084993e-03 5.64243905e-02 -4.76784669e-02 7.28359297e-02\n", + " -6.94928765e-02 1.25025362e-01 -7.34327957e-02 6.27021492e-02\n", + " 3.96375209e-02 1.13343112e-02 4.60124426e-02 8.19697976e-02\n", + " 6.23375736e-03 1.17699662e-02 -7.88293183e-02 -1.40985306e-02\n", + " -6.84325770e-02 -4.45018448e-02 5.11544384e-03 1.09127901e-01\n", + " 1.61013554e-03 -1.00074492e-01 -1.04672030e-01 6.66281283e-02\n", + " -5.78546859e-02 3.86199802e-02 1.03883833e-01 2.71513057e-03\n", + " 3.15771364e-02 -4.64142598e-02 1.05849216e-02 1.07903015e-02\n", + " -1.27138356e-02 2.76785940e-02 2.62138192e-02 -1.16729266e-08\n", + " 9.78414901e-04 6.64986745e-02 2.65742559e-02 -1.27761881e-03\n", + " -2.89201867e-02 -2.96316650e-02 -5.20453677e-02 -8.09014142e-02\n", + " 4.12519053e-02 -2.32998580e-02 1.15684178e-02 1.68154705e-02\n", + " 3.02842837e-02 -3.07278261e-02 6.59935060e-04 2.33784020e-02\n", + " -5.66569567e-02 -1.11697437e-02 -2.55125854e-02 1.84250064e-02\n", + " 4.28100340e-02 -4.13444936e-02 -4.92693298e-02 6.24820031e-02\n", + " 1.77086312e-02 -2.43943781e-02 -3.13011669e-02 -2.73420359e-03\n", + " -1.37078762e-02 6.66622119e-03 2.97524445e-02 7.60538876e-02\n", + " 1.10889608e-02 -3.83639373e-02 -3.40841897e-02 5.25601730e-02\n", + " 3.92403901e-02 -7.69415796e-02 3.23306061e-02 4.85217273e-02\n", + " -3.12257968e-02 -3.22491489e-02 5.95889837e-02 2.91569368e-03\n", + " 7.68703831e-05 5.68212662e-03 -2.77391989e-02 -3.33448686e-02\n", + " -3.22247669e-02 -9.49769020e-02 3.36327367e-02 2.91372687e-02\n", + " 3.63499671e-02 1.33902416e-01 4.45484370e-02 3.10173854e-02\n", + " 1.57437031e-03 -3.55217457e-02 -7.19760582e-02 5.24052009e-02\n", + " 4.22228575e-02 -3.19916457e-02 1.18899465e-01 1.23348385e-02]\n" ] } ], @@ -49078,7 +49058,7 @@ }, { "cell_type": "code", - "execution_count": 14, + "execution_count": 28, "metadata": {}, "outputs": [ { @@ -49086,10 +49066,10 @@ "output_type": "stream", "text": [ "Recommended stocks for you based on your interest:\n", - " Company Name\n", - "209 ICICI Prudential Life Insurance Company Ltd.\n", - "233 Indian Overseas Bank\n", - "40 AU Small Finance Bank Ltd.\n" + " Company Name\n", + "251 JSW Energy Ltd.\n", + "361 Power Grid Corporation of India Ltd.\n", + "90 CESC Ltd.\n" ] } ], diff --git a/sentiment_model.h5 b/sentiment_model.h5 new file mode 100644 index 0000000..3183c43 Binary files /dev/null and b/sentiment_model.h5 differ diff --git a/stock_data.csv b/stock_data.csv new file mode 100644 index 0000000..2100b22 --- /dev/null +++ b/stock_data.csv @@ -0,0 +1,6090 @@ +Text,Sentiment +"Kickers on my watchlist XIDE TIT SOQ PNK CPW BPZ AJ trade method 1 or method 2, see prev posts",1 +user: AAP MOVIE. 55% return for the FEA/GEED indicator just 15 trades for the year. AWESOME. ,1 +user I'd be afraid to short AMZN - they are looking like a near-monopoly in eBooks and infrastructure-as-a-service,1 +MNTA Over 12.00 ,1 +OI Over 21.37 ,1 +PGNX Over 3.04 ,1 +AAP - user if so then the current downtrend will break. Otherwise just a short-term correction in med-term downtrend.,-1 +Monday's relative weakness. NYX WIN TIE TAP ICE INT BMC AON C CHK BIIB ,-1 +GOOG - ower trend line channel test & volume support. ,1 +AAP will watch tomorrow for ONG entry.,1 +i'm assuming FCX opens tomorrow above the 34.25 trigger buy. still very much like this setup. ,1 +"It really worries me how everyone expects the market to rally now,usually exact opposite happens every time we shall see soon bac spx jpm",1 +AAP GAMCO's arry Haverty : Apple Is Extremely Cheap Great Video !!!,1 +user Maykiljil posted that. I agree that MSFT is going higher & possibly north of 30,1 +Momentum is coming back to ETFC Broke MA200 resistance on solid volume Friday. ong set-up ,1 +HA Hitting 35.65 means resume targeting 42 level .. ,1 +user gameplan shot for today but I liked on trend break from May or c+h break. OC weekly trend break back to july 2011,1 +with FCX gapping well above ideal entry looking for a pull in to at least 35 on open for an entry,1 +"user great list again, particularly like FISV and SYK. All buy & hold types should check the free list out. ",1 +ATHX upper trend line ,1 +NG - nice PNF BY - breakout - need follow thru ,1 +Won't believe AAP uptrend is back until it crosses above MA(50),-1 +X swing still on ,1 +SWY - 30% of float short and breaking out - ouch,1 +BIOF wants 4.90's comin!!!,1 +VS inverted head and shoulder play out well. Wasn't able to catch the entry. Eyes on it ,1 +" red, not ready for break out.",-1 +EI close to breaking out now. My trigger is at 30.40. ,1 +user BAC For a quick Trade to late..But for investing ~11.98 is a good entry point IMHO,1 +"CHDN - ong 49.02. Trailing Stop 56.66 from 6 prior Stops of 54.17, 49.88, 49.82, 45.47, 43.02 & 41.92 - ",1 +AAP VOME today is impressive. At this rate and well probably get to 30M shares traded today.,1 +"user: been adding VXY long off the bottom today for trade, also got WPI near low",-1 +"I repeat, if global economy is going to get better this year go with C instead of BAC",1 +GOOG go ONG on close above 725.,1 +NKD looking like a good short. Failed to break price level resistance at 116 today.,-1 +GS like the price action. So far holding above 130. Still deciding whether to go ONG calls or stocks.,1 +SBX buy when it clears resistance at 54.5,1 +here is NEW up target for AAP and notice shakeout reading at -8.49 ! and we had buy dot Monday ,1 +Too early to short into this move. Stock Market needs a few days to settle down. #Patience COH BWD DT AAP PAY,-1 +AAP obbers hit Apple Store in Paris. Prefer to take merchendise over cash. Bullish. ,1 +AXA Here is my tip of the day. Buy now! You do not even have to sign up for a newsletter or anything O If I'm wrong I will eat crow :),1 +X out the 1/2 due to the move today and the Kirby on the daily around 26.00 - still swinging 1/2 ,1 +"AAP 10 min short won now longs have fully added in, look for a pop here with market,shakeout reset ",1 +NG stellar move - still long swing - full position - I believe user & user in it 2 ,1 +ATICE & TADE SETP: KO AN CNX,1 +IDCC 50SMA acting as a good support. Short-term momentum indicators have switched to the upside. ,1 +"NEW POST: BAC Is At 19 Month Highs, But Showing Signs of Stress ",1 +c two daily bull flags on top of each other=bullish still ,1 +NG - traditional and AT point and figure - bullish BY signals multiyear high ,1 +jpm closed>10sma on Monday(u know my rules)...large cup n handle....still bullish ,1 +EOG ascending triangle - original target 127 extension EPS Feb 11th? 1/2 position swing ,1 +"aapl daily , broke downtrend(from closing prices) now w v pattern back in play.......600 target ",1 +PHM PulteGroup Option Bear bets 1.5 Million on 11% down move by April ,-1 +BAC In a 11.97 for a trade,1 +Short Setups displaying relative weakness: AO COH PAY BWD DT SHD WTW P Prepare to short the stall. ES_F ,-1 +"When AMZN monetize all electronics it makes with traffic to marketplace, AAP GOOG will wake up and say why didn't we buy EBAY",1 +"CVI starting with a clean book, making first buy of the yr - entry 49.54 stop 47.43 ",1 +SAM cheers to the temporary solution to our economic woes - entry 139.81 stop 131.92 ,1 +SK to the GAVE!,-1 +ovti ttm ending Oct 2012 Negative 151 million operational cash flow.. 273% decline vs yoy ttm ending oct 2011,-1 +AAP and GOOG should respond positively to good jobless claims numbers,1 +Analyst price targets and earnings targets coming down---EXACTY what you want to see prior AAP reporting.,1 +user Nice! Color me an INTC bull as well!,1 +"Heads p: AA Earnings (1/8/13) ess Than a Week Away, Tho The Season Doesn't EAY Begin Cranking 'Til 1/16 w/ GS JPM EBAY et al...",1 +"trade idea buy WO market 26.64, target 36, cut below 23.50 ",1 +"Trade idea buy DC market 58.50, target 67 , cut below 53 ",1 +GOOG looks all set to make new ATH. Now before or after E is the unknown.,1 +GOOG trade this one long verse 10sma ,1 +"FNF - ong 19.43. Trailing Stop 21.04 from 6 prior Stops of 19.71, 19.52, 18.70, 18.65, 18.07 and 17.87 - ",1 +"FOD should see a solid move up tom, system predict nice green candle.",1 +This is the year of fitness and health apps...the winners will be gynormous and the speculation will run high nke,1 +It's time to invest in MSFT COMPQ ,1 +"New Post: Shorts Will Make Dimes, ongs Will Make Dollars AAP SPX QQQ P",1 +nbelieveable payment trend that VC's are chasing has easily played out in public markets.... EBAY V and Mastercard MA all time highs,1 +Some of the watch list stocks that triggered today OEX AGNX TV VBD XIDE PPC EXP ONTY BMN FS WK CHMT FBC ISI AIG,1 +Nice Bull flag breakout here OC #technology #software ,1 +My setup alerts went bonkers today..One of many that got triggered.Cup+Handle breakout in PFE ,1 +The host with the most....congrats to the cloud today AX and user more all-time highs. wow,1 +X Did .S. Steel Just Breakout? MT too,1 +DNDN has broken through the clear 5.5 resistanc level on heavy volume & could be headed much higher ,1 +EXPE looks good for higher prices ,1 +apc weekly setting up long. ,1 +I am going into this morning long 3 each AAP 560 call options & GOOG 725 calls Jan 4th expiration,1 +ES_F path higher unthreatened unless 1452.25 support fails. See resistance at 1466.00 SPX #stocks. ,1 +Monitor the S line/price dynamic. Stocks that closed Dec.28 with the S line in new highs be4 price. MHO TSM IPGP EQIX BC BDC ASH,1 +DDD IDCC continue higher,1 +"Had hoped to pick up some OST today, but looks like I'm a day too late. Nice move up this morning.",1 +GPS wow that wa s a fast fast fade...,-1 +AMZN going above 260. Should go near 300 if market behaves for a few weeks.,1 +Huston we have a GEEN AAP,1 +P long 9.55,1 +HN breakout...but 3rd day up so look for pullback to enter long. ,1 +NG - ascend triangle much like FS & X breakouts 127 exten then 161.8 targets - fibs subjective ,1 +KCG ... things that make you go hmmmm? ,1 +VNG - Huge news from patent attorney Dan avicher ,1 +NG nhod - check the weekly - target previous lows 2006 :),1 +NG nhod - what do you see? check the weekly - target previous lows 2006 :) ,1 +AIG American International Group Option Traders bet on 4% down move by next Friday ,-1 +P out balance +.32,1 +VNG buys vs. Sells?,1 +BAC In 12.00 since there is consolidation this level. We could close = > 12.09 if market is stable in pm IMHO.,1 +VNG Parabolic moves are a comin',1 +New Sony pre-owned block tech patent unearthed SNE ... 50% of GME profits from pre owned ..last one out turn off the lights,-1 +"we liked VS, we love WYNN from 111 entry to new up target yesterday at 121. very nice ! ",1 +user: SPX 1464.90 Wave iv would be 20 points lower [1467.00 KEY] ES_F HOD 1460.00 (under neckline 1458.50 very bearish) ,-1 +"DDD consolidating the strong move from previous days between 55 and 60, next buy point above 60 on volume (holding).",1 +VNG - 12 mil shares shorts plus long buying = massive VNG short squeeze. Just when you thought story was dead avicher kills short thesis,1 +"Wow, not good for BKS T user ... sales for the Nook were down 13% over the holidays ",-1 +AC from watch list - volume did pick up and is now 139% of full day average -from 200-day bounce ,1 +"The new wightwatchers ads are more fun and light and with regular people more interesting, but I still dont trust them WTW (no position)",-1 +AMZN holding up well - next buy point when clears this upper trend line on heavy volume ,1 +MA exactly what you want to see a follow thru day after breaking out to new highs on volume ,1 +ZCS user There's your buying,1 +AAP SPY no more QE for 2013. Now bring the Geithner.,-1 +Over extended stock market + unexpected news from the FED minutes = Down ESD & a panicky ES_F NQ_F.,-1 +"SPY ncle Ben needed to spice up things a little. AAP people were bored, wake up now.",-1 +AAP might close at the lows of the day. Bears will be in control again below the descending trendline. Watch it.,-1 +FAN - seeking 200d. Im adding some synthetic shorts here and will add again at 200d.,-1 +"CWST low of day 4.50, near high of day 4.56, watchn for b/out, minimal risk",1 +All of the above: gme Gamestop short targets spy,-1 +time to get out of the #cloud stocks VMW CM,-1 +BAC Keep Overniight mmy pos. will bin premarket Tmorrow too.,1 +Polk Expects 2013 .S. New Vehicle egistrations to each 15.3 Million - Polk - F GM I think this is low,1 +Very bullish on market also talked trends for SCTY OST ANGI FIO PANW A JCP P YEP MNST GPN on show.,1 +BAC what happens next? ,-1 +KCG someone bought 3.22k 4 Jan 18 Calls....,1 +Man I didnt know about Skippy when I made this...would have thrown in a jar H #Hormel ,1 +"Big move in bonds today, 7 months high for 10 y rate, still going lower here ZN_F, could get truly ugly if good NFP number in AM SPY TT",1 +Market Wrap Video + Additions to Watch ist including: BCEI BJI CEE ES SONS SQNM NX YEP,1 +Maybe when vrng asked the judge for a 7% royalty it became too risky for goog to deal with? they want to settle,1 +BJI Over 35.53 if good volume ,1 +CEE Over 35.12 ,1 +SQNM Over 5.05 ,1 +NX On flag break ,1 +3D Systems Brings Next-Gen Consumer 3D Printing to CES 2013 DDD,1 +AAP will top out in April when Aston Kutcher stars in 'jOBS'. Kinda like how Facebook did when 'Social Network' came out. FB,-1 +"VNG w/ MACD turning up & above its signal line, VNG could post a nice rally from current levels ",1 +PI 3Q 10Q operational cash flow for 9mos -20million. 269%decline vs. 9mos year ago.,-1 +bbby 3Q 10Q Operational Cash Flow 135 million. 53 increase vs. year ago Q3. 64% improvement q o q,1 +DI 6mos operational cash flow 267 million. increases 187 million vs.6mos year ago. 233% increase,1 +AM 3Q 10Q 9mos operational cash flow 32 million vs. neg 26 mil 9mos year ago.,1 +am 3Q operational cash flow neg 16 million. vs. year ago 3Q of negative 68million. 52 million improvement,1 +"A quiet Carl Icahn = Bullish. NFX shorts should be paranoid on every close as they will get acquired. Think aapl, msft, amzn, fb",1 +I am an aapl bull but cannot break this trend line in OBV ,-1 +user Phantom7 I've been calling +4 ever since the start of this thing. 3.75 should be a given~ KCG,1 +NX on watch list above small flag on volume of 26% of ave full day so good volume ,1 +GOOG poised to clear this next resistance (buy / add area) watch action / volume closely here ,1 +GDP on watch list slightly over line and 50-day EMA light volume of 5% ave full day ,1 +"Took some profits off DDD, will add if breaks 60 on volume.",1 +CHK - what I'm looking at - small risk position calls only. Scalp - maybe a swing XE watch. ,1 +"ONTY If the holders would just hold out or raise their ask here, this could really pop. Going to climb slowly regardless...",1 +EOG PXD OAS #energyswag,1 +AAP moving down with volume. Couldnt cope with the descending trend line. Trend is still down. Perhaps 460 is not impossible after all.,-1 +AAP 50EMA continue to work as AAP is making lower highs in the MACO sense ,-1 +"Went short SPY yesterday, should have picked AAP instead. Still think market needs to move down a bit then resume move to the upside.",-1 +AAP people be realistic. Market undecided what to do with apple. Earnings will lift that cloud. If GOOD we might EAY see a reversal.,-1 +Will watch the close carefully then decide whether to ONG or SHOT AAP. Below 530 SHOT!!!,-1 +"JCP Keep an eye on this triangle. big short int, 34%. reports Feb 27. cup & handle. at DT. ong ",1 +sold a little goog ...first time in a while,1 +Nice cup with handle breakout on MCA,1 +FAF new highs.,1 +SPY giving AAP the finger. We don't care about you anymore lol,-1 +The Smith&Corona doing ok. AMZN,1 +"VA - ong 43.07. Trailing Stop 58.98 from 11 Stops of 54.53, 52.45, 48.05, 47.32, 46.71, ... 41.32 & 39.57 - ",1 +AMZN alert update: a last minute push tried to shake out puts. we're hanging on for now. ,-1 +AAP volume higher today than monday. Keep that in mind.,1 +"HB.A - ong 73.67. Trailing Stop 71.92 from 3 prior Stops of 70.86, 68.64 and 62.41 - ",1 +"The key is not to panic here. AAP is in the domain of twitchy day traders on robots now, but long term should hold up on fundamentals",1 +NVDA 4 hour - love to see the vol explode. ,1 +VNG - Take a hard look at GOOG FTC settlement over patents. FTC making GOOG play nice with VNG? Makes Sense ,1 +some worried I had gone OCO with my 737.71 up call for GOOG ! now at door step of nearly 40 move ,1 +VNG its crazy that anyone listens and trades off this tool.,1 +GOOG is getting fueled by AAP's reversal.,1 +user why make a BBY offer now when he can shave 4 more off offer price? Bid went from 24-26 to just 20 in a matter of months.,-1 +NVDA - to answer your question entry (add) was the red candle at 10:50AM today. ove flags ,1 +"AAP 950 lot bid in the Feb 580 call at 9.50, might push the stock up or create support. 26 delta option",1 +"WPI - was on our short candidate list 12/31 and we missed it, got started short today",-1 +MYE breaking out,1 +Short HT under the 200 SMA stop just over the high of the day. First target 53.95. Second target 53.21 gap fill.,-1 +QCOM introduces StreamBoost: average home connects up to seven devices to the Internet,1 +NVDA love to see momo this next week like previous histogram bars noted. ,-1 +HMA unusual option activity. Trader buys 11k of the Jan 9 Put. Short term bear play,-1 +"ADBE option trader buys 5,300 of the Feb 39C against OI of 741. Bet is on stock above 39 by Feb 16th",1 +"NVDA ooks bullish but it must stay above 13.05 on a closing basis (monthly), EPS say no? ",-1 +SQNM from watch list over line on volume of 86% of ave full day ,1 +HOTT Failed breakout? ,-1 +ZN_F ticking up.. I'd be a seller of SDJPY here (*if I weren't already)...,-1 +"INO Wow, nice accumulation today, heavy...",1 +ZNGA Fat juicy Short back to lower levels as it closes Gap 2.72? ,-1 +GDOT nice bounce from its 50SMA. ooks ready to test the recent highs ,1 +HMA ooking for 10's; headed higher! ,1 +"SPF ooking for 9's, headed higher with lower rates. ",1 +"GS JPM XF HOD, they are hungry for stocks out there... SPY",1 +CHK weekly bullish engulfing ,1 +GS looks good heading into next week.,1 +AAP all i know is ipad minis are out of stock everywhere. been going to 8 different stores and none of them have em in stock,1 +As goog explodes and aapl implodes MINTE 21 to 23 of user vid from a few years ago have Mark nailing the subject ,1 +"KKD Krispy Kreme Doughnuts, Inc. at IC XChange Conference (ive) 01/17/13 at 9:15 a.m. ET",1 +Picked up FS on pullback due to downgrade. Held support to close week. First PT 37.30 ,1 +"user: I've been picking this one for a while, but I'm calling KKD as the next food company to make a DPZ like run in TWENTY13.",1 +"ZNGA Still shows red and dead on a enko view, PF Box size 0.25 ",-1 +"GS enko view of GS, PF Box size = 5 showing potential to break to 175 ",1 +"NVDA enko view showing red and dead, need 14 or more for a long & less than 13 for a short ",-1 +"CSX enko view, PF Box size = 1, VEY bullish above 21, coal stocks confirming move on rails. ",1 +GOOG And on enko w/ a PF Box size of 50 it looks like a failed breakout ,-1 +user At 155 for GS but very bullish on fins as rates are low = The FED Put!,1 +user ZNGA I use lagging indicators on lagging stocks ;),-1 +"GOOG, I like it with a close above 744.96",1 +FS b/o above bull flag on heavy vol. etest of support today on light vol. 41% short float ,1 +MSFT gap close. Continues base. SI rising. Nice : pickup w/ stop below major support & 28.22 PT. ,1 +Financials continue ripping. Easy money. C approaching 43 PT ,1 +VS follow throughs. 10 DMA crossing above 200 DMA. Trading above all MA's. Great setup ,1 +"user BAC Yeah ... they made the easy profits by slashing jobs, now they have to close win-win sales.",-1 +New buys today from watch list all did well NX 20% SONS YEP BCEI GDP AY and SQNM Total triggers this week 39 - a big week,1 +"SBX #SI #EarthThis is the kind of stuff that makes us perk up (so sorry!).but, go on...bullish five waves to 58. ",1 +"Can you say no brainier? ong SBAC stock, 60/80 Feb collar for protection... ",1 +Anyone can say how much svu would go even if the deal goes through? 4? 5? Not sure if much upside left.,1 +NVDA the bounce continues and the stock has now cleared its 200SMA and the 13 level. ong ,1 +AXTI Momentum picking up w/ MACD climbing/SI rising.OBV indicator made a new higher high this week ,1 +GDOT OBV is moving upwards which means that big money is moving into the stock slowly. ong ,1 +aapl daily (see notes) ,1 +AMZN daily (see notes) ,1 +C daily (see notes) ,1 +"EGOV long 16.62 strong above all MA's, resting/basing, room to upper bolly to absorb 10/20 day atr ",1 +AA Fibs Friends ,1 +TSA: Judge Dismisses Massachusetts State Automobile Dealers Association awsuit - ,1 +BAC up trending doesn't appear to slow down as of yet. It's prudent to take some profit at time. ,1 +"FE - looks like it fired a sell signal Friday, may trade this short on tick below Friday low - have to do more work on utilities later...",-1 +coh also got rejected by cloud but still in slight uptrend for past few. buy when it enters cloud ,1 +yum looks good here out of cloud with stops of either 200 sma or cloud under it. target of 50 sma ,1 +EQIX EXPE FB GS HOG MON PII QCOM QIH SODA Some ideas for next week. Favorite setup is EQIX ,1 +"EQIX No position, would like to see a breakout over 216.50. Prefer more consolidation though ",1 +Time for a contraction in AAP.down to test 500 this week by Weds.long Jan11th 510/500 put spread ,-1 +AAP Bounce Coming? ,1 +FS en fuego!! ,1 +AXA Over-Sold in Oscillating ange....indicators suggest buy price holds above prev close + increase in volume.,1 +A few I'm not holding but will check out. user: Bullish MACD cross: BBG COP ENI EOG JEC IG SFY XE XOP,1 +"JDS beautiful trend, 13.5 should bring out the dip buyers",1 +ko has trouble staying above 200 day sma past few weeks. could short here or higher stops above 38 ,-1 +mako a red day monday breaks support and could test old lows of 9-9.25 ,-1 +After-hour Most Advanced: OPT MAKO FOD GNMK JDS EGE AMN PX AAY DDD SV PM BKS F,1 +GOOG with simple Fibonacci projections on close over 739. 127.2% at 766 and 161.8% at 802 ,1 +Why I am buying AAP on Monday - ,1 +user: AMZN over 263 has a Measured Move to 307 ,1 +user The INO pipeline and the partnerships with the ni's and MK--that pretty much sums it up...,1 +"AMZN the data company, not the retailer. A new post by me. ",1 +Trading environment favors long side. Don't over stay welcome. Too few quality leaders. GS AMH OCN EGN HOV AAP ,-1 +AAP what an amazing run it has been since 2005. I don't think it's over. ,1 +A Tale of Two Stocks AAP GOOG SPY QQQ,1 +F Ford's Powerful Bullish Pattern Dictates Price Direction ,1 +DT - Descending triangle. ower highs. Didn't participate well in the rally & it's overbought. ,-1 +CVA Over 19.00 ,1 +MCK Over 100.05 - ,1 +VMED you know we prefer 3-4 day pullback to reverse so maybe Mon or Tuesday on flag break or at sup ,1 +"Just kidding, more legible version. Currently long FS (tweeted on friday) ",1 +Ford will perform well due to Hurricane Sandy's destruction. F Palladium will do well PA Banks are a buy picks are BAC C SAN GS,1 +GS is a buy on pullback to 133 or on bigger pullback to 130.,1 +CEG keep it on you watch list.,1 +I wish TV would die already like all the Newspapers told me CBS ftw!,1 +I think AAP is heading back down to check in on 506 support again,-1 +AMZN but but but.....yap yap yap,1 +SNDK pattern looking more interesting. Can it successfully break into the gap this time around? ,1 +"#AMZN at all-time highs pre-market , aapl still plunging. should be an interesting trading day!",1 +See risk to ES_F 1442.00-1423.75 as bearish momentum divergences resolve SPX SPY #stocks. ,-1 +user: ONXX strong price & vol expansion friday. possibly looking for higher prices > another biotech with 2 levels,1 +ZNGA Momentum building to the upside.? On watch.,1 +ES from watch list also fast move today volume of 77% ave full day as usually tiny volume ,1 +TWI like this long 24% short... ,1 +"Green Weekly Triangle on HEO,....pdating ",-1 +EOG - 60 min pullback to breakout - watching 1/2 position ,1 +KCG to 3.75?,1 +ZCS almost hit my stop loss...glad to see it heading back up,1 +AAP closed my short for some nice gains.,-1 +"V beautiful uptrend since June '12. Never once broke higher high, higher low trend ",1 +The most awesome AAP trendline ever. Since 1986!! ,-1 +"DDD - ong 27.95. Trailing Stop 42.35 from 7 prior Stops of 41.70, 39.03, 36.53, 32.35, 27.95, 25.44 and 22.93 - ",1 +NX was largest watch list gainer new buy on Friday and biggest mover today so protect gains ,1 +"Green Weekly Triangle on KTOS,....pdating ",-1 +ak corrected me - PPHM largest watch list gainer today - though it gapped up big on open ,1 +AAP positive close above 530 today is bullish. I'll be looking for possible ONG set up.,1 +CEG possible ONG today if you want to play the JPMOGAN BIOtech conference.,1 +"FME: ong 10.25. Trailing Stop 13.75 from 8 prior Stops of 12.29, 11.50, 10.97, 10.63, 10.36, ... 9.64 & 9.03 - ",1 +I showed this MA on Friday with the upside orange dot traget at 517+ hit that this morn now red dot ,-1 +TO triggered above 34. First target 34.55-.90,1 +SXC - breaking above key downward channel level. ikely to move much higher from here. ,1 +"must follow the young man user: AMZN the data company, not the retailer. A new post by me. ",1 +PG short back on,-1 +OVTI downgrade on Sept 7th 16.77 after Q1 looking good. next filing Q3 end of feb. ,-1 +VS option trader sells 26k of the 47.25 - 52.25 call spreads in March. Big bet that stock will be below 47.25 by March expiry,-1 +"AA option traders bet on bad earnings selling 6,200 Jan 9C and buying 3,200 Jan 9P. Could be hedge on stock. Both trades against low OI",-1 +SKX Q3 operational cash flow negative 60million. 80million decline vs.Q3 2011,-1 +SKX 9 mos. 2012 operational cash flow negative 20 million. 95 million decline vs. 9mos 2011,-1 +"ed Weekly Triangle on SNSS,.....pdating ",1 +BAC avrg 12.127 ,1 +First trade coming back from vacation. HOT short at 59.80. Stop at 60.30,-1 +"Green Weekly Triangle on SCC,....pdating ",-1 +PODD breaking out to new 52wk highs from a decent base ,1 +3 horsemen of high beta momo chase FS GMC NFX being slammed a bit here : advanced tell that the new year party is over for the mrkt ?,-1 +PNA looks like a solid set up,1 +Names to buy on pullbacks GS CEG FB F,1 +BA for a flush down,-1 +"Amazon Breaks 1,600 (adjusting for the splits) via user AMZN",1 +"Financials XF have been driving this mkt higher, today they are weak-ish (except for JPM) for 1st time in while, little red flag 1...",-1 +on our ive Broadcast we got this long signal on PCN and covered discount buy-in ! needs push ,1 +"AMZN VOME is a go, big boys grabbing some stocks. Higher prices to come.",1 +TWI at highs not seen since September ,1 +"user won gold in our 2011 stock contest w V, won silver in 2012 w TKC. Will his DDAIF call win in 2013? ",1 +AMZN FB your pick for higher prices this week. Both breaking out with considerable volume.,1 +Eceryone wants a piece of PCN gorwth and magic...stakes are so high...innovation so fast and marketing stakes high ,1 +"user scheplick It's easy to short AMZN - buy an iPad Mini, a tax prep book at Borders and some ackspace time.;-)",-1 +Might open a position on S today. Cup and handle can make this one fly to 7-7.5 quickly.,1 +"CS, KOS positive.... nice reversal in KOS",1 +AXP trying to make a move too. Getting interesting.,1 +MA a strong follow thru day after breaking out to new highs last Friday - confirmation is solid ,1 +"V new highs, looking for higher prices from here ",1 +CEG a strong breakout to new highs today on 2x the daily avg. volume. ooks good for more upside ,1 +WETF cheap financial stock that is trying to b/o. Would like to see a pullback/consolidation first ,1 +"NFX shorts should be paranoid on every close as a buyout will come 1 night from aapl, msft, goog, amzn, etc. dominate webtv long nflx",1 +"As in the last 3 sessions, last hour buyers are back, more money need to be put to work... money flows... SPY TT ES_F",1 +"user The stock isn't telling us anything new, but the trend is saying a lot. This E is AAP's most anticipated in years.",1 +All of the above: rax setting up again spy,1 +PCN - long entry ,1 +"Green Weekly Triangle on AMPE,....Sell Short at 4.15 ",-1 +"Green Weekly & Monthly Triangle on FWS,....pdating to Monthly ",-1 +"user are you saying ZAGG will up another 23%, how?",-1 +"Green Weekly & Monthly Triangle on PAB,....pdating ",-1 +744.96 IS A great level for a close on GOOG,1 +"AAP short-term outlook. 3 possible scenarios, 2 of them are bullish ",1 +Barclays upside case for CSOD is a year end price target of 46. Based on 8x cy'14 revenues and 10% upside to estimates. Quite achievable!,1 +CTXS (conservative swing) once again bouncing nicely off support (w/volume) MCP (aggressive swing) however strong probability.,1 +user: AMZN it's time for this bird to fly south! ,-1 +"VVS Technicals are positive for a continued climb. SI, OBV and MACD all look good to me ",1 +"AKX b/out 13.78, like the base action under spot & declining vol, ripe for pop ",1 +"HAO b/out 7.20, price was rejected at 7.19 today, also high on 12/21 ",1 +"HWAY b/out 11.08, nice base under the spot ",1 +yum down premarket through the cloud but has support at about 62.75 ,-1 +"Multi-day downswing in ES_F favored, see demand zone at 1442.00-1423.75 SPX SPY #stocks. ",-1 +"MON - not making sales here - we will be buyers of weakness, looks like game on for a while...",1 +FIN 9mos Operational cash flow declines 15million vs. prior yr first 9mos. 198% decline,-1 +AYI Q1 Operational Cash Flow turns Negative,-1 +AYI 1st negative operational cash flow quarter since quarter Novemebr 2008,-1 +AYI 2013 Q1 operational Cash flow negative 14.5 million. decline of 41 million vs. Q1 2012. 152% decline,-1 +my 526.20 bid not hit in aapl so i am expecting at least a move to 540 today :),1 +"MON 2013 Q1 operational cash flow 1.569 billion, a 459 million increase vs 2012 Q1. 41% increase",1 +fio nothing but air under stock until 17.70-17.80 ,-1 +"AAP daily fade in motion again, people that want to be out are still at work...",-1 +I shorted NFX here with a 1.00 stop.,-1 +CTIC got long,1 +Catch up user: Hot inks is totally off the hook this morning - so many great reads AAP MACO,1 +IHS year end operational cash flow declined 27 million vs. 2011. an 8.19% decline,-1 +Watch XF JPM BAC OD closely...,-1 +unit cost at 1.60 this see a bounce CTIC,1 +with little whips on pops and drops don't go all in on one purchase avg in through out the day limit exposure and % of portfolio CTIC,1 +"SHD Get short, someone big must be exiting imo... Sitting on some 40 puts from this am!",-1 +MON - added,1 +"If you'd like to gag on the New American Socialism, enjoy this video courtesy AIG: ",-1 +JNP - added,1 +X - added,1 +"user Mr. Florida, hope all is well. You've trade SAVE in the past, so Im asking you. Do you like it here? ooking to fill gap?",1 +SHD ... why won't you die already? ampert doesn't know 2 sh*ts about running a retail. He bought Sears for the property... ,-1 +"WN: ong 19.79. Trailing Stop 24.39 from 6 prior Stops of 23.76, 20.42, 19.79, 18.09, 17.13 and 16.39 - ",1 +"DECK: Short 66.41. Trailing Stop 44.16 down from 5 prior Stops of 51.65, 59.07, 66.41, 74.13 & 81.85 - ",-1 +WFM - short back on,-1 +"nice base building here 1.50 -1.54 on CTIC should test hod's in the afternoon, setting up nicely for follow thru tomorrow. #tradeoftheweek",1 +up to 16 million shares on CTIC almost 10x avg daily vol. I don't think this is a one day story. Gap up to 2.05 plenty of rm to run imho,1 +SHD Eddie ampert is a 1 trick pony...,-1 +"et the angry, anecdotal comments begin: Why I still think BlackBerry & IM are doomed. IMM AAP GOOG NOK T VZ",-1 +user I think AAP putting in a long term bottom.....of course I could be wrong but that is what it looks like :-),1 +i had a price alert go off for WWW while off the desk.,-1 +GG to be delisted soon typicall pump and dump same story over the last few months be careful one day trades over a mil next day ur stuck,-1 +TSO option trader buys 10k of the Feb 40P for 1.60. A 1.6 million bet stock will be below 40 by Feb exp. Could be hedge too. OI is 544,-1 +DDD SSY Stops honored. So be it. Now.... must.not.become.bearshitter.,-1 +CYBX keeps consolidating near all-time highs ,1 +DDD The sentiment on this stock can change in a blink of an eye. Not for the faint of heart. Still long term bullish.,1 +MCP bottom at 11.00? Strong esistance. nder these level...short breakout Chance.,-1 +AIG wins the awsuit then announces dividend reinstatement. :),1 +TIVO is a buyout coming? Sure seems strong of late?,1 +biggest mistake i made all day was not sticking to my gut on reversal in #SOAS #2 not sticking to my watchlist DK STP ANA KOG,1 +DDD looks an easy short,-1 +My instincts are spot on in 2013 and still think CTIC will hit 2.05 this wk but still want to stick to my morning watchlist & not chase,1 +AX looks good for higher prices ,1 +CM holding up well ,1 +"ANA with the conference tomorrow, I guess we will hit 10.05 after all...",1 +"NFX - hearing PJCO out cautious following comScore data: Following Weak December, Overall 4Q Traffic Again Turns Negative user",-1 +"se pullback 2 initiate quick trades, not invest, long. Keep stops tight & sell up. AAP EGN OCN AMH DDD NSM",1 +"Piper Jaffray making negative comments on NFX and CST ed Box : comScore Q4 data weak for edbox, Netflix",-1 +Maybe a good time to buy TD the 44 level appears to be holding as a key support level,1 +"CSN option trader buys 1,500 of the Jan 11-16 call spread against low OI indicating entering a position for .50. Bet on data bef. Jan 19",1 +AA there goes the kids college fund!,1 +X option trader takes profits in Feb26P selling 8k against 8k OI and rolling position to Feb 25P buying 8K at 1.48,-1 +"Green Monthly Triangle on ACAD,....Net Profit 7,177.00 (11.49%) ",1 +So far so good regarding our APO #earnings strategy. Far too soon to call it a win though. ,1 +AA this is why I went all in..,1 +"Does AA hold the key for the SPX? When AA is up on earnings, SPX up +1.90% a mo. later. ",1 +"My call for the week AA, WFC, APO, MON",1 +AA i don't like the SPIN on operational cash flow,-1 +APO Q1 2013 operational cash flow 210 million. a 90million decline vs. 2012 Q1. 30% decline,-1 +"ed Weekly Triangle on AMS,....Net Profit 26,135.00 (38.40%) ",-1 +CM AVG THO AMWD coiling for breakouts to new highs. Set buy stops slightly above the most recent highs.,1 +"user jemberlin that is my number too, will be a good swing, but personally I hate AMD,",-1 +SPY SPX ES Green Hedges Stars model: next stop 1410.56 SPX 1387.92 if lower.,-1 +SWHC looks like ban on large capacity magazines and more hurdles to purchase are on the table for the politicians. Was on the Evening News,1 +aa Q4 Operational CF declined 209m vs. Q4'11. 18% DECINE. P Spin says it was higher than Q3 2012. note Q3 '12 was 263m less than Q3'11,-1 +HT closed > 200 sma (barely) for 3rd time since Oct- eps out of the way- watch for volume > 55 ,1 +user PWE and the crazy HAO is in Green Weekly Triangle are you in short or long,-1 +WT had a huge 39 seller today... check out the daily... hold over 40-42 loooks good for a swing,1 +AJ Over 18.00 on good volume ,1 +CYBX broke out to all time highs accompained by a strong volume suggesting higher levels. ,1 +ONTY looks poised for bounce from bottom. SI starting to turn up & MACD is crossing up its signal ,1 +Still trading within an uptrend channel. Short-term uptrend still intact. I'm still bullish on NVDA ,1 +VVS Vivus CEO eportedly Says Acquisition is 'Inevitable' talking to Deal eporter at the J.P. Morgan ,1 +user: C what is a runner ,1 +"V is now one of my longest growth stock holdings, ever (19 months and counting)...",1 +fio bouncing some this morning (25% short interest) Still nothing but air till 17.90s ,-1 +tol doji yesterday could mean another lower high. Wait for close into cloud before going short ,-1 +"AMWD setting up very nicely above 29.33. In the very strong building and construction product group, along with APOG.",1 +"TAB I like this one, down for no real reason, new contracts picking up slack, 2013 is about 'small cell' tech, & Software-As-A-Service!!!",1 +FS - buy signal just triggered for us,1 +ANF on the radar for a move above 48.70-49,1 +DGI FTD. Pivot range 26.98 to 28.33.,1 +HPQ Option traders buy 10k Aug 13P at .78. 780k bet stock will be below 13 by Aug expiration. Could be a stock hedge,-1 +"FAF new highs, still holding. Needs volume here.",1 +NS Perfect day for a reversal candle on the dailies.,-1 +VOC actually triggerd yesterday but closed back at line - today itstrying again - vol 16% ,1 +added APP,1 +"WFM - added small 89, prefer the 90-91 level to lay short out",-1 +MAS from watch list broke out of flag today- now also at top line on volume of 11% of full day ave ,1 +CMG - 5m descending triangle. 9% avg volume. ,-1 +user: DDD broke out from the bear flag to the upside.... ots of shorts who do not understand momentum being caught STDY,1 +DGI still moving,1 +SSYS maybe too few shares outstanding to short.. but ....11 million in operational cash flow ttm and trading at 1.9 bil mkt cap,-1 +SSYS operational cash flow declined 42% ttm vs. ttm,-1 +"Covering 1/2 WAC short 47.15, looking lower but got to book some...",-1 +"VTX option trader buys 3,700 put spreads in April 48 and 42 strikes. Could be big bet on down move or stock hedge",-1 +FS 4 hour - nice bounce ichard. ,1 +"GNC - nice inverse head and shoulders, as well as a nice pullback to support from the previous box-breakout",1 +"user I hate to be under 3, as average I end screw up, no good for me NN",-1 +DA nice run from entry; moving stop up to breakeven ,1 +"ed Weekly Triangle on CTIC,....Net Profit 675.00 (3.88%),...gly waiting more than 3 months ",-1 +CW Clearwire Corp arge trades in puts show bearish interest despite DISH bid ,-1 +APO Strong push off support (w/volume),1 +from watch list HAO slipped over line when I was not watching - volume is 76% of full day ave ,1 +"The most bearish thing I have seen in a week, not good for the overall market at all JPM SPY ES_F ",-1 +"user in a bullish you sell always, no buy; in a bearish market you buy no sell NX",-1 +VOC from watch list added Tuesday has now run over the 50-day EMA vol increased to 86% ,1 +ANA getting the breakout yest and holding up today. Presenting at JPM conf today at 6:30est ,1 +"trade idea buy ESC 25.95, target 35.50, cut below 21.40 ",1 +"SWKS decision coming there soon...expecting a break...up...looking at SI, MACD & TIX ",1 +Just a small dose of reality on CTIC : ,-1 +"VS option trader closes out Feb 50C selling 12k against 22k OI. Opens position in Feb 55C selling 23k on hard bid vs. OI of 2,700",-1 +Six years ago apple introduced the iPhone to the world. Do you remember where you were? aapl #sixyearsold,1 +EW Went long on EW at 93.15. ooks like it is ready to make a move to 98 w/breakout of consolidation ,1 +EBAY basing ,1 +Short YHOO,-1 +CHK thanks JPM upgraded ,1 +dec 6 BB&T CM initiated SSYS with a buy 68. wonder if they still have it a buy up 28% in 30 days?,-1 +user: SSYS EACHED SI 80% Crash is near,-1 +SSQ pulling back as suspected. uckily sold near 11.20 res (tweeted). Watching 10.80 to get bck in ,1 +"user The day of the MA IPO I tripled my position at 42 (IPO priced at 39) never touched it since, probably my best stock move ever...",1 +AAP P&F is bullish again... ,1 +"AAP IF support broken then I won't hesitate to sell as lots of downside. For now, : favors longs ",1 +user: eaders EAD. BAC >On which side is the Question... Even AAP is Broken since few Week. Medium Outlook does not look Bright.,-1 +"Green Weekly Triangle on DEPO,....Scaling at 6.40 ",-1 +"Intel a tobacco stock?...interesting read and analogy...up to Intel I guess, but the dividend is tasty intc",1 +"Green Weekly Triangle on FNFG,....Scaling at 8.22 ",-1 +"FAF - ong 16.92. Trailing Stop 22.31 from 8 prior Stops of 22.04, 16.92, 16.40 ... 15.17 and 15.10 - ",1 +"SWY - inside day - held 50 sma, rsi holding above 40 , looks like counter-trend move",1 +"Despite weakness in AAP, SPY didn't fill 2day's gap - reversed a mere 0.13 away. Every stock out there outperforming AAP these days",1 +IPX Over 22.15 ,1 +MY Over 28.25 or 28.50 ,1 +XXIA Over 18.00 ,1 +user SHOT YHOO TO 0!!!!!,-1 +"WPI - buying looks counter-trend, possible bear wedge, wont be happy if it closes 2-3 days above 50sma, will have to re-evaluate if it does",-1 +MON - and monthly - game on... ,1 +"HA EPS estimates being slashed as squeezed stock crash lands, looking for low 5's ",-1 +"TSO Was long now crack spreads say low 30's = Short, VO good short too! ",-1 +"AAP No pain and no gain, will stay above 500 (mostly) but not higher than 580 and go as low as 470 ",-1 +GEOY Should be trading at: 41.09 as each share worth 1.425 shares of DGI (28.84) x 1.425 = 41.09: ,1 +China is FIX ing itself STDY,1 +CHK Good Info user: user S&P over 1470 and this thing rips IMO,1 +"with a name like SkyPeople Fruit Juice, SP is going to be the next AAP. just wait and see.",1 +"WH consolidating at the highs, with gap support immediately under the price. - from ",1 + MT BEAV --- all setting up for possible higher prices,1 +MGM Caught in a ange user ,-1 +New post - I could have Peter ynch'd this stock MD,1 +FSC goes ex-dividend tomorrow paying monthly 0.0958 per share with next payment on Jan. 31st with 10.60% yield,1 +user 3DTradingtrader I do have 3.1Mio to expend and race up any offer for DEPO,-1 +VOXX a user stock. Kudos to you my friend!,1 +"MCP Performing as expected, so many red flag raised on that one over last few months, so many here could say I told you so...",-1 +"SWY - *WSJ: Cerberus, Supervalu Strike Deal - Sources - may put a bid under SWY",1 +"SE SHOT CECO, SM, ACI, DMND, NS, GCY, BBG, EF, TM, EOC, XCO, VCCF, PQ, AXAS, PST, P, KCG, MNTA, NAV, PAC",-1 +HPQ in the 16.50 calls for .04!,1 +AAP daily pop then vomit in motion...,-1 +"MCP don't catch that knife, if you think it will survive define risk buy some January 2015 EAP option and forget about it till then...",-1 +"PX - ong 9.01. Moved the Trailing Stop to 13.30 from 3 Stops of 9.01, 7.78 & 6.55 - ",1 +AAP ... I don't see any more than 1 up 3min candle in a row so far this am.,-1 +"AAP about to go red, amazing how many times that pattern can repeat over and over...",-1 +user u didn't miss it if it is still going lower :) MCP,-1 +GDOT making a new higher high. MACD bullish cross + OBV trending upwards.Time to fill this gap. ,1 +Back to a full size position in ZNGA here,1 +FCE triggered Tues gapped Wed so today IMO do not have to think - you just take profits ,1 +"Goodbye FAF, acting weak, I've never liked you anyway - NEXT",-1 +not likin MSFT neg dvrgnce+hammer today goin into quadruple bottom. Still have some longs w/ stop ,-1 +WFC If they miss I will add,1 +BAC wait for it to setup again. ooks like it will retest 10.66 for sure.,-1 +"MCP you had a lot of red flags, but when the CEO was abruptly fired without a permanent replacement this should have got your attention...",-1 +AAP gonna bounce hard off 516,1 +GS is looking super strong.,1 +wait to you see what they do w/schools in 2013 user: The JMBA airport locations are generally packed. Good news user,1 +GS wants higher,1 +"AAP watch CS, it's a tell for AAP imo!",1 +BK - added to long,1 +user: long a few NFX 100 calls at .27 expire tomorrow out at .40 +48% no need to be greedy with them expiring tomorrow,1 +JNP - added to long,1 +CEE 5 min retest ,1 +AAP - trimmed 1/2 of our short exposure 516 level,-1 +AAP lower highs and lower lows intraday...where is big near term support?,-1 +The cult of Apple is dying - AAP,-1 +ZION...looks to be basing under breakout...could touch bottom of triangle though ,1 +HPQ ocket since Noon!,1 +HPQ ook at that Volume too! Very Nice! 16.50 Calls Do it!,1 +"X - took long exposure down 25.95 - 26 area - still very bullish on T look, stock has a rip - n - dip rhythm, want dry powder 2 trade",1 +"user sweet money, I need another 1.8% to scaling in Sell Short again CSN",-1 +HPQ Man these call options are so Cheap!,1 +user: user SHOT YHOO TO 0!!!!! ONE DOWN 19 TO GO lololol,-1 +"user I lost 15% of my holdings when it first opened, but have recouped it all through AAP and now FB. Buying more of both",1 +TE - new short on board for utility sector,-1 +"user Tr8r_x nice face, check the next HBAN Green Weekly Triangle (Sell Short)",-1 +"Green Weekly Triangle on HBAN,....Sell Short at 6.69 ",-1 +"user yea, but CSN in just one in my whole portfolio, when you scale, you always can fix the cost and ending with profits",-1 +BAC Out 11.78 waiting for a pullback.. if we have one today.. ;-),1 +AAP moving above 525 pivot today is bullish for tomorrow.,1 +AAP getting my attention. Showing some strength. Might actually jump in.,1 +ES SPY SPX can we hold this breakout on the ES futures?,-1 +AAP Someone catch a leak of some news at 2:30 or what???,1 +WFM - not getting much lift from the rally - looking like a possible bear flag - adding to short,-1 +"ed Weekly Triangle on HEK,...Net Profit 4,539.00 (10.84%) ",-1 +V interesting reversal today,-1 +"BAC 100% Cash -->I will never listen to the sirens say Keep r Trade Overnight, it will Gapp Never... I Promise ;-)",1 +HPQ is 17.50 too much to ask for tomorrow??? :),1 +SDJPY No breakout on the close. isk rally with equity traders in front of their skis into earnings. ES SPY SPX,-1 +Market underperform day thanks to my DDD + SSYS positions. Staying long 3D printing. AAP kept me green. More upside to come.,1 +"Green Weekly Triangle on HEK,...Sell Short at 3.96 ",-1 +"FS - Solar Market to ise 22 Percent in 2013, Deutsche Bank Predicts ",1 +nice! - user: Huge volume in MS breakout today.,1 +The price action is saying that AAP is not going to die after earnings. It had multiple chances to break 500 but didn't.,1 +BN BISH!!! to announce a 15% increase in Holiday sales ,1 +CS nice move above the 50 and 200 DMA. Nice base structure on a daily/weekly pattern.,1 +"OCZ -CES 2013, as Vegas, Nevada, January 8th through 11th (in progress)!",1 +user: T user: user: GAME ON!? #readyscoregoals. This company just gets it... #CanadianGrown ,1 +don't tell everyone ... user: That's a nice looking diverse list of 52-week highs: JNJ MMM GS OC F WAG DE,1 +Alarm bells should ring for DDD investors. ed flags are highlighted in this detailed and well researched article ,-1 +AAP Marketing Chief Phil Schiller will not resort to a cheaper iPhone to expand its market share ETES,-1 +"Squeeze squeeze slow grind higher continuing SPY 147.45 ES_F 1471 , WFC better deliver the goods tomorrow...",1 +HSA It always comes Back.....,1 +user HSA Good Day?,1 +YHOO Cramer kiss of death thanks bro. Can I get a BAC and JDS Cramer nudge? user kifmonster,-1 +MGM held this long term resistance: user: MGM Caught in a ange user ,-1 +AON Continuation on good volume ,1 +NFX Over 28.20 or 28.40 ,1 +ZC Over 4.75 on good volume ,1 +ES SPX SPY star on 4hour,-1 +A doji like candle close today on F may signify possible retracement between 100% and 61.8% Fib levels. Watching closely for more bull run.,1 +SWHC will continue to accumulate more mar 9 calls on any pull back below 8.10,1 +ISIS - with continued volume this can go much higher 13.22 to 14 is easy for this - it has some big green moves,1 +"user TSO Don't be fooled by one day moves esp. after a large drop, the trend and my stop says I'm still good.",-1 +SM - Decent base. ook poised to break out.,1 +user: NFX -- I let my wkly 100 CAS go from VEY green to ed. Not good. But will hold them,1 +TSO user Attached shows Fib and old resistance stopping upward move. Will stay below both. ,-1 +CGI ove this trucking co. should be bought on any pullback! ,1 +QCOM Best play on Samsung (Snapdragon) and anti AAP play. Best tech. play too. ,1 +QCOM Another view w/ blue sky above ,1 +Student Debt: A Trillion Dollar Bubble - SM NNI,-1 +COF is approaching key resistance level at 62.92 a break of which could accelerate the stock price ,1 +AON has been in an uptrend since July and Thursday's break suggests a continuation of the upmove ,1 +GDOT W/ Bullish MACD cross along bullish SI action it should only be a matter of time to take off ,1 +"BAC failed to break below, uptrend continues",1 +"user: With the Financials (XF) already +4.6% YTD, Wells Fargo WFC might have to deliver the moon today #expectations",1 +One small step to send cable TV back to the 80s. Quality content exclusive on NFX. Can't wait for the return of AD. ,1 +ong setup SM ,1 +user: DDD 3D Systems Wins CNET Best of CES Award for CubeX 3D Printer,1 +COMPQ SPX AAP FB BAC GD SV 5 Characteristics of a successful trader ,1 +"NKD and SINA are two breakout stocks on watch list for today. Buy high, sell higher!",1 +msft if it takes out 26.29 it has a gap to fill from jan 2012 ~26 ,-1 +MS Morgan Stanley Hits Our 1st Bull Signal Target (Called Dec 11) ,1 +JCP Cash-flow distress That doesn't sound very good... BS downgrade to sell,-1 +Market Wrap Video + Additions to Watch ist including: AEG DI IPX NG MY ONTY QIH ST XXIA,1 +GOOG so far so good in premarket. If the averages help this could get above 745 today.,1 +HPQ where do you think that new Mutual Fund money is going???,1 +X adding a little,1 +DK moving out of his Darvas box - keep an eye on volume.,1 +GF Open new position at 35.52 - new uptrend starting ,1 +BAC It is the effect of WFC... so it SHOD be over in half-hour... I'm moderately Bullish,-1 +user: NG long setup ,1 +"Trend in outsourcing...workforce...is extremely strong, especially in the medical industry... ASGN has a lot of room to grow. - Drogen",1 +AAP climb 525ish then took a small step backward - wedge forming. Breakout is imminent.,-1 +I hate to do it but reducing DDD position today. Just getting too big in portfolio. Still very bullish.,1 +AAP - took down short exposure by 2/3,-1 +Would be healthy and desirable for to eventually put in a little handle/shakeout before climb over present 58.90 pivot STDY,1 +"ed Weekly Triangle on MH,...Net Profit 4,895.75 (7.22%) ",-1 +"its time to put GOOG under the warming lamp and get some heat into it, just languishing for now ",1 +"Green Weekly Triangle on MH,....Sell Short at 4.06 ",-1 +"GOOG averages trading up, and this is lagging now. Actually near the lows. Not what you want to see. Strong support at 736-737.",-1 +OC osing mkt share to JDS T now and looking for *much* lower prices. Will miss earnings too! ,-1 +WFC I think we go green at some point today,1 +user 3DTradingtrader if go over 6.60 I will sell more DEPO,-1 +"So much topping action here. Shorting KEY at 8.90, Shorting CAT here at 95 with a stop at 95.6. ike these trades A OT.",-1 +"MDSO - ong 27.51. Trailing Stop 37.00 from 7 prior Stops of 31.30, 30.17, 29.41, 27.86, 27.51, 25.15 and 22.79 - ",1 +been talking about low priuced stocks flying- FCE buy was Tuesday - 30% gain way overbought now ,1 +And there goes that 520 level on AAP.,-1 +WPI - whoopie - that's the stocks nickname,-1 +NFX is this developing a HGE cup&handle with pivot at 120?,1 +DNB Call volume spike ahead of earnings ,1 +S have anyone noticed the HGE volume today? If this thing pushes through 6 today we might have a runner for next week.,1 +"MCP craters, management tells u biz sucks, all sorts of red flags, and some people call that bullish? bottom? delusionnal.. #youondrugs?",-1 +"user IV having a down day today, but take a look at APO, 20 green days in a row since Dec 13th! Now, there's a rip and a tear!",1 +ST from watch list over lien a bit on volume of 51% of full day average ,1 +"APO 20 green days in a row so far, but no new high yet today.",1 +Not looking for any sustained upward momentum until after next Friday's options expire. Too much interest in holding it down. AAP,1 +BAC I hate analyst.. They Scrap a beautiful day :(,1 +The big setup for early next week is GNC. It will probably run into earnings as market expects huge numbers. eports Feb 11 (long),1 +BAC at least it' is a resilient stock...,1 +CAT holding that 95 level beautifully today. Cup&Handle from September to January. A good market and this BEAKS OT.,1 +GD Trying to break d/t line after finding support at 200 sma. ikely needs GD to hold 158.5 ,1 +F 9.8 is a possibility before market close... so much power under the hood.,1 +"Green Weekly Triangle on KTOS,..pdating ",-1 +DE Approaching next level to Short back lower - 61.8% Fib and old ,-1 +F evel II easing a bit but still allowing the possibility of a late day run.,1 +AWK En Fuego part 2 ,1 +user welcome to the TK club,1 +GTAT healthy pullback on low volume after a nice run on heavy volume.Positive MACD divergence. ong ,1 +TAB user alexcampbello This is what the street sees and hence lower she goes ,-1 +sold 3/4 of AN +0.27 (+2.94%) - keeping 1/4 of position overnight,1 +AAP - didn't get the pricing we wanted but added to the short after the close,-1 +Market is looking strong. Think financials will catapult SPX towards 1500 next week. GS BAC,1 +AN breakout.,1 +HT bearish,-1 +"Green Weekly Triangle on DN,....pdating ",-1 +Demand for breast implants at all-time highs - good or bad for economy? AGN old wallstrip too ,1 +"...offhand, that includes in growth: EN Y SPF MHO ITB AD TTM HTZ DOM WK EMN PO SCA WO FET BCEI FXI HDB EVE ...",1 +Wk #2 perf 13 Stocks for '13: DDD DNKN FT INVN KOS NKD MOV NTSP AX SCCO SCA SSYS V ,1 +NKD stormed back in week #2 with a 4.29% gain after being the dog in week #1 #13for2013 ,1 +cstr found support at 26 ema. nder the 50 sma tho look to short under 26 ema & add on cloud break ,-1 +pnra missed this one yest on the short side but will short under 50 sma ,-1 +NKD following FB lead. un to 122-124 before more resistance? user ,1 +"Although sounds random, when AA is down on earnings (like this week) SPX down 0.62% next mo. ",-1 +"O - short setup if signal fires, like this, it will be a 50sma reject and weekly & monthly time frames look like they are weakening",-1 +IMM didnt come out this XMAS with BB10 so they take over next XMAS - take share from AAP - they smart well timed,1 +user ShadowTrade1134 I think it's a fair analogy - VHS beat Beta because it was less expensive. AAP,-1 + Bear flag? from ,-1 +PCN bull flag & pennant? from ,1 +"DNDN: nice vol expansion friday, and may be worth watching for a few bucks. ",1 +So what I used to do at Borders is called showrooming...i hope this works for TGT...the nature of retail is changing ,-1 +AAP Trend emains down and Giving Another Sell Signal... ,-1 +"user: SV super cheap stock, that appears to be getting ready . to fill a gap above current price! >Nice name 2",1 +"user jmixer INO since Jan 7 it is a green weekly that is why I closed my long at 0.67, my broker doesn't has share to borrow me,....",-1 +user jmixer I will wait for 0.57 to re-charge again my weapon against INO,-1 +ddd nice st/pennant pattern here. ook for a breakout ,1 +IWD short 15 to 13.50,-1 +AAP - Korea Hot Stocks-G Display falls on talks of Apple order cut - ,-1 +Sigh AAP will continue to keep QQQ down. I'd love to see AAP rebound on negative news.,1 +"AAP IMM: Apple reduces component orders for iPhone 5 on weak demand, WSJ says - Party is OVE!",-1 +AAP i love you but I'm,-1 +Song for AAP bulls ,-1 +"Today could be the day where AAP breaks 500 and the rest of the market doesn't care, what a change... #divorce QQQ SPY",1 +AAP The only thing you should ask yourself; is today the day to buy those Feb 480 puts...,-1 +AAP - 25% of short covered - blows that system would not route to NYSEACA before 0700 EST when offerd below 499,-1 +AAP - 1/2 short covered,-1 +CS will play lower,-1 +well done to those short aapl friday.....gutsy. got the news you needed.,1 +AAP under 500 is a great long term buy. Ignore the noise.,1 +Thank you AMZN for pricing Fire at 199 in Nov 2011. et's do same with a phone in 13 and the wireless service in 14. Customers WIN!,1 +JNP - acting well again - added some back,1 +"AAP - Bearish News at the Bottom, Or The Start of a New Downleg? ",-1 +AMZN has momentum. Its a better buy than AAP or GOOG for now. Close above 270 might push it to 300 quickly.,1 +"Green Monthly Triangle on CHTP,.....Net Profit 11,664.75 (115.73%) ",-1 +PCN wait for that close above 662-663 to get involved in this name. And watch for VOME to confirm uptrend continuation.,1 +"AAP sending a reminder to NOK,",-1 +CMG - Still a good low risk/reward short below this descending trend line. Core short is Bear Calls ,-1 +COH close above 60 is extremely bullish. Watch it.,1 +HPQ heading back over 20 imo! Funds oading!,1 +BAC out of my swing trade for 8%. Protecting profits.,-1 +I remain convinced you're either in Apple stock AAP for another five years... or you should have sold already. There is no middle ground.,1 +"I am long AAP (about break-even) and EAIEST I'd sell is 2014, if no dividend hike happens. PE is under 9 right now on FY14 EPS of 56.",1 +CSCO c'mon 21.,1 +aapl symmetrical triangle on 5 min looking for topside breakout ,1 +AAP drops over 25% since Sep b/c of concerns of maybe a 10% bump in Android phone sales? #mathfail #oversell,1 +aapl in long per earlier tweet on topside breakout of ST,1 +AAP appears to be dragging down QQQ and SPY #stockaction,-1 +"AMZN SNTA ANA all ripping today, even X setting new all-time highs this am.",1 +"FOM is breaking above Friday's high, a strong continuation higher is likely. Next resistance 5.37 ",1 +VVS ong set up: ,1 +ook how long DE has been fixing itself. Miraculously HPQ has done what DE can't. Not! QQQ XK,-1 +AAP Going to be interesting to see the pop and squeeze on Jan 23rd if we see a positive report.,1 +A week later these stocks are trending bullish: 5 Shale Plays for 2013 APC HES COP MO DS.B ,1 +"user The rare earth business fundamentals are terrible right now and MCP has all sorts of issues on top of that, compelling ?!!!",-1 +user xraystocktrader Great dividend pay and continued upside. Eager to see the next acquisitions CVX,1 +user Krisanti that is why I had mentioned that AAP sent a reminder to NOK,-1 +drugs are back...lance is gone user: arge-cap Health is doing well. Both PFE and JNJ hit new 52-week highs this morning.,1 +"Marc Benioff Has Swagger, But What About That Income Statement? - CM",-1 +"Green Weekly Triangle on SHO,....pdating ",-1 +user: ANF triggering at the 48.70 buy price. Nice 15 min candle. Need to build on this intra-day momentum,1 +HBI from watch list briefly went over line and puled back but volume is ok at 57% full day average ,1 +XXIA 5-min found it helpful to watch the 9-period EMA pink - when using gap rule to protect profits ,1 +AAP fills the upside gaps within an hr but takes an eternity to close the downside gaps. environment is clearly bearish,-1 +nice DE.,1 +GW Higher volume on the way down as the news pumps the stock up doesn't sound very bullish to me. ,-1 +Student Nobiano made 14% roi on a BT trade. Great for you sir!,1 +user says you might double your money in closed end fund GSVC this year if Twitter pulls off a good IPO. ,1 +bac fib levels ,-1 +F is a buy to 11 imo. That's my price target for Feb options.,1 +Triple bottoms are rare. This is the third time that AAP traded near 500 in last 2 months. Still too many AAP fanboys. AAP,-1 +here at hedgestreettrading we are very on sons,1 +HPQ my 17.50 calls Are Happy Now!,1 +"HPQ Trading at a Multiple, oad the Freaking BOAT IMO!",1 +Awesomeness...Monday links: swapping risks & around the financial blogosphere. via user AAP JO GA,1 +Going Private is the new Going Public. DE,-1 +user T3ive A looks very strong for a breakout play.,1 +CSCO MSH! MSH! MSH!! 21.00 c'mon mon..,1 +"etail drill-down raises questions - XY, XT, TH - SPX, SPY, M, GPS",-1 +F coiling so hard right now,1 +K: ong 53.69. Trailing Stop 52.16 from 2 prior Stops of 51.25 and 51.05 - ,1 +"Si VFC alcanza los 153,98 , reconfirmaci?n de la tendencia que lleva la sesi?n, provechando el rally alcista de final de sesi?n....",1 +DE 5x vol many people gonna lose their butt if there is no buyout,-1 +I think way too many people bought these dips to 500 and won't know what to do with aapl at 420....no plan equals all our mess,1 +Jeff Bezos...having just a wonderful day....as usual....and he's thin. Bastard. amzn,1 +CSCO OO!! 21.,1 +AAP lets see if we say goodbye to 500 today.,-1 +I totally helped beat revenues...i do and I do and I do ...but yoga bores me and western world will bore of it as well #doritos,-1 +Why can't they take AAP out of the index? It's holding everyone back! Slacker !!,-1 +"Green Weekly Triangle on SONC,....Sell Short at 10.96 ",-1 +user: DE 14.75 would fill a huge gap from 5/22/12 lol good luck with that,-1 +"ssys website investor relation page uses morningstar stats to quote mkt cap. MON Statistics are wrong. there r more shares out, way more",-1 +Shares of FOM are drying up as the accumulation continues. Daily technical indicators are bullish. ,1 +"ABC 123 Clearing up and out of a nice base, #Drugs PJP SPX SPY ",1 +"user an error on Morn data.its not updated. shares outstanding equals 41 million , not 21million. mkt cap 3.4 bil not 1.8 bil",-1 +user i stumbled upon a data discrepency for SSYS. On MON YHOO and ssys website it says 21m shares out. really 41m shares out,-1 +SNTS Getting puts at the open. eally pleased that a decision came after hours. Allows for much better entries into positions.,-1 +SFY would start with a trade to the second line - so starting over 33.30,1 +A typical set up - Over 26.11 ,1 +"INAP 717, riding 10MA, extended, based, bolly deviation1 & 10MA right under, room to upper bolly ",1 +AAP needs to hold here 500 or could see lower prices. Earnings within couple wks ,-1 +"HPQ oad every dip, everyone wants in!",1 +. user: AAP hits 491.50. Hedge fund margin (leverage) highest level since 2004. The question is how many hedge funds blew up today?,1 +Out of my aapl 490p at 8.50 for 47% 5K!,1 +GNC is perking up despite general market weakness. One of the better risk/reward long setups (long),1 +user: PI nice early action... on watch ,1 +PO is perking up again. Very strong specialty chemicals' stock,1 +JPM wants to go higher. XF SPY,1 +DE outside bbands - I have to believe this pulls in a bit. ,-1 +"BK - want to buy lower but hourly showing improvement, added to long",1 +AAP - took 1/2 of remaining short off,-1 +tol finding support at top of the cloud ,1 +ZCS broke out last week & has held up well pulling back on low volume. Keep an eye for a possible breakout over .83,1 +"CSN,....sell short at 9.38 scaling",-1 +New Blog Post - 'Momentum Monday - AAP dip buyers missing the market mojo... ,1 +"AMPE,...sell short at 4.48, scaling",-1 +So to be sure. Everyone can short AAP and make money. Everyone is going to jump in when market crashes on Debt Ceiling. Perfect.,-1 +Great move by Guggenheim in hiring ex interim CEO of YHOO... ,1 +AMZN has a pretty strong intraday support at 269.5. I'm still in until that support breaks.,1 +APKT back over 24 here is where it gets interesting ,1 +AAP when are earnings?,1 +"Don't look now, but INT is clearing all-time highs. 10th time is the charm",1 +user: erased the opening drive down. still down 4 so plenty of room...let it consolidate,1 +GOOG that's some nice and fast move off the lows.,1 +"Again, this mkt is FAT while AAP is down 2.5% cratering thru huge psychological level, tells me this tape is strong SPY #dontbeshort",1 +AMZN remember holding 269.5 is very important for break out continuation. Watch it. I'm long and will add on break of yesterdays high.,1 +user: HEO beautiful flag forming...7 and 10 eventually,1 +"DEPO sell short 6.43 scaling, next level 6.27",-1 +"AAP Study These easons Why Apple Failed, and Where It's Going STDY",-1 +user: NVDA is a growing cash cow with a 20 P.T by EOY 2013-2014 XK AMD STX QCOM INTC #Technology ,1 +PATH See no real company or new drug approval value lost!!! just shorters manipulation,1 +THC from watch list set up well yesterday and today above line - volume 46% of ave full day ,1 +AJ from watch list triggered a few cents yesterday and continues today - volume 41% ,1 +ODP - Breaking out from resistance ,1 +aapl 484 going to level in to an aapl trade today for a daytrade to the long side....first quarter buy now.,1 +no reason for you to try to get cute and try aapl long.. stick with trend until it [rev] holds above 489 and 500,-1 +AN - Confirming nicely today. Seeing a double bottom on the daily & now pushing above the 20 day moving average of 9.53. Good action.,1 +TAB Mikel H. Williams helped the acquisition of Viasystems Group and Dennis F. Strigl use to be COO of Verizon Com & CEO Verizon Wirless!!,1 +"Flipping out the AAP trade for 6 points ....never got the meaty trade off. still obviusly long, chipping away",1 +user AAP In what world did Apple expect to order components for 65 million iPhone 5 handsets in the seasonally soft March quarter?,1 +SWHC Obama/Biden to speak tomorrow on gun control legislation...,1 +"user a lots, I want to cover at 3.88, so I have to complete 25 to 35K of shares AMPE",-1 +CMG Not the most exciting stock lately however upward trend still in tact; consistently pushing above the 20 day average. 297.00 now key.,1 +eading Stocks eading & Stock Market ESIIENT on down days. Further indication ally to continue. ES_F GNC NSM EVE DDD STI NF,1 +APO Being accumulated. Bounce off critical support and above the 50 day (+20.00) tells me that this now (likely) continues higher.,1 +AAP Just broke through a downward triangle coming off a massive head and shoulders. This thing is toast.,-1 +AAP The number one problem is that earnings expectations are way too high and the smart money knows this. ,-1 +CHK squeezie ,1 +VVS breaking out of a flag setup. MACD cross-up. ong ,1 +CHK 15 min kelt/bbands fired earlier while at lunch out 1/2 the 17.50 this AM +100% ,1 +"HPQ and here she comes back, if DE gets bought out HPQ will ocket!",1 +AAP dumping into the close still see this going sub 400 maybe at or after earnings report in a wk or two. GY TOWN,-1 +AAP Why do so many people believe that Apple should be commenting about stock decline b/4 EC? It's called the quiet period for a reason.,1 +DGI DDD both acting strong ending at hod with decent volume at the end.,1 +"ed Monthly Triangle on CYTX,....Net Profit 9,845.00 (11.01%) ",-1 +"Green Weekly Triangle on CYTX,....Sell Short at 3.02 ",-1 +WMB might fill this gap and reverse. ,1 +FS - inside day - we will add to long on break above & our stop lives a little below 30 area,1 +AAP Probabilities rising for a test of the 2003 trendline in the ST. Mean reversion pts to 350. ,-1 +"WFM - looks like a bear flag, we are short, will respect the flag and exit on a close above ",-1 +BCEI Over 31.30 ,1 +DCTH Back over 1.52 - 1.55 is you like volatility and low priced ones ,1 +AMZN - still in its uptrend motion. Buy dips. ,1 +NFX - next resistance level is at 110 ,1 +PCN - long setup ,1 +"AAP If it breaks the 5 year support line, Apple would have to depend on iTV to take it the 52wk-h ",-1 +VG is consolidating inside a large ascending triangle w/ TP of around 3. Breakout watch over 2.55 ,1 +"AAP trading close to point&figure trend line support. Next target is 470, at trend support. ",-1 +BAC Yep it Will B a good day for Financial... As soon as we have volume (9.30am) it will ise P !,1 +CIE COX CMG getting smacked off the open,-1 +SSYS postpone Q4 release from Feb to approx March 4th.,-1 +"Check out list of top performers since AAP peak, from user - Dogs like FS DE? +80% in NFX? Please. ",-1 +NEW POST: Positive Earnings and Cost Containment Continue to Propel MS ,1 +GOOG and AMZN showing some early weakness.,-1 +If AMZN takes out yesterdays lows ONG better be careful.,-1 +if AAP reverses early gains QQQ will be in really big problems.,-1 +"OABC - ong 16.55. Trailing Stop 22.80 from 8 prior Stops of 21.16, 20.18, 19.00, 18.70, ... 16.74, 15.90 & 15.25 ",1 +"TWC on the way to potential breakout over 99 channel. Tgt 100, 102. Wht u think user ",1 +NVDA breaking 30 min trend ,1 +"AAP ong position in Apple after reaching 503,38 . Maximum of the day. Stop loss 500,4 .",1 +"CEG Too high, too fast. This one is well due for a pull back here. 100.00 is key.",-1 +"AAP If Apple reaches 504,44 , change the Stop oss and put it in 501,60 . Also a chance to go long.",1 +ANN - 200 period - hammering. ooks good. 4 month pattern. ,1 +BAC p p Step By Step... esistance 11.65-67,1 +Dip buyers alive and well everywhere... user: Dip buyers alive and well in JPM.,1 +NVT at 1.73 vs. OC at 1.73 I went w/ OC vol difference today but should roll over by end of wk. OC just my opinion could be wrong,1 +"Green Weekly Triangle on GPN,...pdating ",-1 +BAC 11.75 -12.00 Today ???,1 +CNDO - we are in at 5.78. ooking for 7% on this one.,1 +NVT has the most unusual increase in #socialvolume,1 +ong CF,1 +"FIO ioSCale announced today at Open Compute Summit for hyperscale & spinning disk replacement, another game changer",1 +user: Twitter followers! Are you bullish or bearish on AAP ? We want to know. Bullish and cautious! =^.^=,1 +NVDA - IHS daily oversold ,1 +DECK Once again proving to be bullish (confirming) bouncing above the 20 day on increased volume.,1 +AAP Still long. Bulls in charge today.,1 +user: NFX ising wedge. Normally bearish. Close below 94 confirms. > nice one,-1 +CSN did not catch the bottom but bought some on weird dip - hope that manipulation means good things to come,1 +GS a solid move higher into new highs today on on strong volume. ,1 +NYNY moving right along. ,1 +Student Stephanie N said HOY GACAMOE!!! In 30 SECONDS I made 24% OI on NFX.. :-D user TradeSmart,-1 +"ed Weekly Triangle on CSN,....ong at 6.8815 ",1 +AAP 100 week support ,-1 +WCG onged today swing... ,1 +"AAP One of the most reliable patterns I've come across, surprising its an intraday pattern. study ",1 +YHOO volume is BIG. Closing above 20 today will give enough fire to make a new 52 week high later this week.,1 +HPQ opens over 18 tomorrow!,1 +"user hey great call on HPQ, you think funds are buying now O!",1 +BAC IMHO think will gap up on E,1 +"HPQ I'm going to nail this Mofo! HPQ going to be in the Spotlight tonight, ooking for a eal Gapper tomorrow!",1 +SWHC bet PM will be mid to high 9's,1 +AAP We are long Call atio Back Spread 510/505,1 +"user HPQ that double top will be taken out by the close, watch and learn!",1 +G SWHC Market may be figuring out legislation on guns won't pass or be much at all. Shootings? Time to load up.,1 +BAC ike I told 11.75 in AfterMrkt = Very Good Setp for Tmorrow ! :),1 +"The GOOG daily chaos event is looking good green line is moving above white, just like dec9 move ",1 +"Green Weekly Triangle on CYTX,....pdating ",-1 +"HPQ Autonomy was being looked at as a total loss, now they could sell it if they so wish??? HPQ in a strong ptrend here! OAD!",1 +Apples are falling down? AAP ,-1 +HPQ how many upgrades tomorrow assuming Autonomy is now worth something...,1 +HPQ very nice close imo!,1 +"FOD cover at 3.93,....net profit 1,571.00,...ugly triangle, no more with FOD",-1 +CSN My target remains at 9 before the data! More news... ,1 +DVA really nice break through DT line on volume today ,1 +SSYS exuberance is a stock generating 2million in operational cash flow for 9mos trading at 3.4 billion. or u could say a top,-1 +Big win for brokers... New Mini Options Bring Big Changes For Traders via user SPY AAP GOOG AMZN GD,1 +"WMt buy signal was too easy, just the math baby, and good discount too ! ",1 +some thought my M call was too early but it screamed fashion makeover and WOW we look good now ,1 +JPM - a whale of a trader,1 +Now watching BA,-1 +"CMG > keep these levels in mind: bounce to 284-288, followed by down leg to 238, a bounce to 254, and down leg to 212 / 202.",-1 +V Over 11.35 ,1 +Disney's new Infinity game is going to be huge. My take DIS ATVI,1 +"BA Now it will come back to haunt them for years, as they say, you eap what you Sow ",-1 +"PGX no hype, spot 6.88/.90, b/out 6.91, no resist on daily til 200SMA 7.33ish, 50SMA sliding under ",1 +DN first hint of trendline break to the upside ? ,1 +"AAP Going on my confirmed theory selling came from those with inside info last 45 days, cat is now out of bag, no suckers left, bullish",1 +AAP Another Downgrade ! Broken,-1 +BAC Bank Of America Earnings Stronger Than Expected ,1 +GOOG and AMZN calls are on my watch list for a day trade. Taking a break from AAP,1 +AIG Going up in the premarket so somebody knows something I don't know.,1 +BAC since the earnings did not seem to impact the price a break over 12 is in the cards. Good longterm hold.,1 +ANY looking good for 22.50 calls :),1 +"user: GOOG put options at 8 year high, interesting",-1 +Trade Setup AKAM - ,1 +Trade Setup AA - ,1 +Trade Setup CF - ,1 +OW PT hit and now at resistance ,1 +SANM from watch list with volume of 9% ave full day - slightly over line ,1 +"HPQ should Explode today, 18 coming imo!",1 +CEG Confirming the expectation below 98.50. ikely to crack here.,-1 +You can't garden wall a browser AMZN AAP,1 +American Apparel APP presents at 11:05,1 +CSN Correction: Thermodox is a nanosoccer ball that's anti-vascular as well as anti-neoplastic!,1 +PI daily thx for the heads up user ,1 +GME over 23.40 here looks good to go,1 +"WOW, just saw the price of next weeks (E 1/22) GOOG 720c at 20!",1 +raising stop on OW right under today's low around 35.90,1 +"WN: ong 19.79. Trailing Stop 26.64 from 7 prior Stops of 24.39, 23.76, 20.42, 19.79, 18.09, 17.13 and 16.39 - ",1 +"When is Demark coming back to prop up AAP? Yesterday a classic dead cat bounce. Now a value stock, need go lower to find size buyers.",-1 +NG - liked it where stewie mentioned - off the 20MA. First pullbk2 same would B good 2nd entry ,1 +IN SOME ANA,1 +Bookmark arry Page on why Moonshots matter ...must be why options markets exist :) goog,1 +SWY - now drinking Safeway store brand (Columbian whole bean) coffee out of SBX cup,1 +Back in BK long. Nice reaction to earnings. This has the makings of a runaway/measuring type gap.,1 +KOS kept wishing it was first cousin. looking good here. ,1 +"TIVO holding well above MA(50) 11.60 this morning, I believe it is a long setup",1 +SMB adar weak today FAST ADTN CAM ,-1 +ssys adds over 100 million in market cap today,-1 +user: ANA looks like a coil setting up,1 +HOTT FNGN PIM FNF - moonshots all over,1 +"WMT - H/S, struggling at the 200dma as well, MM target about 10 handles to that gap fil below ",-1 +IPX biotech on watchlist with vol of 42% full day ave moving toward gap and 200-day needs more vol ,1 +SWY - wow doing a number on the bears this week - scaled out of a little today,1 +AAP 900 lot offered in the eg Jan 500 Put at 1.71. -28 delta put could push the stock up or create support,1 +WCG Everybody looking for something to buy...basement trade w/fundamentals... ,1 +AMZN trying to break higher ,1 +"user INTC Yep i had to follow that money, looks like something good is coming down the pipelines!",1 +BA SHOT 130 75.25,-1 +"Green Weekly & Monthly Triangle on ISIS,....Sell Short at 14.14 ",-1 +GS exploded in the last hour. Green bars since 1.,1 +"BAC has to turn and run with the SPY, watch for EOD eversal!",1 +FAF looks good. Pivot range 24.87 to 26.11 Volume +76% today. See if close and/or get over days highs at 25.60.,1 +"user AM is down because, who really buys cards after Christmas? ",-1 +"C Big Pop, BAC to Follow!",1 +"WPI - inside day cracks to downside, we are already short - no add here",-1 +ZNGA There are a lot of supports here SMAs. I just bot few shares at 2.54 Falling on low volume ,1 +GEVO Watch for a break above 2.08 to test the recent highs at 2.43 ,1 +ssys Voyant Advisors negative report. sees high risk in earnings. An earnings risk 9 on a scale 1 to10,-1 +"ssys on Nov. 13 report Piper Jaffray put new price target in report at 76, Dougherty in December's report put tgt at 67",-1 +user: : BAC Consolidation in progress... yep its consolidating to 10> Should go to Emotions Anonymous Take it to hard !,1 +ZION Cup & Handle pattern. The stock would confirm the pattern by breaking up through the 22.8 ,1 +GEVO Broke out of a bull flag pattern to the upside today & the move was accompanied by high volume ,1 +Added to holdings in AAP BID FB in AH. Also holding DDD. Down to 25% cash. ,1 +"BAC Hawken has a price target of 11.50, estimating the company will earn 95 cents in 2013,",1 +Nice one from user Marketshare or Margin....the AAP dilemma... ,1 +"DPZ nice intraday upward reversal adding to the bull flag, keep on watch for move over 46 ",1 +"TEX another nice bull flag, watch for the MACD to signal next breakout ",1 +"WH also a strong day today, looks ready for the next leg up ",1 +"GMC keeping a nice consolidation, should make a big move soon, MACD & SI turning up ",1 +"AJ really strong up here, but caution overbought SI and declining MACD ",1 +"CEN nice gap support, looks ready to head higher ",1 +"WYNN nice bullish consolidation, could pop soon ",1 +"VS similar pattern to WYNN, bull flag building, keep on watch ",1 +A in a clear downtrend with no sign of relief ,-1 +" also not very healthy, fell back below DT line after breaking it, SI weak, MACD turning down ",-1 +"NFX hammer on the breakout back-test, watch tomorrow for a bounce ",1 +INTC Anyone have any thoughts on how late algo trading and option OI will affect the stock price tomorrow? My guess 20.50 to 21.50 at close,1 +Need body parts? IHI SYK MDT ZMH user nice call BSX ,1 +"AAP QIH The cheapest, most transparent China play is Apple. I avoid SOEs... management decisions based on guanxi and party interests.",1 +"user a36tran user as I said many times AAP big money is shifting towards this stock - that what I did 11,12,13,14",1 +OW Breaking out to a new 52 week high. ,1 +G has been quiet lately; good to get in before the pop,1 +IF Over 19.60 ,1 +"Intel earnings - capex & mobile matter not EPS. I mean, is the PC biz decline news to you? INTC HPQ AAP DE AMH",1 +NEW Blog Post- Watchlist 01/17. F KBH GPX SSQ SBX CSOD HD WT OCN EBAY TEX I CHK ITG S ,1 +BAC user Hope for a consolidation at this level if it drop it will stop to 11 support. Nxt 4-5 day s to come back to12 IMHO.,1 +Hot osers FNS TSX INTC AMN JDS,-1 +"GEO nice pop this morning, moving stop up to breakeven ",1 +long ACI 7.39,1 +CEE - to be clear - no chasing - entered Monday ong ,1 +"ADBE continues to weaken, not following market. Short on break under 37.60. user ",-1 +"V so far found support on the ceiling of the old channel, will look good if it holds above it ",1 +"user: ADBE continues to weaken, not following market. Short on break under 37.60. user ",-1 +"SHW - ong 131.42. Trailing Stop 140.12 from 4 Stops of 138.36, 125.06, 122.79 and 118.70 - ",1 +"BAC fully engaged within a secondary reaction off of its 12.43 high on 1/07, and points to 10.80/50 target zone",-1 +BAC still see this getting back to 10.50 possibly lower when the overall market pulls back next month.,-1 +"user: G two weeks away from its earning, ready to rocket within two days",1 +AAP > the 497 area will likely fail.,-1 +WH gap filled,1 +Monday AAP said 500 pin - still confident of close to a 500 pin for - take a look at this crazy OI spike. ,1 +STT strong bounce today continues to make new highs - been sharing this one for days now. Nice run ,1 +CSN Another SA article for the ONGS... ,1 +AAP - percolating? Perhaps a push above 500 soon...,-1 +"SWY - corn on a run, bears getting the cob SWY",1 +"AAP Wall St. most hated stock currently. Careful short, anything short of disaster will be viewed positively. Bit risky long. #MainEvent",1 +FIO: Insightful analysis on how Fusion-io is avoiding commoditization (via user): ,1 +"MCP.. sorry kids but Nissan, Siemens = NOT getting in the mining business, but have some fun buying whatever somebody is trying to unload..",-1 +"CSN I know it's a crazy thought, but WHAT IF this goes green by EOD?",1 +SCHW - breaks out of flag,1 +GS Ask is being pummeled...managers cannot miss this and afraid they are missing the train...,1 +WH nice rounded reversal pattern intraday since the gap fill,1 +"ES_F spikes off bottom. eading Stocks comatose but still leading. WAKE P!! OCN SBGI NSM FIVE GNC Makes you say, hmmmm?!?!",1 +AMAT reached very high overbought conditions. I will wait for a pullback to enter long ,1 +"ACI Option trader buys 20k of the Feb 7P on a hard offer vs. OI of only 1,400. Earnings are Feb 5th BMO. Could be a hedge against long stk",-1 +ZION Stalking. Cup & Handle potential breakout w/ anemic volume on Handle. Breakout candidate ,1 +VFC - we are short this one again - bulls need to hold the support it is in now or the break could be significant,-1 +BAC anyone think this might slush and fall below 11 today?,-1 +Big boy stock GE starting to build a very constructive right side of a current 14-week cup base.,1 +AAP This possibility exists ,1 +"egarding , going into KSS WMT TGT TJX OSS you see so many copycat clothing items, reminds me of COX 70+ ----> Sub 1",-1 +"DNKN not seeing a lot of talk about this one, but put in another nice day in this steady uptrend ",1 +"Green Weekly Triangle on ESSX,....pdating ",-1 +"AppleSoft: No, It Was Not Different This Time - AAP",-1 +"Green Weekly Triangle on HBAN,...pdating ",-1 +ltra base? TEK #ltratech Step it up! #Stepper ,1 +in dec GE long in the IA's under 20.00 stock had plague now world loves it 22+ tells me we headed down now just as then knew we heading up,-1 +AN - eversal confirmed closing nicely above the 20 day of 9.47 Also confirming today: IMM CHK Others I like: ,1 +Wk #3 #13for2013 portfolio: DDD DNKN FT INVN KOS NKD MOV NTSP AX SCCO SCA SSYS V ,1 +INVN reports next week & is 3rd with a 13.5% gain this year #13for2013 (watch cup w/ handle - wkly) ,1 +"NTSP is the laggard in the #13for2013 portfolio, down 2.03% for the year (closing in on 50-d ma) ",1 +ACHC I might be crazy but this stock is rising. ow volume however.Price matters first.,1 +Short term bearish on CYH as it now goes parabolic above the upper band of it's uptrend channel. ,-1 +CST watch for inverse h+s. >20days2cover ,1 +Watching HOV for a bounce to the upside. It appeared to touch 61.8% Fib at last Friday's close. ,1 +BONT a gap up like this may cuz it to go little higher to test 14 but we retest 13.00 for sure,-1 +FIE - Decending Triangle w/ possible bear flag last week. Open gap at 36.38. ,-1 +DGI toppy ,-1 +BAC Bank Of America Will ikely Double Again Within 3 Years These stocks are in my IA.,1 +SHD - Appearance of a 180 Bullish Cup and Handle. Someone has put on a SPD. ,1 +"Tight consolidation above 9EMA is quite bullish, so I'm stalking SII for a potential long entry ",1 +EW Into gap Over 95.00 ,1 +FOE Over 4.60 ,1 +PAB has resistance from June to Sept but Over 6.21 to start a trade ,1 +xray Over 41.00 ,1 +CNK - potential head and shoulders leading into BOJ bit.ly/XStZaG ,-1 +ooking for this to catch up to other Nat. Gas producers like NG Bought Feb. 18 calls CHK ,1 +SCSS usually likes to make a run to 30-32 when at these levels. Bought Feb. 30 calls for swing ,1 +Friday's high quality breakouts still within range of their pivot points: TV TMI OC WT MDZ FEIC HA SB OTEX,1 +AEO TECHNICA TADES WATCH IST tonight. These 20 stocks have the good characteristics with the market being strong. ,1 +CGX TECHNICA TADES WATCH IST tonight. These 20 stocks have the good characteristics with the market being strong. ,1 +CVT TECHNICA TADES WATCH IST tonight. These 20 stocks have the good characteristics with the market being strong. ,1 +GDI TECHNICA TADES WATCH IST tonight. These 20 stocks have the good characteristics with the market being strong. ,1 +SM TECHNICA TADES WATCH IST tonight. These 20 stocks have the good characteristics with the market being strong. ,1 +"the only surprise is upside user: With more negative AAP news, it feels like a short term bottom is coming. ",1 +BAC Bank Of America Is The Best Bank Stock On The Dow ,1 +DECK this sucker moves both ways this time i like it long ,1 +ZION when banks pull bank this becomes a teenager ,-1 +iberty Media reports increased stake of 50.25% in SII Breakout watch over 3.19,1 +GOOG - has potential for slightest disappoint stock could gap 50 points down - did it - Q4 earnings of 10.58 per share,-1 +GOOG november repeat 760 to 660 - good put spec call here,-1 +"DDD seems over bought, everyone raising PT, ATH, etc. eminds me of aapl at 700... At the same time I want to buy.",1 +Bullish QIH AAP IBM,1 +GOOG glasses will definitely give AAP a run for their money... ,1 +GS you might get to start a position at 140 then add more at 138 if we get there.,1 +"Sorry guys, but Netflix bulls need to hit the pause button. NFX ",-1 +NG from watch list sneaking over line on volume of 4% ave full day ,1 +OPEN table over line form watch list - vol just 7% of ave full day ,1 +Buying back the goog i sold in 730's on the stream a few weeks ago,1 +EN SHOT 250 41.70,-1 +"VVTV - We are in at 2.55 per share. This looks like a good one, its moving up already - we will sell at a 7% gain #stocks #insidertrading",1 +CO pointed out this wknd - huge Outside Day - Bearish Engulf took out all of Jan's gains. Watch. ,-1 +O - I am starting to see Blu everywhere. very small portion of business but holiday sales may have been BTE.,1 +ANF - SI overbought small position puts. ,-1 +ooking to add to BJI shrt/puts today - EAT,-1 +INTC BY 500 21.10 STOP 19.00,1 +XF moving with VOME again today and at resistance. Close above 17.20 and I'm grabbing some GS JPM for swing trade.,1 +Further proof BBY is trying to tank it on purpose to go private on the cheap: The great gift card giveaway 2013. ,-1 +KO made with sugar is sold at local COST. Consumers prefer that in CA. user-Cola should make shift nationwide. I'm bullish SB_F SPY,1 +"VA - ong 43.07. Trailing Stop 60.12 from 12 Stops of 58.98, 54.53, 52.45, 48.05, 47.32, ... 41.32 & 39.57 - ",1 +"I was looking at CS for a potential bounce play w/ AAP earnings, but imo AAP won't do 13 eps even if it does guidance will be key",-1 +D pays a nice dividend tomorrow and holding up well. Would like to see it close above 10 longer term looks good to 14 imho,1 +"DDD - ong 27.95. Trailing Stop 46.44 from 9 prior Stops of 45.23, 42.35, 41.70, 39.03, ... 25.44 and 22.93 - ",1 +WFM looking really good here breaking this DT line on good volume so far ,1 +user On any significant Vol over 11.30 in BAC it's a good Entry IMHO.,1 +"DDD strong winner, buy right and sit tight. Darvas would said hold em until they stop moving.",1 +"A nder Armour option trader buys 3,200 calls before earnings betting on 6% up move ",1 +BAC run don't walk.,-1 +MCP I like the company but no...,-1 +KB Homes KBH price targets spy,1 +DN buying this flag breakout; entry 6.49 stop 5.98 ,1 +SANW Piper puts 14 tgt on it today. They did recent offering. Would love to know what they said. I think will be a quiet yr pricewise,1 +PW making a new 52 week hight today on good volume,1 +KBH breaking out,1 +"In about 20 minutes, some yutz in his 70's will leak GOOG earnings at some firm that should not exist deep in the bowels of wall street",1 +KBH Big move today. At resistance ,1 +"When GOOG beats estimates, stock averages 2.7% gain. When it misses, shares fall 7.9% via user",1 +CHK just ripping ,1 +"I was big fan of AMZN but daily and weekly very heavy now, take your gains,selling calls wont be ok ",-1 +"Kudos to Tim Cook 4 pushing E to Wed...emember MK weekend 2 yrs ago/day b4 E, when Steve Jobs went on medical leave 4 last time? AAP",1 +"Most eading Stocks lagging ES_F, AMH FT, others displaying climactic action, DDD MTZ. Positive reaction 2 AAP EPS is a Bull Trap.",-1 +"Green Weekly & Monthly Triangle on ISIS,....pdating ",-1 +BZH Beazer Homes SA option traders getting bullish before earnings buying over 8k calls ,1 +"Green Weekly Triangle on AMPE,....pdating ",-1 +"AN No serious resistance till 10.00, 10.17 Just getting started (likely)",1 +SNFCA moving stop tighter after seeing reaction to resistance ,1 +SPY Dismal volume today. It appears everyone's waiting for AAP to release earnings before they take a position.,-1 +GOOG > I made a slight change by relocating wave 3 to last Friday's low. ,-1 +"ed Weekly Triangle on FT,....pdating,..near to end the trend ",1 +KEX closed 3.37 called the long at 3.08 - biggest winner of the day!!!1,1 +IBM apparently the numbers were good,1 +GOOG lower trendline adjusted ,1 +CHK looks like an intermediate term bottom ,1 +TXN Why down in AH on beat?,1 +"Green Weekly Triangle on DEPO,.....pdating ",-1 +GOOG is the best. chrome on IOS it better that safari. goog innovation is far better.,1 +"user: OK, correction, WDC 15-16 year highs.",1 +goog short 738. Think they will sell into the open tomorrow. Would be lovely and same procedure than every quarter :) Good Night Guys!,-1 +"GOOG thank you for the sake of my calls, will love to see you go higher in the morning!",1 +AAP - 3 scenarios to watch ahead of Apple earnings and the resulting price action ,-1 +user KEX with volume continuing I see this going to 4 - pretty easy - long today right above 3.00,1 +"TSA some nice PVE here, but got rejected at 35.50 area again, keeping on watch for a push through ",1 +IBM GOOG AAP FB COMPQ SPX 79.6% of S&P 500 Stocks Overbought ,-1 +"WH held above previous day's lows continuing bounce from the gap fill, SI back above 50 ",1 +"GMC haven't missed the party yet, still consolidating, could go any day ",1 +AAP Anyone have any suggestions for bullish positions assuming 5% increase after earning? 530 long calls seem to have limited upside.,1 +"VMW testing its recent uptrend here, not real impressive as of late, SI now in bear country ",-1 +"aapl so aside from simply levering on common stock or writing puts, any other *risky* strategies to play earnings for maximum reward?",1 +SGMO monthly ,1 +user I'd guess if there were other AAP issues with the magnitude of maps we'd know it by now.,1 +"user I'd buy an iPad if I weren't wedded to 64-bit gigaflops, gigabytes of AM and inux. AAP",1 +AEG Over 28.23 ,1 +homes are building - KBH may break over October levels - Over 17.20 or 17.26 ,1 +"FFIV another CSS falling through lower trend support today, seeing a trend here ",-1 +Good stuff user: Google Earnings eview: Hopeful Signs in a Multi-Screen World GOOG XK,1 +user I don't know about NOK and IMM but I suspect Mr. Ballmer won't make his numbers. MSFT,-1 +Positive GOOG earnings pushed NQ_F higher and it finally looks in sync with ES_F & YM_F QQQ SPY DIA,1 +Bloomberg : Morgan Stanley's ist of Companies with Higher Odds of a Takeover Offer FS is a TAKEOVE candidate !!!!,1 +FAO is deciding its direction #waitforit ,1 +"GOOG much better positioned than AAP. Does not rely on hardware sales, less competition, search monopoly, better vision.",1 +CSX CEO on CNBC now,1 +MCD Whats the news?,1 +"user: IBM up 3.7% in pre-mkt, GOOG up 5.2. eaction to tech good, despite warts on both quarters",1 +well MCP top short from 11 to zero still in play same goes with VXY from 12 and TVIX from 6 all three will evaporate to nothing,-1 +COH defended the 50.50-50.60 area a few times.,-1 +im long ATHX 1.34 and D 10.02 - .26 dividend paid today now unit cost is 9.76,1 +ATHX b/o above 1.35 w/ buy stops to 1.50 range easy on this. Wait for first hr to shake out and volume to come in STAY ONG STAY STONG,1 +DECK short 38.10 bear flag working,-1 +XEC short 63.90,-1 +AMZN short 268.57,-1 +DECK out half short +.50 cents,-1 +INVN also over line - from watch list this a trade to top of red candle on the left ,1 +"MIDD - ong 97.69. Trailing Stop 118.01 from 10 Stops of 115.61, 113.95, 110.38, 99.33, 95.82, ... 90.46 & 87.31 ",1 +user Another actionable alert with the KBH 18 Feb calls. Thanks,1 +IBM and GOOG adding to gains in regular trading hours. I like them both but I prefer GOOG above 745.,1 +AMZN out half short +1,-1 +"If GOOG holds up above 745 today on good volume, very bullish",1 +Did you like my IBM calls and GOOG calls from last night?,1 +VXY 10 by eod AAP ramp,-1 +XEC out half of short +.50cents,-1 +AMZN covered short +1 now long 267.61,1 +VXY Da bears wacked again? gap fill from yesterday. 10 on AAP 15% rev beat?,-1 +XEC out 1/4 of short +1,-1 +DDD I sold my position way to early at 45 having bought at 30....good trade but left quite a bit on table. ooking for pullback,1 +user Do you have a strategy for setting stop loss on a winning stock? What about setting at the 10day MA if stock is above FDX?,1 +BAC Indtitutional buy 11.30 large Block,1 +"Tues gave sell on AMZN because I was concerned for user, but he was out ,good thing! ",-1 +"I get devices shtick, but still don't think DE deal helps MSFT at all in short- or medium-term. via user",-1 +"Oh, and 1st comment on my user post from a guy with 45 target for MSFT ... BY END OF Q2!!! A tad aggressive? ",-1 +"QSII getting close to the big gap above, SI a good indicator here ",1 +GOOG Nice jump! ,1 +OY O'eilly Automotive Inc. option traders making big downside bets selling 27k calls buying 17k puts ,-1 +"AMD 2.72 is pretty much the pivot resistance here. If that breaks, we could see 2.83 quickly.",1 +here is the AMZN with the down target magenta at 260.43 ,-1 +OY Massive 80000 contract 8 way rolls bullish trade in OY into a call spread collar ,1 +"user yes, it is working fine ISIS, might I will post a update today",-1 +GOOG clearing next buy area per video this morning ,1 +"FCFS Q4 beats on top/bottom, guides full year below estimates. evs +24% YoY, net income +30% YoY ",1 +"FCFS expects to open ~75 to 85 new stores in 2013, the majority of which will be in Mexico",1 +"Green Weekly & Monthly Triangle on ISIS,.....pdating ",-1 +"SWY - clean up isle 6, 7, & 8, we have short sellers bleeding out everywhere",1 +user nobullshytrader I will post a update soon SNSS,1 +"ed Weekly Triangle on SNSS,....pdating, for complete study check ",1 +"mentioned it was poised yesterday. congrats big BE - IBM p 5%, Near All-Time High via user IBM",1 +bought a little aapl at 510 ... pressing my position a bit because GOOG to me is just prooof of an expanding mobile pie.,1 +FS just looking more and more like a head and shoulders pattern here,-1 +Why I BOGHT a little more AAP today pre-earnings (or how to break all your own rules because of a feeling) ...,1 +1 of 2: the game the momos have to play now is what stock will pop next on earnings? price action today says NFX,1 +SWY Safeway Inc. bullishness in March Calls for earnings ,1 +"NFX Q3 2012 operational cash flow was 150,000 vs. Q3 2011 of 49 million. 99% decline q over q",-1 +"Most eading Stocks lagging ES_F, DDD SSYS AKS. Others displaying climactic action, AFSI AD SNTS. AAP at Bat! Tighten Stops.",-1 +MEA SI MACD and KDJ are saying it's still not time to here. Monitoring stricly for an entry point lower,-1 +VXY 9 here we come - AAP Blowout,-1 +VXY AAP Blowout Huge Dump AAP Miss #FED pump VXY Dump,-1 +"AAP Apple had 58 billion in current assets and 92 billion in long-term marketable securities,? mostly probably Treasury bills.",-1 +"AAP plus another 26 billion in off-balance-sheet liabilities, mostly contractual commitments to buy parts from suppliers.",-1 +AAP So Apple's true stock price is really about 430. This is the starting point for understanding the company's valuation,-1 +"user DDD exhibiting climax run characteristics: ate stage base, 30%+ in 2 weeks, extended over ma's, violating upper trendline, etc...",-1 +HOV - haven't looked since selling in November - Nice move in Dec preXMAS ,1 +"BCM I work in this industry. don't just look at smartphone #s, they are everywhere in the network/comm/server hardware space",1 +"user Yeah, I have to think AAP is an underpriced value stock. ;-)",1 +"user I suppose I should tweak my guess again, eh? AAP",1 +"ed Weekly Triangle on CB,....pdating ",1 +SWY nice volume today.,1 +MSI - glad I waited until 11:52AM b4 placing close stop (not hit). Now can breath much easier as it is up for the day. ,1 +AF no complaints as it confirms M b/o. ,1 +"IBM and GOOG earnings beat, and SPY barely budged. ooks like AAP needs stellar earnings to keep bulls raving. more than 14 per share",-1 +NFX murdering shorts. Wow.,1 +user I think the same aapl. Iphone lost the wow factor.,-1 +"user: NFX shorts destroyed, now if AAP beats nicely the market is gonna have an orgasm",1 +AAP das + 2 % gef?llt mir nicht.,1 +AAP down we go,-1 +CANT WAIT FO AAP TO GO BACK TO 400,-1 +AAP Sell sell sell,-1 +AAP Wow my god,-1 +AAP wooooow really bad! I won't touch the apple-stock! Wild ride...,-1 +"AAP believers will never give up. The competition has caught up, and AAP will have to lower prices or lose revenues. 425 coming soon.",-1 +AAP with 137 billion in cash that is crazy,-1 +VXY 10 on AAP conference call,-1 +AAP user like the guest said aapl is lacking innovation,-1 +I don't care what anybody says. NFX may have a little earnings boost and I stopped out but the MACD divergence is there! Will short again.,-1 +user I'd buy MON. I'm waiting for a more serious pullback to get cheaper but not sure if that will happen. What do you think? 98/100?,1 +"Green Weekly Triangle on FNFG,....pdating, check blog: ",-1 +"AAP breaks low from 1/15. I'm just saying, even here, down from 700, I feel there is more stock that can be sold, then money to buy it.",-1 +AAP What does Al Gore know that we don't?,1 +Apple call: cash+securities 137.1B vs 121B - 16B increase. That's less 2.5B in divs and 2B in buybacks too. (but 92B offshore) AAP,1 +"user: .. AAP 600 is too far, highly unlikely crosses 557 ever again. Will C - More than likely now. 425 is next level 2 watch",-1 +"AAP From earlier, Stay away from failed patterns",-1 +AAP next stop = 430,-1 +"SPY afterhours thanks to AAP fail, is coming in hard and fast. #stockaction",-1 +AAP I shorted after E and Win but now it's OVEEACTING Stock will be around 475-85 By EOD Tomorrow !,1 +Charles Sizemore on Straight Talk About Money - Sizemore Insights MSFT DE,1 +"Instead of the classic M. Night Shyamalan twist, we got the recent M. Night Shyamalan disappointment AAP",-1 +user: AAP Hedge Fund Hotel margin call switchboard blow-up tomorrow,-1 +"AAP, anybody remember, how i said they've reached saturation point now? Where's all of the guys who laughed?",-1 +user: AAP 2012 GOD & Quarterly histograms ED #FT71 / 460 done....still work to be done below shared Jan 15,-1 +AAP no volume support at these levels until 420ish. Broadening top looks complete- we'll see ,-1 +NFX is the easiest long side swing trade right here.,1 +"user if you are reading my Scaling Plan Sequence, yes, my high level for p is 5.80 SNSS, but a few swing will show out remember that",1 +AAP 462.50!,1 +"GGC - Textbook. From the watchlist, volume showed a clear indication on 1/22. This one was easy. ",1 +Talked about this possibility a few months ago AAP QQQ NDX ,-1 +ACTG possible breakdown tomorrow...,-1 +H broke support today and may drop out of the channel tomorrow... if it does watch out.,-1 +HFC - 2 day performance +3.7%. Short-term traders looking to lock in some quick gains. A breakout from here would still be buyable.,1 +B bearish,-1 +VHC another one I may buy tomorrow.... looking nice.,1 +user not feeling HEOP Good luck.,-1 +TSO is on a good upward run but a resistance level has formed at 45.44. Keep it on your radar. ,1 +BCN Higher volume often indicates reversal points.Technicals/saying the stock is about to take off ,1 +"BAC December 2012 was a solid channel up, with two bull flags. January 2013 is seeing a solid channel down form. Bear flag #2 in formation",-1 +HC if you go to their website it is a quasi DDD type play. It really hasn't give entry point post earnings. Excellent risk/reward. None,1 +CS Short Setup: ,-1 +AAP I told you before the after market :),-1 +AAP The support is 430.. is the real value of the company.. to day,-1 +user Prop_Trader user --- you have the January affect of new inflows and new money wasn't going into AAP clearly,-1 +user: CS reports after the close; big growth expected but may not be enough; more than 50% of biz with AAP,-1 +AAP COMPQ Apple sinks to Nasdaq ,-1 +HAO ong Setup (perhaps my best recent winner; long this name) (needs to clear 8.44 and .50): ,1 +NEW POST: AAP Has Disappointing Quarter...Its Bear Phase esumes ,-1 +AAP under 450 gets ugly I've been saying for a while AAP hits 400 in 2013,-1 +AAP i have been warning ppl to stay away from this stock for a long time. Its cheap I agree but stocks always can get cheaper,-1 +Went to VZ last night. Phones today are all competitive. ots of gd choices samsung android heck I may go back to flip phone AAP,-1 +user: FIO fugly,-1 +"SWY - running late today, had to run to Safeway and get some coffee (again) - I really should cut back, goal is get to 1 pot a day from 2",1 +NFX what a brutal short squeeze :-) +40% I hope to see the same on BCN ZNGA VVS AMD GTAT and so on....,1 +The bigger picture looks even more frightening for AAP perma-bears. Check this from my friend user ,-1 +user AAP back to 350 I would buy hand over fist until then it's still inflated valuation. Now longer a growth story it's new MSFT,-1 +NFX no stopping. Next stop 160+. If it goes to 130 in the near future then going all in.,1 +AAP 465 is resistance and heading to 435 in the near term.,-1 +user 415/425 by end of wk imho AAP,-1 +ATHX doesn't like 1.35 but I do staying long for a wk or two,1 +"Out of aapl long from 2009. Still up 10%, but what a learning experience this stock has been. study",-1 +EBAY early morning bounce holding support + 10-day MA ,1 +WNC bounce from 20-day and about 8 cents from our line on volume of 12% ave full day ,1 +ZNGA is about to take off ! Watch out Shorts ;),1 +user: AMZN< beauty,1 +"user: in AAP 420p at 8.78 stop if it breaks 453 again // out at 11.75. Figure, I make the best trade of the year on aapl worst",-1 +"AAP Head and Shoulders pattern plays out, one for the textbooks ",-1 +ANY still not done?,1 +OW a few cents away from PT 38.30. Dumping more of position here for great gains ,1 +"VS breakout back-test right here, would be a good entry point for anyone interested in this name",1 +"FIO: Considerable selling pressure due to AAP link (AAP & FB account for 50%+ of revs). AAP guided capex to 10B, +2B Y/Y. (1/2)",1 +AAP ong for Trade,1 +AAP The buy is on 430-440..,-1 +AAP just remember knees AND toes come after head and shoulders,-1 +Keep OSTK on your watchlist - breaking out from a huge cup w handle pattern.,1 +BC from watch list triggered on Tuesday its move today 147% volume - above top B band - set stops ,1 +True that user: I think market is telling AAP not to let go mobile to #Android the way they lost lap/desk top to #windows. GOOG MSFT,1 +VMW short 97.01,-1 +AMZN short 275.13,-1 +DECK love this price action and all the people that made this call yesterday on this stream. GGS for wife for life,1 +CEN breaking out,1 +"AXP coming off Catfish buy, extreme fractal buy and an orange dot buy ! and Chaos event PWmo2 ",1 +AJ entry 18.35 stop 17.22 ,1 +"ed Weekly Triangle on PBY,....pdating,...more inform on: ",1 +"Si VFC cae bajo 145,53 , entrar cortos. Stop loss en 146,55 .",-1 +"ong in BBBY after beating 159,07 . Stop loss in 59,74 ",1 +user: You Are Here AAP ,-1 +"ong-term bullish as anyone, but don't underestimate TSA's ability to print an ugly candle today. oves to sell off in the afternoon.",1 +MSFT Thinking of buying this one for swing trade. VOME is huge today and breaking out above resistace.,1 +"AAP 1,000 lot bid in the next weekly 470C at 5.30. 36 delta option, could create support with the stock or slight rally",1 +No 1 is talking abt Demark's botched AAP call. Media always parade the hot hand so masses B under the illusion that experts know something,-1 +It's a racket out there and the media is on it else they would have taken every expert who had been pumping AAP all along to task today.,-1 +BAC Consolidation in progress... 33% Done... ;-),1 +reports next Wed. user: ATW: Barclays starts at Overweight,1 +MSFT nice breakout !!! earnings after close !! ,1 +Buying NFX 140 puts for tomorrow. 1.70 avg,-1 +AAP close- would like to see Williams back under 80 line - SI back under 30 last time gain huge ,1 +"My spot on y u wanted to avoid AAP pre-earnings w/ user yahoofinance. Starts at 2 min mark, posted yesterday. ",-1 +"adio spot w/ user today. Talking IWM leadership, why new highs on SPY are likely, and of course, AAP. ",1 +FBHS - another #3WeeksTight. Tons of these out there right now ,1 +"Since user blog, we've found many #3WeeksTight patterns: TMB, FBHS, EQIX. Find others with his screen ",1 +GS 140-142 feels about right to enter swing position.,1 +VXY Added 2nd tranche short 11.33 dead cat bounce done BA bull,-1 +ACX Phase III statistically better than St of Care Morphine. 5Billion market. Conservative 10% of mkt at 1x sales = 10 stock. XV BBH,1 +AAP Added Some here !,1 +GOOG 15 min dot alert subscibers have made out HGE on these signal!! OMG that it serious good ,1 +DAKT volume indicate coming explosion to the upside? entry 11.72 stop 11.21 ,1 +user: H broke support today and may drop out of the channel tomorrow... if it does watch out. Posted 1/23. Next 5.25 then 5.00,-1 +X option trader appears to have put on 9k bearish put spreads in the Jul 20-13 puts against lower open interest in both strikes. Pos. hedge,-1 +MSFT Breaking out of solid consolidation and accumulation. I've outlined 3 areas of strength in Microsoft ,1 +"EBAY ripping, nearing PT around 55.50ish",1 +I don't trade stocks but my system warns declining prices in AAP since sep 2012 ,-1 +H Closed below daily T. ,-1 +"AAP downgraded at Jefferies to hold from buy, Jefferies said. 500 price target ",1 +AAP Oppenheimer reduced price target to 600 from 800. ,1 +AAP BC Capital lowered price target to 600 from 725. ,1 +AAP Hilliard yons give a buy rating in a note issued to investors on Thursday ,1 +nice! - user: GID Working on a very nice Bullish Base.,1 +AAP Netflix Is Overpriced but Apple Is On Sale ,1 +"Watchist: VBD COX CSC COF All need confirmation, but if confirmed...!!",1 +"AAP in a 12 hour short sale ban at present. Wonders never cease, much like the sentiment shift on stream here ",1 +NFX is going to the moon. Easiest long side trade for the long term.,1 +Watch list stocks that triggered as new buys today included - WNC DGI NTI XAY IF HTA,1 +MCP I seem to be the only joker gaming a position here amongst all you speculators!,1 +AAP What the analysts are saying: ,1 +"AAP - Should see a bounce between 425 and current price over next few weeks, but ultimately heading down to 400 ",-1 +AAP down 60 and VXAP down 11. Good that VXAP is not tradable else many would have hedged their AAP shares by going long VXAP.,-1 +DIS bearish to downside to 51.50,-1 +BBBY - bearish back to 57 easy from 58.99 or any higher,-1 +IBT - volume lower than today and red brings this back to 21.50 from 23.06 or higher,-1 +TPX - easy short on next move higher to 50 - just like IMM wait for surge then 3 - 15 minute red bars with volume and short away,-1 +APO - eversal confirmed with increasing volume. ,1 +VVTV bought this long for wealth position overnight from 1.80 to 1.90 during XMAS as it was same column as eBay on finviz selling now 2.70,-1 +VNG been sleeping for too long now predict about to wake up with big volume surge as catalyst higher levels 4.50 shot from here - 20MM day,1 +AMD bailed out at 2.70 dropped under 2.50 thought good but may rebuy in now as going to 3 with catalyst confirmation by end 2013 - 6.00,1 +"KBH is my trade for tomorrow as long my conditions are met I will SHOT at 18.24 ,18.21,18.17,18.14,18.09 18.04 and cover 17.20,17.10",-1 +APA Back over 83.55 ,1 +ANAD Over 2.54 or 2.70 - we like these two level set ups ,1 +"THO will enter on confirmation tomorrow, looking great (no pos, yet) ",1 +GTAT closed above its 50SMA. MACD continues to trend higher near to cross above 0. ,1 +"AAP Why so hard to comprehend? Classic pump & dump asset bubble after Jobs died, one last pay out (parabolic 700). Back to normal stock",-1 +user brain fart in earlier post. Meant ZAGG not DECK. AAP buying DDD & distrib designs via iTunes #FTW B great 4 ADSK too ,1 +"KCG, i wonder who keeps painting the tape with these few hundred share lots in the AM? ast few times we rip during the day~",1 +AMN Penny stock alert! This thing will be worth cents before the end of the year.,-1 +"MCP When I look at the volume v price, most of the transactions were around 7 this morning = line the sand for now",1 +OVI on watch list has volume of 10% of ave full day - over line a little ,1 +ANAD on watch list over 1st line with volume of 17% ave full day ,1 +FBN on watch list over 1st lien but under the 200-day EMA with volume of 19% ave full day ,1 +WPI - whoopie changed its name to Actavis ACT - sounds like a bowel health yogurt or an OWS protester - we are still short,-1 +a 4-6 point pullback would be reasonable after a move like that. nflx,1 +TIBX getting some love today...gap fill around 25 ,1 +15/16 stocks on Watchlist higher- Hope ur listenin F KBH GPX SSQ SBX CSOD HD CHK EBAY TEX I ITG ,1 +no follow thru on NKD out for a 60c profit oh well,1 +CS looking to make a move over 29 looking gd. I don't trade into earnings but to do after :) down from 31 just last wk. & off b/c AAP,1 +user come over to the CS train left the station can jump on in at 29 stop after that moving onto to 29.21,1 +"MCP testing highs, stops getting hit~ ",1 +PCN any close above 680 is bullish today. I love the VOME. If the big boy want it I want it too.,1 +39.50 on HA is a big intraday level to play off today,1 +AAP Go baby go!! 425-440,-1 +"Nice deals of the day CHY 4.5 mil shares secondary priced O/N 25 now at HOD 27.19, MCP trainwreck also priced 37.5 mil shares 6 now 7.34",1 +AMZN is another free money trade for today. We will see where it lands today at the close.,1 +AAP trader keeps reloading selling in 250 lots in the Feb 445P. -49 delta option could create support or push stock up temp,1 +GTAT Holding 50SMA. ooks like the stock could try and take a trip to 3.62 if volume comes in. ,1 +AAP doji being put in on 60 min after 7 down candles,1 +AAP should buy a gold miner at this point and just drill the earth with their cash hoard. 'Be evil' campaign...mix it up,1 +CS is looking gd at HOD only 11:30am next station we pull up too 30 then my end PT is 200day magnet to 31.84 still about 2pts away,1 +GMC looks good filling gap up to 50,1 +This market is rollling over folks Study 8/10 days green? With momo stocks leading this market lower AAP VXX,-1 +user: GMC looks like the free money trade for today. Headed to 49+ - so far so good,1 +ooking at FB and CST for longs next wk,1 +Took off my final DDD piece at 70.6 long from 35.2 +100%,1 +i dont have a tech friend in world that owns the stock ...thats why user: PCN No one Believes anymore : ,1 +Why would you buy AAP when you can buy CS where the growth is... As AAP sells ipads and Iphones like crazy CS benefits,1 +user NKD the next NFX ???,1 +AAP By By 440!! next 425,-1 +user: CS still getting squeezed lol agreed for another 2 pts,1 +"gap filled, time for aapl to wake up.",1 +AAP I told you!!,-1 +Anybody else hearing about one of the large credit card payment processing firms being down (unable to process payments)? MA V AXP,-1 +AAP weekly SI finally back under 30 - 1st time since autumn 2008 by lower trend line- Williams 80 ,1 +ANAD looking to break out over 2.70,1 +My pal has me all jazzed about TSA which I just bought for first time ... user better be right. user nailed this and my axe on it,1 +AAP Bull Trap Here,-1 +FAVED... user: AAP It must be close to the bottom because I'm making money on the short side.,1 +SH Enfuego...maybe Icahn long ,1 +AAP Ouch !!!!,-1 +GS got some 145C march options today. Will leave them probably till expiration.,1 +SWI was a beaut,1 +Next time you see a free money trade free tweet then ignore at your own risk ;) AMZN GMC,1 +AAP has a herculean task ahead at 465,-1 +Is it the doomsday for AAP?,-1 +AAP Hmmm ower on Volume.... Will see...,-1 +AAP Ouffffff,-1 +AAP we are long 445 and mostly thru call ratio back spreads 2 to 1 ratio 460/440,1 +user zeno123 AN of course looking at intra-day is irrelevant for swing trading. no sign revrs ,-1 +some listened to my BIG signal on NVDA this morning and are shocked how fast that money was ! ,1 +AAP sharing a few thoughts Have a great weekend. POSTED VIDEO ,-1 +VNG - taking an overnight position for few days 3.30 - looks prime - someone accumulating some here - for something,1 +"CEN hitting resistance near 84 again today, IMO, when it breaks it, will be a big run to new highs ",1 +SCHW - new 52 week hi & looking to close on hi - like it - we will buy more,1 +"CSN Good luck to everyone holding long, cancer patients need this more than we do!",1 +AET DVA nice job shaking off the hate and closing with bullish doji candles for the day,1 +"AAP failed to get a candle close over the 50% retrace on the day. inverse abcd, imo ",-1 +AAP is dead. No 2 ways about it.,-1 +"Netflix had a great year this week, up 71%. Wow. NFX",1 +Glad that the easy money trade is over. Every joker thought that making money in the market is synonym with getting long AAP,-1 +CAT ooking for miss. Gap fill to 89,-1 +INVN nice follow through day with great volume again.,1 +Some breakouts today: AGCO CAM F GMC HA JEC KAC MCS MOS NKE OSK PG TEX TMO TOO,1 +Don't shoot the mailman Point & Figure target AAP NDX QQQ Sorry #APPE Heads ,-1 +The phase irrational exuberance comes to mind when thinking about the absurd valuations of these companies AMZN CM AX NFX DDD NKD,-1 +ADNC Now that the gap is filled... Other set ups I like: MCP CHK WCG APO ,1 +coh - no ,-1 +ZMZ - this looks like a big power move to 24 - doing more research on it now see short intetest,1 +SEM see this going down.,-1 +user: AAP next stop is 435 - low for today was 435. This stock may be dead but follows technicals to a tee,-1 +AF: As noted - Clear buyable action on Tues. Close +3.9% for the first week. Support now near 51. MOE HEE ,1 +CAM - Closes the week strong after a decent first day action +1.5% coupled with an increase in volume. MOE HEE ,1 +QGC seems to be finding long term range between 18.50 - 8.50 - This should be more of a position trade where you can accumulate lower,1 +user I thought FIO is pure FB play (flash) what do u know that analyst don't FB maybe losing the youth but the kiddies OVE Instagram,1 +HP after 7 straight green days that little red bar is signal to switch tracks to red for some normal profit taking,-1 +CBOE the decreasing volume that slight red bar indicates after 19 straight up days it's time to switch to red bars and take some profits,-1 +HES decrease volume now and a red bar will send this back to 57 - 2 points to be made more if goes higher - patience and wait,-1 +HA this gets one red bar size will ruin from Jan to now in 2 days target 46 - 4 points or more to made if goes higher wait for first red,-1 +INVN - any panic surge higher start short entries and save for red bar risky but timing top on next move is good scaling start for short,-1 +INVN keep close eye on this one for surge up from short bagholders - may take 2 days first red bar finish is top big short score to be made,-1 +YHOO esting here after a nice move since November. Watching for a break of 20.85 after earnings ,1 +GPN Inverted Head and Shoulders still in play !! ,1 +"JPM broke out an important resistance at 46,87 with solid volume. The trend is in favour of Bulls ",1 +GIS - this is what all the others will do - first red bar major short!!! target 40 test,-1 +DA volume decreasing looking for start of the red bar sequence,-1 +GPN could test the 5.50 quick and make major move higher above 6.00 very bullish,1 +DSCO many little bios did well last week - DSCO will have a huge day soon - it's in the history,1 +CYCC - have this one at 5.25 and 5.50 buying more 5.90 for b/out thru 6 - can go 7 easy - very small float 7 million and 18% short,1 +GMC that gap 30-35 puts the weakest floor on this stock wouldn't be surprised to see it spill over and BN!! everyone hot red coffee bars,-1 +"MCP either way, it's just 2 candles and back to 8. Next week will set the tone which way overall investor sentiment wants to take this",1 +ZQK first sign of decreasing volume and 3 (15) minute red bars with catalyst volume - short this back to 5.00 easy,-1 +Super shot - user: Please help me get this viral. I mean what a putt under pressure GOOG,1 +SAM nothing holding up the mountain that green bar eft shoulder that red bar head (smallone - lol) we see red right bar start major short,-1 +"user I looks like it's getting ready for beast mode. ook at insider buying. Nice pick. I will be partaking, I think. Time2research.",1 +user ots of good setups posted here 3 weeks ago: EQIX EXPE FB GS HOG MON PII QCOM QIH SODA,1 +"AAP , want to buy more around 350",-1 +P see what happened from October to Dec that slide - well it going to happen again on this historic rise wait for the red then start shorts,-1 +VMI nice head and shoulders forming just need the left shoulder now and we see this go retest 140 to 138 range,-1 +user ABV INFN CBS - look great for shorts thanks,-1 +AAP weekly says that 350 is where there is some modicum of support. The game was over long time back.,-1 +Think GMC is the next mini NFX in the making. Earnings are around the corner. Needs watching how it behaves going into it?,1 +"What would I pay for Gmail.... 1,000 year, 2,000 ? I mean how do you value something so extraordinary ... goog",1 +VHC has formed a symmetrical triangle. Breakout point is 35.5. MACD is bullish and SI is above 60 ,1 +WNC consistent pattern of new highs and sell offs - next one looks like the selloff,-1 +AIA - decent pattern be patient for move above 21 will run to 23,1 +CTIC MYX - keeping close eye on both for volume surges up - don't miss the boat will go fast,1 +OS time start uptrend to fill upside gap break above 7.50 yields least .50 cent and test to 7.50 = .50 more from here = 1.00 - like it!,1 +OS stock very close to magic number 7 and holding see stabilization over 7.00 it will retest 7.50 break point - really like this one,1 +KBH tried short on Friday 18.25 tested 18 then came back 18.25 then 18.55 when comes back 18.33 I'll short attempt #2 break 18 target 16.50,-1 +user That IFE is going to turn like that TPX just did - if TPX continues red - similar pattern,-1 +CST looks kind of interesting. Needs more volume. A lot more. ,1 +YHOO setting up for it's new 2013 range 22- 30 - move starts this week,1 +NKD nov and dec had disease now its the cure - not a believer - shorting,-1 +HOT - Fundamentals off. More of technical play. More here -> ,1 +HFC - Great group. ooks good. More here -> ,1 +STZ - Strong breakout then drifted a bit lower. Good action on Friday. More here -> ,1 +WFC - Nothing. Still watching for a buy signal. More here -> ,1 +WAC - Down to near the 50 DMA. Great group. More here -> ,1 +Has anyone shorted ONP?,-1 +CM should be a good SWING trade on move above 175 with VOME.,1 +ecent breakouts in DNKN GMC SBX appear to be the start of a group move. Still forming big cup bases. JVA also on watch.,1 +INVN huge accumulation with no selling since July low. Starting to form right side of deep long consolidation pattern. On watch.,1 +N setting up beautifully ,1 +AO ong Setup (ising 3-methods Candle Pattern): ,1 +CAT worth eyeing today - could see breaking back above 100+ soon ,1 +"JOSB just hitting its 50/50 risk profile on quant macro view, 29.50-33.50 marks model base with oscillation zone, still room below ",-1 +JOSB outlier risk profile closer to 24 so will be interesting to see what happens as folks exit options they've written ,-1 +SPX COMPQ IND CAT AAP Wall Street futures were unchanged with the results of Caterpillar and the threat of Fitch ,1 +"If u believe AAP was dropping clues pre-earnings, then user says you should be watching FB now ",1 +"user: CAT Sorry, this e/r is NOT good and I'm not saying just because I have puts. Nice wide guidance kitty cat.",-1 +GGC from watch list with a gap open and volume already 35% of ave full day ,1 +DDD NICE buying opp on dip back - re-entry i had been waiting for,1 +AN 20% short float. may be a runner today ,1 +"BAC rolling over, could see 11.02 again. Bulls have to wait for a better setup here",-1 +Take Profits & Tighten stops. SA indicating major correction looms. OCN NSM EGN BID GMC FB NKD,-1 +Added DT on break of 41.31,1 +keep an eye on SBX for possible intraday bottom at support on the daily. ike stock if it can hold ,1 +eading Stocks lagging ES_F much worse then usual for this rally. DDD SSYS SODA QIH Y PX KOS FT INVN ,-1 +AAP we are back baby...largest company in the world. dousing myself in oil to celebrate and booking fridays daytrade,1 +DDD - setting up an awesome looking bear flag.... ,-1 +"MIDD: ong 97.69. Trailing Stop 122.65 from 11 Stops of 118.01, 115.61, 113.95, 110.38, 99.33 ... 90.46 & 87.31 ",1 +Closed all my ANY calls today... looking to re-enter on a pull back. ,-1 +"Screw GS utilization lag on BP, I think it's a solid buy! ook at that div, and MP's are hot right now. Oil still needs to be moved ",1 +DDD bear flag worked very well there...broke and went to 60.55....quick money....,-1 +MA broke YHOD earlier & is going higher.,1 +WH we are at the 38.2% retrace here ,1 +VXY We are Calling the AAP bottom in...,-1 +ZNGA on the move!,1 +CEN is setting up near 52-week highs ,1 +"In fact I'm going short 100 shares of ANY up here, with a public stop at 25.11, open downside target working off of call option profits ",-1 +xrx golden crossing imminent 50sma and 200sma,1 +AAP ow risk with a tight stop here however would like to see this one get some follow through (today) to better confirm.,1 +AET also looks like it has an upwards reversal in the making here,1 +user FTC decision on FHTM will have ripples throughout the whole industry dumb dumb! HF NS SNA,-1 +"VHC also getting an upwards reversal intraday, looks good if it can break HoD from the morning",1 +been holding this ZNGA long since like dec.. 2.75-2.70 is big resistance.. if it holds abv itll go to 3,1 +NKD what a hot piece of bullflag! ,1 +GS daily. See if you can get a tweezer top into the ABCD reversal here for a short next few days ,-1 +GPN close to magic 5.40 may popski to new levels trending trade,1 +AAP We will close this gap before the rally IMHO...,-1 +"it started ugly for NFX today, even though you saw higher at open, ",-1 +HB H& Block makes bets on 11%+ up move by April ,1 +AEZS new hod bought more 2.78 2.79 2.80 - target 3.50++ now - holding it overnight,1 +"HF NS SNA are in deep trouble here, Fortune sold the exact same BS supplements, they held them up in the press conference!",-1 +PCN while I didnt promise to fill short target in a day here we are ! shouldnt be a shock at all. ,-1 +MT (really) ugly today; downside volume with nobody making doji accumulation attempts. 65 min ,-1 +Added short TM to portfolio,-1 +Definitely a major top/high in today on 3d printing. back to show me period on this group.have an exit plan on rallies methinks DDD SSYS,-1 +"user EPS is a South African payment system company... not really the same as KCG, not even technically... DONT BY!",-1 +VNG may go green today and test high 3.29 long today's buy at 3.18,1 +PETM ooks like water coming out of a garden hose... ,-1 +ANY weird action... seems like it's artificially stuck at 25... ,-1 +YHOO can it break this 10y channel and 21-22 resistance? mid term bearish until proven otherwise ,-1 +FX was the other big morning gapper,1 +SH going hard ya baby !!!,1 +good end of day volume coming into DECK and MAKO,1 +watch CM ss on VMW,-1 +seller stepped down to 89.25 in vmw.,-1 +IMN good earnings and 23% short. looking for a move up here.,1 +AAP DownTrend if After Market = Bullish Sentiment For Tomorrow !,-1 +My pal user has been long and strong YHOO from 15 my axe on the stock. Took much abuse.,1 +user: time to get out of the #cloud stocks VMW CM ~~> valuations finally coming to earth...thankyou...,-1 +AMZN- Bearish set up ahead of earnings. TCT members I will be writing a note this evening re: trade ,-1 +NKD 130 is very close and may try to get close any more upside from here start scaling into a short target 120,-1 +INVN CEE - wait for slowing volume and a red bar - and these 2 will move down identical - easy ,-1 +MOV this may be the best of the best - volume slowing - red bars 2 of them - mkt drop 100 points this = cliff dive for 5 or more points,-1 +AMZN has the new look of what AAP had when it start the plumment,-1 +GOOG here is the leader of the pack for the ride down gap fill to 710 coming any higher is a joke,-1 +The gap fill at 53.47 for DDD is certain. This is where ride the profits thesis gets tested.,-1 +Nice action here #all time high CM #technology IGV FDN SKYY MTK YT #salesforce.com ,1 +"Sorry AAP, the #BlackBerryZ10 Is Hotter Than the #iPhone IMM",1 +New Blog Post - 'What Could go WONG...And What if Apple is Still eading the Market?' aapl spy qqq,-1 +"watch for a weekly close Friday above resistance, then go PIG OT! MCD DIA DJIA #FATTY #MMM ",1 +ASGN over 24.19 ,1 +AAP range is 500 to 350 - can go towards to lower end,-1 +There is profit in social gaming...ask my pal user founder of user (how is that user an advisor .... ) EA,1 +DDD this is why trend matters. ,-1 +For those who did not have a chance to buy G any pull back is your buying opportunity ,1 +ZNGA broke out of a consolidation range to the upside. I don't see anything until the 3-3.06 area ,1 +GEVO Pullback on very low volume. All dips should be bought with a stop 1.75.Watch for next leg up ,1 +DDD still falling in pre-market.,-1 +"Time to all in short AX AMZN NTAP IBM. #cloud-is-dead, iPads now coming in 128Gb version AAP eally Tim? That's all you've got? ",-1 +NGT #FED up to bat... JPM HSBC headed into Comex & ME for todays bashing,-1 +AAP we knew these 440 calls purchased yesterday were the right move. AAP NEEDED to save their stock with a release like this temporarily,1 +"user Sorry but only innovative thing AAP has done over last 2yrs is change size, shape, memory size, crappy map, & snippy siri.",-1 +BTO AMZN Feb 16 210 puts for 1. olling the dice!,-1 +like that consol above 455 for aapl. stop is below 454,1 +mrge flag break. like this look here added a few 2.88 ,1 +DVN Breaking out from this saucer base. like toward 58 ,1 +YHOO Yahoo is a iberal hangout. History shows us that those who love big government always lose out in the end.,-1 +"yhoo short term buyers speculating on a NFX type move up are fleeing here. ental traders shaking out here, long term investors shud buy",1 +YHOO short interest ratio is skewed because there are less shares outstanding since buyback imo,1 +ADJPY - sitting here with my SPY puts and ENOC. Only positions. ,-1 +"user: If you bought my stock of the year HES, you are now up 26% YTD - sell at least 1/2 ",1 +GS my trade against the 8SMA from yesterday is paying today. Volume is above average too. Will trim some.,1 +KEX trying a short 8.47 filled and more at 8.57 with a .10 stop,-1 +"ed Weekly Triangle on PBY,....Net Profit 19,140.00 (16.48%) ",-1 +yhoo Will Brokerages come out with pgrades/Downgrades this week? Will they pgrade or Downgrade the stock? could make + or- 3 point diff,1 +"Green Weekly Triangle on PBY,....Open Sell Short at 10.95 ",-1 +DDD wow - nice swing if you caught the bottom pre market,1 +"Green Weekly Triangle on KTOS,...Net Profit 1,236.00 (1.22%) gly Profit ",1 +"AMZN 1,200 lot bid in the Feb weekly 255P. 27 delta, could push market down or create resistance in the stock. Will probably bid up IV",-1 +AAP ready...460 c 5.05,1 +DECK pulling back for possible good entry long calls I like DECK130216C40 at 1.95 run into earnings ,1 +Procter PG breaks out - Today up 1.37% - It's one of my biggest positons with over 4% portfolio share. How big is Procter for you?,1 +"Green Weekly Triangle on AMPE,....Net Profit 22,293.00 (18.42%) ",1 +CSN 413K worth sold in block trades so far today... The Celsion roller coaster is making people sick on here... ,1 +GNC (power generators) is perking up again,1 +CSN Buying more!,1 +"MDSO - ong 27.51. Trailing Stop 37.67 from 9 prior Stops of 37.11, 37.00, 31.30 ... 27.51, 25.15 and 22.79 - ",1 +kbh breakout coming? Next stop 23?,1 +GS ippin' good today,1 +DE continues to make new highs since breaking out on 1/2 ,1 +GOOG holding up well,1 +GS is a no brainer trade to 149+ pretty soon.,1 +GS Goldman breaking out of EBV-2. Good sign for GS and the market. ,1 +GS is breaking out of bull flag. ow volume but technicals look good ,1 +"TES strong run up to resistance, moving stop up again ",1 +ong positions: ANA FB HES IMM SHD WCX,1 +"CEN chomping at the bit here to clear 84 at the 78.6% retrace, earnings next Tuesday 2/5 ",1 +GS all of all remaining calls. Will revisit later. ooks good though.,1 +AAP Dow Theory = Volume must confirmed the trend (When the volume doesn't support the trend) ,-1 +AMZN how low will it go?,-1 +GOOG deciding what strike to buy into the close for calls. AAP has been flagging since yesterday.,1 +M - the breakout updated ,1 +GPO on watch list at the line with volume of 75% of average full day ,1 +VXY GS just keeps buying ES_F futures contracts with #FED funny money - why fight it?,-1 +in GEVO.,1 +"user good, because that is what I did today, it is in a green weekly triangle since Jan 23 SNSS",-1 +like is said....don't fight the jungle. AMZN,1 +"Didn't plan on holding these MSFT Apr. calls overnight again, but when do things ever go as planned?",1 +AMZN a fool's errand,1 +"Tops- : HPQ (-3,17%) & CSCO (-1,38%)",-1 +Jeff Bezo's the wizard...it's all about Gross Margins and theirs are getting less gross...AMAZON reads Wall Street's minds AMZN,-1 +"Boy if aapl had beat I would be having a hell of a January :) ... ahhhh, the markets !",1 +user: Solar Stock Sector Bottoming... TAN TS FS STP ,1 +Market loves AMZN for showing its middle finger to Dumb Media,1 +CHK Confirming the expectation. Other set ups that I like: IMM COST AAP etc. ,1 +"ed Weekly Triangle on SNSS,....Net Profit 16,644.00 (9.17%) ",-1 +AMZN has spent 15 yrs not caring about qtr to qtr. Others can't turned on a dime and say we do that from now on.,1 +"user: IMM I love to short, They are just revealing a phone (that everyone has seen it does not make you younger) think ip5 aapl",-1 +PCN up 8 points since this short call on ST - 700 so close - magic number will break it hard down same way did up - 10 more pts to go,-1 +GOOG patience still here - mkt goes red big so does this,-1 +user: XOM - target 89.50 - mkt goes red big tomorrow so does this - lead the pack down,-1 +"If you've been playing poker for half an hour and you still don't know who the patsy is, you're the patsy.? Buffett on AMZN shorties",1 +"Market Wrap Video + Additions to Watch ist including: FS, JCP, , NAVB, VMC",1 +"AMZN, Hunting elephants,,,a plan, patience, execution, patience, and more patience... ",-1 +"Speaking of vehicles, this going on my bucket list DE HOG #Harley #Deere #love their new venture! ",1 +MCS triggered last week and is pulling back on lighter volume so watch for reversal by support ,1 +"Man AMZN is so great, even the Fed is hosted on an ec2 instance.",1 +BAC See some negative price action here tomorrow most likely.,-1 +From Nasdaq site : NVDA NVIDIA Building iPhone and iPad Competitors ,1 +Bought NH to open . ooks like a new trend,1 +FS from watch list just over line with volume of 8% of full day average ,1 +SD thx user - daily ,1 +"been talking CSOD, keep your eye on it today",1 +"From user: Hess has two proposed plans for unlocking value, and either looks promising for investors. HES ",1 +NGT Dumping pop on #FED JPM and CB intervention in GD SV GDX HI GOX GDXJ,-1 +"AA BA HD Top + Dow Jones: Alcoa (+0,84%) & Boeing (+0,54%)",1 +IMM lol AAP-tlye presentation - get creative guys,-1 +MOT CBI on top watchlist waiting for vol MOT above .50 and CBI over 1.68 see what happens,1 +stopped out of CS at 28.50 from 28.71 earlier sorry for the delay,-1 +"Green Weekly Triangle on GTE,...Net Profit 4,333.00 (3.14%) ",1 +KEX Option Traders continue bullish trading in the stock buying a net 589K deltas in the first hour of trading ,1 +like to see more volume but I'm leaning toward CBI off the BPAX profit taking moving into CBI see what happens buystop at 1.67,1 +"iding FIE down, lots to go",-1 +My hot money canary DDD and SSYS reversing lower...,-1 +VXY AAP bottom looks in - Add FAS here #FED-Short more VXY acct vacuum cleaner - GDP is OD Sandy news - We have relief funds in now,-1 +"NS should start to slide here just like HF, that MM that was shut down in KY is having ramifications imo, longs getting nervous...",-1 +"BT Cortos en Peabody Energy si cae bajo 25,40. Stop loss 25,76.",-1 +"user: BT Short in Peabody Energy if goes bellow 25,40. Stop loss 25,76.",-1 +"user: BT Cortos en Peabody Energy si cae bajo 25,40. Stop loss 25,76.",-1 +MGAM on watchlist (no position) ,1 +NGT GDX GDXJ Short GOD & Miners into FOMC - JPM notes,-1 +"Same story, different day...eaders lagging, aggards eading as ES_F fighting off bears. AKS QIH Y EN KOS ",-1 +DEPO bouncing from the 50% Fibo line & breaking out 6.70 resistance line all indicators BISH ,1 +HEB ripping up 23% now in that one .25 to .305 still holding,1 +Seems AAP is losing strength to go higher.,-1 +AAP Added to my short,-1 + from watch list on volume of 50% of ave full day a bit over line ,1 +AAP DownTend seem confirmed after broken the triangle...,-1 +You have to wonder where Fidelity Contrafund added more where they reduced their AAP. It sure looks like GOOG,1 +FIO im in ONG for 24 - 28 untill March 2013,1 +NGT Nice bounce off gap fill... good to reshort into JPM move,-1 +CF if we open green here tomorrow we should see test to 40 looking to be setting up again.,1 +GOOG I expect a new 52 week highs in the coming weeks.,1 +Two trades I'm eying GOOG and GD.,1 +"COMPQ on a mission to 52 Week Highs...With,...or Without... AAP. Juuuuust aaaanooootherrrrrr 1.35%. You can do it!!! ES_F",1 +AAP GOOG FB IMM - IM dies to reinvent BlackBerry Z10 ,1 +bgcp nice range break in the works here. ,1 +GOOG is hitting its head on the up trend line it broke I like 755 puts GOOG130201P755 at 2.60 ,-1 +FIO huge Mar calls Volume ONG,1 +"AAP - fired sell signal on hourly, targets 435 area - just shorted it",-1 +user: AAP Ok... this action makes no sense. >>>> Yes it make Sense : ook Daily Volume since 3 days ...,-1 +AAP HOW DAE THEY ONY 38% Profit Margin on 50 BIION/yr!! and a huge bank balance.. Insanity waiting for FB100,1 +AAP - stock is down 17% from the start of the year. If you are an institution do you want this on your books at the end of the month?,-1 +user: AAP stop kidding yourself . there is no support around here,-1 +"AAP if AAP closes below 455.01, i plan to swing a few puts into the next couple days...",-1 +user: AAP Gap down for sure tommorow,-1 +"Oh QCOM, you are a thing of beauty!",1 +"FIO 15.35 I'm in, I'll ride this one a while, overdone IMHO",1 +FIO crushed 20%,-1 +BYD hopefully VS beat will help this stuck stock move on up.,1 +CAT 100 roll and poss bearish bat ,1 +AAP Sinking in after-hour.. Get eady to gap Down Tomorrow Morning !,-1 +yhoo Blackrock increases position SC 13 G filed today. 70 million shares . 5.94%,1 +"Green Weekly Triangle on PBY,....pdating ",-1 +user: Buffett isn't interested in AAP at this valuation? too much profit and dead capital sitting in a bank overseas ;),1 +user Just an opportunity to buy IMHO BAC was 11.70 monday in pre-market,1 +AVNW Over 3.78 then 3.89 ,1 +Has anyone shorted KEX? What price?,-1 +GV Over 2.80 ,1 +F Over 7.88 ,1 +San Diego was rocking today....QCOM and BOFI ...Banking and chips. Not the safe bet in 2008...,1 +KEY has been holding at support 9.07 but facing resistance at 9.50. On watch. ,1 +FIO ong! & Add! Q2 2013 earnings of 0.13 per share on Jan-30-2013. This beat the 0.08 consensus of the 19 analysts covering the company.,1 +"FIO Turner Investments and Calamos Advisors purchases in the current quarter at 7.2M shares, 9.32% of it. Blackrock doubled position at 8%",1 +A Q4 2012 operational cash flow 35million down from 141mil in Q42011 ..75% decline Q4 vs. Q4....,-1 +A Q4 net income 50 million and operational cash flow 35 million. Q4 2012 is OPS 70% of EPS...in Q4 2011 OPS was 440% higher than EPS,-1 +A year end accounts payable increased 43% from 100million to 143million,-1 +FIO azard Capital upgraded Fusion-io to Buy from Neutral with a 23 price,1 +A few names with a Dark Cloud Cover candle pattern: MHO Y SAFT FXS,-1 +"MCP still mining for asteroids, short update ",-1 +A few names with a Bearish Engulfing candle pattern: AEX AFG ASFI ATHN BECN TMH GW FO MHK IBN CS AOS BT AIXG JBHT NHI,-1 +"user KiwiS hello friend, did you see CSN pre-market today, untouchable situation!",-1 +More names with a Bearish Engulfing candle pattern:IBT BECN AYI HCG MO SG MP EG BMS CEN WIE INE,-1 +Trade Ideas for Today MS ONXX NVE BGCP ,1 +VXY GS JPM HFT PPT Window Dressing programs online,-1 +Published ZNGA estimate on Estimize: +0.02 EPS and +6.09M evs compared to Wall Street's consensus. ,1 +AAP 600 lot bid in the weekly 460C at 2.73. 44 delta could temporarily push stock up or create support,1 +CAT Bullish MACD crossover.,1 +I am calling on CSN for a ed MONTHY Triangle open ong position at 1.65,1 +JVA 7.25 TZOO 21.50 IDCC 43.35 CF 37 BT 25 looking good here,1 +"the man who got me in A at 47 user: A Nice bounce off of support, after a 25% decline! ",1 +AAP break of 453.63 should see retest of 435 lows and lower fairly soon thereafter.,-1 +"NFX Netflix, Inc. (NFX) Increased Debt Causes Concern [EPOT] ",-1 +"VIX rising, eaders lagging & reversing on vol, laggards leading, speculative names climaxing. Don't ignore warnings. DDD SODA Y FB",-1 +CBMX B/O smart money coming in this afternoon looking for a push to 200day this low float could 6 by the end of wk little resistance there,1 +user: Apple AAP Is it Time to econsider a Stock Split? 10:1 would solve this problem FOEVE!,1 +Four Bearish Canaries In the Bullish Coal Mine AAP TIP KOS SPY,-1 +AAP -- mac world maybe TC will anounce the i-time-machine... boom we are all rich again!,1 +"K: ong 53.69. Trailing Stop 53.24 from 3 prior Stops of 52.16, 51.25 and 51.05 - ",1 +fnsr great intraday look..,1 +PCN Just trying to keep it simple and potentially capture the primary trend. ,1 +PM 1H. hold 2/3 til close monday PM (21 bars) and 3PM on wednesday (34 bars) for the balance. ,1 +"user: AN AutoNation Stoploss in 47.46, after beating 47.90",1 +VS is breaking out !! ,1 +i'd short AAP right here if I wanted to put more positions on. (455.51),-1 +APO - Short setup off the 50DMA in a weak group. Downside 15.50 initially. ,-1 +KSS has been on a nice uptrend since bottoming out in early January. Picked up some for my roth around 43.50. Slow mover but 50 possible.,1 +"TIVO BY! Price action? Check - breaking out above 12.95. Volume? Check, 2x avg.",1 +AT Declining growth & margins. Head & Shoulders setup. PE contraction Downside Price Target 25. ,-1 +AMZN ooks like the stock has topped out for now. Today is another distribution day. ,-1 +A Did you Know.... YHOO is down 1.5% for month of January,1 +The second best Steve...Steve Wynn on tap today - after the bell - and netsuite (enterprise) N WYNN,1 +Gap backfill in FIE?,-1 +NFX Keep in mind that 500 lot offered in the 150P at 7.75. Stock was at 163.70 when he offered now at 167 ook for him if stock goes dwn,1 +ASGN from the watch list is at the line on volume of 81% of ave full day ,1 +"OCZ pleasantly surprised that FIO results did not affect this one more. Shook me out of 1/2 my position, but still bullish",1 +user Not yet sir... The jury is still out on ANA. CSN is plain old fraud!!!,1 +AMZN I am riding the remaining positions with stop above 290. ooks like the chickens are coming home to roost.,-1 +yhoo Business Insider post about yhoo out this afternoon. would be beautiful if aapl met with Marissa,1 +GV of new buys this was the largest % gainer today - also was a fav as it was a pullback reversal ,1 +user Tried to buy a ange over and got frustrated. Very ong EBAY,1 +WYNN aises Dividend from 0.50 to 1/Share >> CC was quite bullish on all fronts & analysts seen enthused,1 +TPX my move is in play - motion to 35 then 33 and will cover,-1 +CEE this is about to tip over the edge and go over the falls target 39,-1 +"user ots of ppl r making the move to Samsung, I was going to EWY as AAP started reducing ipad screen size & calling them new models.",-1 +"Watching A DMND for low entry points. A replaced CSCO with the State of California, C and CS contracts. May see some pops later on",1 +"user Class action against DE may be the reason. Search: Mohan, et al. v Dell Inc Case for details.",-1 +"IACI short setup, bear flag up into neckline from last week ",-1 +"Green Weekly Triangle on SHO,....pdating and Scaling Down ",-1 +Market Wrap Video + Additions to Watch ist including: BYD INFN JNP SE TGH HS,1 +Video Analysis of our 16% 3 day trade by shorting AMZN ,-1 +What are you thinking on a GOOG entry? A close above 765 or 776 ?,1 +zzzactly user: Watch as China has grown to become Apple's second-biggest market: AAP (long),1 +ESPN 30 and 30 is magical. Serious family entertainment. The future of content and TV and web is so bright mixed well DIS,1 +wow TV is underrated and underloved....looking at stock prices I am sick that I missed this hate trade in 2009 .. CBS DIS,1 +INFN Over 7.20 ,1 +The AAP drop will stop only when Wall Street and sellers stop fearing the margin drop...take a look ,1 +High quality stocks producing pocket pivot points on Thursday: ABT GPN ASGN OCN MTH OY NGVC WEC TY WYNN VS PFMT TTS STDY,1 +TM - ahhh! stupid prelim results! short but wanted to add puts before earnings...,-1 +user: AAP 40 minutes to get it over 460 pre-market ! ot of fools will B toast !,-1 +"ES,SPY You wont here this on CNBC,,,real time assessment of jobs number mkt reactions... ",-1 +N from watch list with a big gap up this morning ,1 +MS from watch list at the line with volume of 4% ave full day ,1 +ESI from watch list at the lower of 2 lines on volume of 11% of full day average ,1 +F from watch list at the line with volume of 4% of full day average ,1 +AAP PMI Manufacturing Index ---> In Few minutes...,-1 +AAP If PMI Manufacturing Index eslts are Bad = Below 450 ???,-1 +AAP no longer trending finally ppl get the hint. The growth and innovation story is over... PT 375 fair value,-1 +user EMN Eastman Stoploss in 72.31 after beating 72.98,1 +JCC and VNG at 3 right in my wheel house,1 +user: AAP How come the spy goes up daily and AAPl down // No More Growth !!!,-1 +GOOG will make new highs soon. Surprisingly option premiums are very cheap.,1 +GME really nice pop today after that intraday reversal yesterday afternoon,1 +AAP Nothings goes Straight Down or Straight High.. It's the Main Trend AND Volume you have to look for...,-1 +"user: AAP people think growth slowing is not true bec this quarter was only 13 weeks,?// ook Year Over Year for Same Quarter.",-1 +GOOG only 10 points away from new hold time highs. This market leader continues to lead ,1 +user EMN Eastman Stoploss in 72.91 after beating 73.56. Eastman Stoploss en 72.91 tras batir 73.56,1 +DPZ looks ready to break out for the next leg up,1 +WFM building out a nice bull flag here ,1 +user: AAP rookies are selling today Mest loose OTof being Stubborn !,-1 +user: the right thing to do was to stop out of AAP and flip short// Ther is OTHES Stock Better.. nless are AEADY Short,-1 +AAP Cracked !!!,-1 +AIG looking for entry here.,1 +Nailed GOOG today.,1 +"user: AAP lets go 425, (sorry longs, im long also)// r iht 425 annd IF consolidate for 3-5 Week After Bullish",-1 +"Switched my ATHX gains on ASTM. ASTM average TP is 4,07. 1% chance of bankrupcty ONG",1 +user EMN Eastman Stoploss in 73.46 after beating 73.85. Eastman Stoploss en 73.46 tras batir 73.85,1 +KEX the break of the 8.49 secondary price was your obvious signal...,-1 +EAP nice upgrade and cross over 50 ma,1 +OVTI moving out of long base to the upside ,1 +BAC 11.85 in sight... ;-),1 +"ed Weekly Triangle on CB,......Net Profit 1,797.00 (3.44%) ",-1 +"Green Weekly Triangle on CB,....Open Sell Short at 3.38 ",-1 +SBX Solid move today continuing uptrend and holding above support to close the week ,1 +DGI poised to break 30's.,1 +AMZN delivering awesomeness every single day. Prime ocks. I am not biased ;-),1 +QQQ with the Qs breaking above it basing pattern today I expect GOOG to hit 800 withing the next 2 weeks!!!!,1 +AAP don't touch it unless we get a close above 465 with volume (Earnings gap).,-1 +VP Drummond of GOOG sells 190 shares. He can be an outstanding trader based on his timing.,1 +user: AAP back to 450 i guess for a pin,-1 +ACTG was a top pick for earnings starting to breakout. ook for 27.50 soon. ,1 +AAP aw of Attraction & Newton Sem to Win Again,-1 +eality will hit NKD. eiterated as Sell and worth just over 80 per share. PT based on discounted cash flow analysis ,-1 +"QCOM looking good here for a long, yesterday's close as stop",1 +AAP I agree 450 pin Afternoon !,-1 +GOOG lookin good,1 +"GOOG with need a bit more time to break 775, we might get it by EOD though.",1 +"DNDN waking up, almost GO TIME here!",1 +NFX as I said before...it feel like another distribution day..... ,-1 +guess what happens to those chasing SYNM...,-1 +COST Confirming beautifully here. 52 week high magnet. Others I like today: IMM MNX WCG WT ,1 +AJ starting to really move; moving stop up again ,1 +AAP To much peaks on either side (up or Down) #Broken Good 4 Trade but not for investment IMHO,-1 +"AAP Almost every long will want to goo out for the Week-End, Nobody wnat to be caught 350-400 for months...",-1 +VSN pulling out of the station,1 +user: AAP 450 pin?? Yep !! 450.00 Pin,-1 +AAP emember last Friday in the last 5 minutes APP Collapsing !,-1 +long some MENT I like the Cup and Handle pattern. Earnings aren't till late Feb. ,1 +"Big Block Trade Alert: IG, 2/1/13, 11:26 AM, 504260 shares SOD 6.50",-1 +user: AMPE bouncing after 8-day sell off. Estimates of how high?,1 +AAP Will Pin 450 or bellow..,-1 +CA like the volume in this up move; entry 22.64 stop 21.55 ,1 +Scaling into VT Mar 25s calls right now. ight for now. ooks Good. Watch for volume next week. ,1 +SWHC Swing Trade Quick Pick: Smith & Wesson | ,1 +AAP Closed my short for 1K Will short ater again till gap will be Filled -HAve a Nice Week-End to all G ! :-),-1 +SCM Scaling my short,-1 +FIO this action in this super strong tape = Not bullish...,-1 +3 calls for 2day. SPY and GOOG makes new highs and GS goes above 149+. All came to fruition. Market has been kind 2 me.,1 +"user: NBS strong financials, more contracts for Progenitor in pipeline, approval for AM-001 expected, this is the sacred cow of 2013 ",1 +"BIG With a strong SI & an improving OBV, I have a feeling that it will break higher shortly. ",1 +"PEIX strong volume w indicators moving up.Once 0.398 breaks, resist to watch 0.418 followed by 0.43 ",1 +"TQNT had a great day on Friday. TQNT not only had momentum, it had also strong volume. ong setup. ",1 +Currently long: ANA FB HES BBY WCX VSN,1 +C its about eckitt Benckiser (no ticker here?): met equal dist.tgt bearish weekly candle. down. ,-1 +"AAP is having a hard time at the moment with the 8dsma line, will continue to watch this one. ",-1 +"#13for2013 INVN still the leading gainer - shed 5% this week, profit taking in overbought market ",1 +California Water Service Group CWT aises Annual Dividend for 46th Consecutive Year | P/E 18.17 | Yield: 3.18,1 +First ever purchase..splurged on a new mat for Bikram (I hear frond green is hot w/ the ladies --> via user,1 +Great analysis of PNA ,1 +COH Monthly h+s getting closer to snapping neckline ,-1 +"user: QCOM, Friday's lows provided a nice back-test of B/O level ",1 +AAP has come so far that the gap fill at 425 fits the Eiffel tower analogy. Need 2 search Eiffel on my site if don't know what it is?,-1 +"CEG daily rejected at Fibextension of the bat, with short ter h+s. Wait to setup user ",-1 +user: Commented on: Zynga: eady For eal-Money Games And Improving On The Cost Side ZNGA // #TENDEVESA,1 +System Flags Buys: AT BAC BDN GFI IPG JCI M S TS VVS,1 +WMT breaking out of channel + All MAs are lining up in upward direction. ,1 +"GTXI long 5.16, will take early assuming no gap, SPY green & detect above avg vol ",1 +"If you have OII, short. They have over 1B in liabilities, not cash.",-1 +"AMZN SI and MACD, suggesting further downside to near-term support in the region of 260 ( 50ema ) ",-1 +ATI is in Breakout mode for Monday. It cleared its 200EMA on high volume + Bullish MACD cross. ong ,1 +"A GOOD TIME TO STEP BACK AND CONSIDE THE BIG PICTE, ES,YM,TF,SPY,S,C,EC,JY, ",-1 +Anyone follow CST? earnings Feb 7th AMC looks interesting here off 50day under 50/share may get a bid into the report on #WATCHIST,1 +GAE long 1.82 1.83 1.84 target 2.00+,1 +SEV nicely green on red market,1 +JNP from watch list near first line ,1 +FFIV looking like it wants to breakout today,1 +Good eye... user: FDX broke resistance. ooks to continue its bullish trend ,1 +PEIX long .45,1 +PEIX long more going to .50+,1 +GAE buying more 1.83,1 +SCM Going to tank real soon IMO,-1 +"GME GameStop's Tony Bartel Announces Shift Toward Mobile (Audio). ong after beating 25,24. Stoploss 25,11. ",1 +M Patent Could pset AAP. ong in M after beating 7.97. Stoploss 7.86 ,1 +user: M Patent Could pset AAP. ong in M after beating 7.97. Stoploss 7.86 ,1 +bot SYNM .52 bot PEIX .435,1 +"NFX asym tri formed up here, waiting for resolution to make a trade ",1 +"NN average TP is 1,5 Could easily come back to 0,8. HODING ONG",1 +CEE that was short at 43.83 target 43 lower,-1 +NVAX interesting on that level. Now just over an P trend line from June. Could be a good entry point with a close stop loss,1 +ZCS bounced on 50 day,1 +ZCS feel bad for those stop-losses that got taken out,1 +AAP No kidding Terranova!,-1 +Marijuana stocks smoking MJNS CBIS HEMP the new trend. Next hot sector Biofuels PEIX SYNM BIOF money in focus,1 +"GOOG just like we said 7hours ago, it is national GOOG puts week. Easy +50% option scalps. NFX puts here we go..weeee!",-1 +"Despite market spook by media and the WSJ, going AAP calls this week.",1 +"PCN working off some overbought conditions but rising shakeout today despite market overall, ",1 +CEE shorting more 43.76 avg me to short at 43.73,-1 +ANTH ZCS p 4 times average volume today. ots of people have taken interest here.,1 +added to ebay in trading account,1 +COH head and shoulders update. ,-1 +"3 tech stocks with staying power - IBM, Intel INTC & Qualcomm QCOM. And QCOM lets you keep AAP exposure to boot! ",1 +NFX nibbled a few earlier and holding over night. Sharing a few thoughts POSTED VIDEO ,1 +"NFX new HoD, nice",1 +holding ANA BBY FB GAE HES VSN WCX,1 +After Hours Most Advanced: CC EDMC BKS HAYN PIM EZPW MC DGIT PAB JNY MM GFF THO CACI PMI IF STZ CODE NB,1 +CI - getting long building position here for move thru 7.00 - stock like a rock today - target 7.00++,1 +CI - you don't see a spike like that one huge green bar without some sort of continuation - somebody knows someting,1 +Market Wrap Video + Additions to Watch ist including: CAH CMI HA KAC NFX,1 +AMZN Has Post-Earnings eversal ,-1 +YM fails to break above. Downtrend continuous.,-1 +K is closing lower slowly with greater-than-average volume. Be Aware,-1 +HA Over 41.25,1 +"PCN, Short interest very low <5%, BEAISH POINT AND FIGE TIANGE, GAP lower confirms, 625inplay ",-1 +and HA - ,1 +DK Over 34.75 for a continuation ,1 +"SPY, ES, We trade what we see,,,turn of CNBC noise or nonsense,,trust ur technicals... ",-1 +user edon PEIX has a history of management dropping the ball on runs in the stock price. Hopefully they stay silent this time around,1 +"WAG should be a good stock winner, because it is turning into a horrible company for its employees!",-1 +my weekly blog post is a collection of yhoo notes newsgrade.blogspot dot com,1 +GS out weekly C1501.04,1 +Way to go! DDD. Seems to have found support from MA(50). p trend continues guys.,1 +BAC 11.75 to 11.80 today IMHO,1 +AJ stopped out +6% for a nice gain ,1 +"AMWD still working well, play of the week so far",1 +"DEXO has this inverse h+s, bounced off fib, -longer term W bottom..",1 +TES moving stop up again; been a huge winner ,1 +ong EN with stop arnd 39.40- entry 40.10 ,1 +NFX BOOM,1 +NFX OI loading up in OTM Calls,1 +"PNA trying to break the DT line again and already at average daily volume, earnings tonight ",1 +"G SWHC both breaking up out of similar bull flag patterns, volume light though, so keep that in mind",1 +SWHC breaking out of this bull flag ,1 +"G same story, moving in tandem here ",1 +GME new HoD,1 +Watchlist for bounces MHP 47.45 COH 49.15 AMZN 265 4TA 98 A OOK IKE GD ONGS FOM HEE,1 +QCOM is really getting interesting. Might see new highs really soon.,1 +"PI making an effort, watch TIP too here",1 +"ed Monthly Triangle on CSN,......pdating ",1 +CEN price action looking good going into earnings tonight,1 +MCP take-over chatter... (I know don't laugh...),-1 +"ZNGA If you are bearish here, you don't know poker. This is incredible.",1 +CSC moving stop up again,1 +GOOG this market leader continues to hold up well ,1 +CW long here 3.22,1 +BAC Very Strong Making since 1 week on both sides. But Today Bull !,1 +NFX failed attempt at a new high possible hesitation at the top I like the NFX130208P170 at 3.60 ,-1 +"user for AMPE, the Gap for business is 28%, so a low on 3.69 x 14% is 4.20, and the MA-20 is also 4.20, so that is my target",1 +BAC going above resistance with some really HEAVY volume today. Should be in everyone's radar.,1 +CBK looking for the breakout; entry 6.51 stop 6.19 ,1 +NFX looking good so far on hourly. ooking for it to pull in to the 20 ema hrly at 170 maybe more ,-1 +AAP perhaps is time to start considering a ONG position on this name again. Finally some commitment.,1 +AAP Short 451.50 Will go down as soon Mrk will ollover,-1 +sold my amzn stocks... better be flat ^^,-1 +"user Market only seemed to care about beating expectations, which were inflated it seems SII",1 +AAP Begin to ollover I,-1 +"I think it's obvious that Valero VO has more room to run, but I certainly like HFC a lot more. Compare their P/E and revenue growth.",1 +Are we seeing a minor pullback for NFX or the beginning of a major correction? This investor isn't about to test the water. Still bearish,-1 +GDP from watch list 20 crossed above 50-day and near line with volume of 27% ave ,1 +"NW - ong 19.75. Trailing Stop 21.06 from 5 prior Stops of 20.26, 19.93, 19.75, 18.95 and 18.15: ",1 +"user CSN, yesterday I bough at 25K1.2375 and 25K1.1550, I will continue scaling up/down",1 +"BAC Out 12.82 Not being Greedy, Will wait for a pullback or another day to reenter.",1 +ZGNX Here it goes again.,1 +MHP MCO SPX SPY Will S&P and Moody's once again threaten sovereign downgrade in response to mortgage fraud action? ,-1 +TMB suggested by a follower - poised to breakout to new highs. Buy area 64.00 on volume ,1 +MHP MCO SPX SPY #CNBC reports that Justice is seeking 5B+ from S&P for mortgage ratings in civil case/no criminal charges to date.,-1 +AAP BAC two trades I'm looking to get involved at the close.,1 +long FS 30 could be late though watch ur stops,1 +ooks like those MCP 8 calls for friday are paying well! ,1 +NVDA Breaking a short-term downtrend line w/ SI rising and MACD trying to cross above 0 ,1 +user: AAP Sold because the CNBC dump is coming,-1 +VMW next trip to 79 its not going to be denied,1 +"BI: QIK wins on functionality, loses on cost/service. 2 Q's of deferred rev declines + back-end loaded estimates = tough bar for 4Q (7/7)",-1 +ESX making a move to break into the gap.,1 +"ed Weekly Triangle on KWK,.....Scaling p ",1 +V - On watch for tomorrow. ,1 +ZNGA up almost 5% in after hours.,1 +"TIP coiling like a rattlesnake, long, looks higher ",1 +EXAS Pretty set up ,1 +ZNGA When a company beats by 1cents you have to seriously doubt if that is due to accounting tricks,-1 +No Porn for me only ZNGA Pokeher,1 +"MHP Kids, don't do steroids ",-1 +"thats good below the equator? user: ZNGA yoy sales growth over last six Q's: 80%, 59%, 32%, 19%, 3%, 0%",-1 +ooks like the intermediate bullish trend has been broken in SNTA - been safe money for months now ,-1 +"CS weekly (tied heavily to AAP but, absent that catalyst, this pattern persists): ",-1 +AMN Yep like I said. Penny stock in the making.,-1 +AMN Not only will this become a penny stock but this company will continue to dilute its shares like EC Silver did in the past.,-1 +EV Amazed how an 18% gainer gets no ST recognition. Guess that goes along with only having 15 followers. #undertheradar,1 +IBM Short Setup - 196.25 target: ,-1 +DNDN A subtle buy signal occurred today. (the set up) ,1 +Put FS at the top of your radar?today after Citigroup initiated?at Buy and target price of 41,1 +AAP #BOKEN STOCK,-1 +user: DOV weekly. Going higher - bot into close eod yest unit cost 4.15 see we get a gapper today,1 +GMC CST report after the bell expecting a #SFY type of quarter out of both. NOT TADING INTO EANINGS WI ONY TADE THE EACTION,1 +AAP possible bounce above 462 ,1 +VT breakout point 25+ ,1 +ANAD b/o point 2.72+ ,1 +DOV PT on this btwn 5.30 and 6.00 two areas of resistance. Valuation incredibly cheap see if volume comes in again today,1 +Back in BAC ong ! :),1 +"NN something is going to happen. Two days ago we saw the hugest volume of the year. Oversold, insiders buying, high TP. ong",1 +AAP Going under 435 IMHO !,-1 +"So Iger says he likes NFX, go bid 250 lol",1 +NFX trying to break out of bull flag. New 52-week highs ,1 +DPS breaking out this am. looks good. earnings feb 13th BMO,1 +PAN Caught an upgrade with 26% short interest..Breaking out here: ,1 +last minute add-on to watchlist: DPS ,1 +AAP Follow the downtrend.,-1 +AAP Short,-1 +AAP Drop like a ock !,-1 +AAP heading for the gap,1 +AAP The Dump will come faster than the pump IMO !,-1 +AAP Dump in Progress...,-1 +FS squeezing,1 +DA back in playing the breakout to all time highs; entry 14.30 stop 13.41 ,1 +AAP Bullish signal here. Want to see a close (preferably) above 462.60 to confirm. ,1 +looks like someone got tired of BJI going down today,-1 +"Jon Stewart sums up everything dangerous, dumb, & hysterical about the Post Office circa 2011 cc user FDX",1 +"me too. yay user: So AAP didn't gap up this morning toward ST upside target (480), but I will take a sudden reversal.",1 +"Watching closely (long) ... AAP lifting higher on buyback chatter, details on the Stream ",1 +Nice all-time high attack by Tesla today (long ) tsla cc user,1 +AAP Free-falling Now to 457,-1 +AAP reloaded and ready to keep going up + 4% today? I would be good with 3 ;),1 +CEE short higher and will short more here 44.35,-1 +Short term targets for ZNGA? 3.25?,1 +BAC and AAP my two trades from yesterday are holding up really well. Both trading with HIGH volume in a weak tape.,1 +BAC will add more if we close above 12 today. AAP needs to take out 465 to attract more buyers.,1 +AN breaking hourly trendline,1 +"TWX - ong 38.59. Trailing Stop 44.71 from 4 prior Stops of 42.61, 41.06, 37.08 and 35.57 - ",1 +FS daily few like the long call on this one but after chaos and mini sell we got oversold PWmo2! ,1 +BAC ot of buying on last minute !!!,1 +DNDN Beast mode today,1 +"DNDN TS nicel day for both today, lets see what EOD brings",1 +AAP thank god for the dividend tomorrow or I thinks we would be back lower than where we started IMHO,1 +user: AAP continues to have no volume / confirmation to take higher - watching closely to reshort this one,-1 +BAC Added Some on the pullback !,1 +AAP sharing a few insight about volume is key POSTED VIDEO ,-1 +AMZN short working nicely watch for a break and run of 262,-1 +AAP is Sinking....,-1 +I need alka seltzer to sponsor our aapl stream with all the pop and drops it gives people ...people are just way too tied to it,1 +FS is in a big rising channel w its top at 39 & bottom at 28.Momentum indicators turning up again ,1 +AFFY break down the support line 18.41 ,-1 +NGT #ECB and #BOE and #FED JPM HSBC shortfest GC_F GD SV tomorrow morning Test weekly OWS.,-1 +Netflix should buy the SPS. Netflix disc traffic is probably the only profitable and useful thing the postal service does. NFX,1 +AAP Volume is ABSENT... Soon the numbers will be negatives...,-1 +AAP Drop !,-1 +JOY anticipate the bear flag break ,-1 +FS intraday break !!,1 +DE higher bid offering coming? look at all the recent action on the April 14 calls per Najarian? PPS above 13.50 here???,1 +PCP Earnings today. Stock up 5%,1 +OC more weakness here and it might hit a dime under 34.,-1 +"Never got in SFY, but they are taking the right steps by focusing on distributing digital content and not the physical. Congrats to owners",1 +BAC ooking good for Tomorrow we could go over 12.20 imo ! Healthy pullback today with volume.,1 +AAP 500 lot bid in the Feb 440P at 3.00 could create resistance or a temporary sell off,-1 +AAP Covered to not Pay dividend will short again Tomorrow !,-1 +user: AAP Cover your Shorts unless you want to pay the dividend. >>>Done and will reshort tomorrow !,-1 +SEV next stop 8,1 +Tomorrow the stock Should Gap down of Average 10.60 which is the dividend of AAP,-1 +solid day of trading. Mrkt may be flat SPY DIA but there was still lots of profit to be made and was. Nothing not on watchlist NFX DVA,1 +user: user AAP still holding your short from 451.50? No it cost me 300 overnight to keep will short again in premarket.,-1 +GMC headed to 37 Bombs AWAY....,-1 +GMC Weekly dead cat retrace done on NO volume - Bagholders will bail en masse,-1 +SWHC yes! close over 9.,1 +GMC ICE is at 37... Short away.,-1 +GMC 37 No Brainer - FEE CASH - Sell MOTIME - SOTP,-1 +TBI Another staffing co. breaks out ,1 +GNC generators running hot ,1 +Market Wrap Video + Additions to Watch ist including: AMSC KBH MHK TW TTMI,1 +Prudential liquidates CM stake... 1st ones off ship get lifeboats ,-1 +"Key levels, confirming the expectation on: BBY DNDN BAS GD These and other set ups... DIA QQQ SPX T",1 +P poised. Needs over 11.90. ,1 +"In it's own secular #bull market COO #The Cooper Companies, Inc. Bull Flag Daily included #dogs ",1 +"M Consolidating here, heavy volume inverted hammer candle, we should see a nice green bar up tom, unless all buyers exhausted from today.",1 +ABT Bullish /T Setup - Breaking from a 14 year base: ,1 +" ES,EC,JNK,DAX Is the S&P diverging from other key mkts? The canaries? ",-1 +P has pulled back to its trend line and looks to be setting up for another upside move. es 11.90 ,1 +Only a rise towards 480 can confirm the new bottom of AAP ,1 +user: BBY upgrade2 outperf vs mktperform WFC; raise PT from 11-13 to 19-20/ More royalties on surging BB10 sales,1 +yhoo is like a PE VC w a biz.. holds big position in yahoo japan which is up 32.5% YTD (helps balance sheet).. also a position in alibaba.,1 +APP catalyst: 1. efi 2. Deals with WMT TGT A NKE (possible) 3. 100s new stores globally,1 +F headed for 12,1 +KSS ong Setup (Solid SSS this morning should trigger the gap): ,1 +I estimate WMT will buy 1/2 bil of Made in SA clothing per year for next 10 yrs. APP is only massive scale plant left in SA,1 +user: Sour Apple. Einhorn not happy with AAP. This should be fun. POXY FIGHT!,1 +GMC 37 next target on Bailing VOME in next week.,-1 +MS Morgan Stanley Is Nearing Our Medium Term Target ,1 +BBY - The new AAP as Apple bleeds on the No Jobs report. Target 55,1 +You know you are doing something right when you are the comparison benchmark. AMZN,1 +user: BAC 11.97 no longer a problem!,1 +C breakout watch above 43.4 ,1 +GEO looks good above 33.10 ,1 +AAP looking like a nice short off 460,-1 +user: EXC = undervalued here. Where is the yield support!?,1 +"MCP Breaking out of it's base, above the 8.04 mark. Next key level, 8.12. MACD, Slow Stochastic, SI now showing some very good strength.",1 +"SCM Very very slow, some holders should start selling off real soon IMO",-1 +GOOG(long if beats 778.71. Stop loss 773.91) & YHOO(long iafter beating 20.27. Stoploss 20.16) fit well the advertidsing deal,1 +AMZN nibbled a few short ,-1 +C_F SO Scratching my Head how OI goes P in a shale OI GT and refiner VO profits are P 20X. Do we feel Screwed?,1 +AAP On next pop if I'm out of other trades I will short for a quick trade.,-1 +AMZN breaking below 50-day MA,-1 +"user: Einhorn sounds like a trapped long to me, didn't care about preferred stock last year AAP",-1 +Price is what you pay. Value is what you get.? Those words never have been so true as in the case of NOV - ,1 +O orillard option trader buys 5k Puts betting on a 15% down move. A bad earnings omen? ,-1 +Scaling some AMZN puts 02/15 puts bot at 1.2 at 2.50,-1 +APP added 1.49 risk of bankruptcy abating. Not out of the woods yet. More work remains. Adding if thesis benchmark met. American Apparel,1 +ACX No negatives here. Just an algo bringing it down. Here's a chance to get stock cheap. BBH XV,1 +BBY Headed back to 5 on over saturated Cell Phone Market - That GOOG will own as next mobile Microsoft OS.,-1 +For once the market is making fresh lows and AAP is hold firm.,1 +BYD moving up on big down day,1 +"CST Coinstar option trader buys 5,700 Feb call spreads betting on good earnings ",1 +CEE goes back above 44.00 all over that short again - I think I can make 10 points in a week on this one,-1 +"AAP Still looks like its in trouble to me, no sign of a low, so remaining bearish #elliottwave ",-1 +MED to 21? Volume picking up..,-1 +SETPS some small some big a variety to watch - TZYM .56 JAG .75 C 1.23 AV 1.29 IDIX 4.85 MCP 7.75 MO 34.37 KO 38.75 HF 36.75,1 +OMX another bricks and mortar dinosaur falling to online retailing> Details here ,-1 +SWHC now we need that volume,1 +CEE short entry here 44.36,-1 +DGIT long for 10 crack at 9.97,1 +"Green Weekly Triangle on CB,....pdating ",-1 +CDX long 7.72,1 +SWY - made some sales 20.30 - 20.60,1 +Diving in... (considering schwab on pullbacks) Thursday links: spin-off successes via user DE SCHW,1 +DECK about to give some major loving?,1 +user StockTiger Currently long HA ,1 +JET entry 8.94 stop 8.2 ,1 +DOV Nov eport Feb early release earnings next month has made major strides CAB TA,1 +GOOG it's acting really good despite the choppy tape.,1 +ZAGG Coming off the bottom with the Grandma pattern. ,1 +BAC really wants to get BACK to retest its old HIGHS.,1 +MTX attacking multi year highs - entry 14.94 stop 14.00 ,1 +GNTX Swing Trade Quick Pick: Gentex Corp (GNTX) | ,1 +AAP need 465 to be taken & no looking back if this is for real,1 +AAP Volume Fade away... like as usual !,-1 +"user: That was the hardest, 10 rally in AAP history, like an old man climbing stairs. .~ He still got it up!",1 +AAP Short 468.44 on NO NEWS and no sustain in volume !,-1 +"Green Weekly Triangle on ESSX,....updating ",-1 +Don't get me wrong buying into earnings was a mistake what I read over 2billion in evenues nothing to scuff CST,1 +"S. Jobs was Keeping Money to innovate and buy New Tech, since AAP no longer innovate why keep !",-1 +Schwing! bingo NKD can I please sell my Feb 8 115 Call that I bot earlier for 10.50 NOW!!! #GamblingAddict,1 +In order to grow u need to SPEND MONEY aka INVEST in the future. At 10x earnings CST is a steal and shorts will cover over time BuyTheDips,1 +my NKD estimate was based on linear extrapolation. Beating my estimates means they are actually accelerating growth,1 +user also CST is better NFX b/c streaming movies is 4 suckers. The movie clarity is awful. The movies skip b/c int connections.,1 +user just saying ED BOX is not the future why? CST considering the growth of the company over the yrs. and valuation is cheap,1 +user That's what happened last time CST missed. Opened down big the following day then a massive short squeeze and closed +5%.,1 +I guess I'm old fashioned I own over 500 DVDs & love Blue ay. ntil streaming can improve clarity and no skipping I'm stickin to DVDs CST,1 +MSG - beautiful to see all these highs ,1 +user ProfitsBoy CST sticking2 buying over 250million in stk there unit cost is 49.90. Also cash flow 200mil. & Costs go down,1 +user: This CST report is goofy Acquistion costs were factor citing lower rev aka same store sales from dispensers acquired NC Corp,1 +"ed Weekly Triangle on FNFG,......pdating ",1 +user: AAP typical pump dump today will talk about later tonight via video,-1 +Absolutely Delicious CPB #Campbell's Soup SPX SPY #Fortune 500 ,1 +APP Compare the squared areas. Aren't they look similar? ,1 +CECO breaks above its downtrend / triangle pattern. ,1 +"user: Fascinating email chain between user and Einhorn debating the merits of AAP preferreds, ",1 +CST bot 51.40 I will hv to be patient IMO CST moving in right direction. Don't underestimate loss of Sat Mail too. 250mil buyback 10 p/e,1 +time to return to Apple. aapl record 23 billion operational cash flow quarter! ,1 +"TWI added to Small Cap 600; 24% short int; cheap valuation, though growth via acquisitions E 2/25 ",1 +BBY Pulls an AMZN ,1 +AAP Beautiful Bull Trap !,-1 +James D. White: Jamba: A Juicy Turnaround on Vimeo 1hr video from 2010 JMBA .. this is great stuff,1 +AAP No Volume + No Conviction = Bearish,-1 +added again to CST 48.84,1 +lnkd pulled a nflx topping out so far at 146. day is still young so watch this pull back,1 +user mention the lower same store sales in CST well I guess him & Mellisa ee Didn't Factor in the NV Acquisitions. Do ur DD ppl,1 +TW from watch list needs a volume boost - now at 2% - but watch as close to top ,1 +TTMI on watch list as a continuation trade and it is ,1 +OSG BIO MTS DYNT WYY all off watchlist DOV next to 5 this baby is in its prime.,1 +AAP Volume Fade fast !,-1 +CST nice intraday base here could see a pop here after 10:30 short covering on into the wknd. Valuation cheap. Biz model on track its a GO,1 +CST as we close in on hod this one should get perky MY GESS WE COSE OVE 50day maybe even up on the day #TIMESTAMP goin out on a limb,1 +INT #1 on SMB adar weak today,-1 +CST mentioned this level building base here over 48 next stop 49 repeats over that. ADDE P intraday to over 50day watch 50.13 HIT TODAY,1 +AAP Confirming nicely here above the 20 day of 473.12 ,1 +"DNDN breaking out 6.74, CMGO looking VEY bullish",1 +Mining & related stocks showing weak relative strength versus ESD & ES_F last few weeks. FCX NEM A GG GD SV CF MCP ACI,-1 +DNDN Confirming nicely (continuation) above 6.57 Also like AAP (breaking out above the 20 day)Others I like today: ,1 +AAP Europe now closed now lets BAST OFF!,1 +user: AAP Highlighted Major esistance Areas To Watch . . ,-1 +NFX: Time for a Major Correction? ,-1 +MGM - already at average volume for the day and trying to get separation from resistance ,1 +"ANGI ripping, lots to go",1 +user: AAP what is the cash pile per share worth ? anyone know ? ~ 140/ share is CASH (give or take),1 +user: AAP recent trip to Thailand...even the taxi drivers have iphones ! ~~ wait till they get into China!,1 +user: Great rotation.. Grasso confirming what I have been saying here for a while; Money coming out of AMZN and buying AAP,1 +"MDSO - ong 27.51. Trailing Stop 38.58 from 10 prior Stops of 37.67, 37.11, 37.00 ... 27.51, 25.15 and 22.79 - ",1 +FB I do wonder if the same shorts in FB today were in NKD last year at 80. They seem to be making the same argument. QQQ XK,1 +HG is breaking out ahead of an expected earnings beat ,1 +AAP Who really want a broken stock ? nless you have kept over E & Being Trapped !,-1 +OPK low of the day was 6.08. arge candle wick growing downward. MACD divergence downward. Stochastic downward divergence. SI downward.,-1 +NFX is planking,1 +Where I stand on SBX... ,1 +Jeff eeves and Charles Sizemore Discuss inkedIn Earnings on The Slant NKD FB AMZN MWW,-1 +Added more shares of ACTV,1 +"MHP McGraw-Hill Companies is having a huge sell off because of the rating agency, Fitch, has cut their ratings. ",-1 +DNDN Good place to lock in (some) profit at 7.20 p 20% since alert at 6.00 from Feb. 4th ,1 +DECK lets squeeze!! 40% short!,1 +"Brandon !! ACTV should break into the 6s very soon... nice breakout , just needs a little more volume !!",1 +"user About G, it is in a sidelines mode, that is no a good trend, I am seeing 2.22",-1 +VNG I swear never seen such terrible reporting on one stock ever in my life > The Cuban news is not negative lol,1 +AAP See Flash Crash 3.58pm ;-),-1 +user: AAP...IMHO...will be sell the news..sorry if I offend anyone...G warriors,-1 +AAP Selling begin First Wave of Dumping.,-1 +AAP Flash Dump Begin ????,-1 +GOOG IGV #Google #Software firing on all 3 cylinders compq NDX ,1 +"closed my DDD Feb 60P/60C/65C bull / here for +8, roll to StO Feb 70 puts 4, I'll take the shares, the premium, or some of both",1 +SCHW - adding to long,1 +PO Swing Trade Quick Pick: Polyone Corp PO | ,1 +"STO Mar 425 put +1.98, STO Mar 465 put +10.75, BTO Mar 475 call -17.65, BTO Apr 480 call -21.65. AAP will fill gap to 500. =^.^=",1 +AAP Dump in progress by Fund Managers 25% Done.....,-1 +Stop on AAP is 475.7 hard stop risking .30 to make 3-4 pts,1 +AAP Flash Dump in progress 35% Done Be patient or press Escspe !,-1 +AAP Dump by Einhorn in progress 40% Done Be patient....,-1 +"STO March 465 puts in AAP credit of 10.70. If put to me, I buy shares net cost 435.25. If not, I keep 1,070. Win/Win. =^.^=",1 +solid day with MGM AAP SBX leading the way for me. Out 1/2 MGM and 1/2 AAP (added a little after selling 2/3 in AM),1 +"user we should see again 1.35, and after that my exit 1.43 CSN",1 +Damodaran on AAP: getting a pretty good business for the price and worth about 600 ,1 +user: GOOG Eric Schmidt to sell roughly 42 percent of stake ,-1 +"ed Weekly Triangle on HEK,....Scaling p ",1 +"Green Weekly & Monthly Triangle on ISIS,....Scaling Down ",-1 +DT appears 2 b hammering out a bottom here at its 50 DMA. Solid EPS/sales growth+ low P/E ratio = possible earnings winner. Earnings 2/27,1 +I just legged into GOOG 780! Why? Sergey & arry aren't selling any of their shares...and Eric's keeping a few. :-) ,1 +Yes I saw a great opportunity when it dropped to 17 as you can tell from my twits user: user are you still long CHK ?,1 +Brutal declines on SD will create a buying opportunity soon. user: user like SD or XCO for a trade or T hold?,1 +Buying op in this range IMO user: user You still long in COP Are you a buyer today,1 +"54 Short Ideas to prepare for the next correction, BID COX SV GD FXE PB WTW HF FCX CF MNST #Prepare",-1 +PEIX gets volume Monday it could go thru tops and set new highs over .50+,1 +Acting well above 26.19 flat base trigger b/o from 1/9. ooking for a retest of 50day SMA at 26 PFE ,1 +One of Buffet's favorite banks. Cup with handle trigger of 105.02 MTB ,1 +"MCBC long 4.36, healthy pullback into sweet zone, between upper bolly & 20SMA, hammer today a plus ",1 +"PXC long 10.87, like to base a few more days but ready if it pops ",1 +AA - really liking the scale in entry here - limited downside nice upside,1 +A little more of the write up on ZNGA is available at ,1 +STX - high call vol. 12.71% short Check WDC as well. STX better hard drives. always rumor buyout ,1 +DNDN breaking swing High.Volume looks good. ,1 +Week 6 - #13for2013 DDD DNKN FT INVN KOS NKD MOV NTSP AX SCCO SCA SSYS V ,1 +#13for2013 - 8 of the 13 stocks are up double digits & one is up 8% w 9% dividend NKD INVN DDD FT MOV SCA KOS DNKN SCCO,1 +Market Wrap Video DJIA SPX TX + Additions to Watch ist including: AGNC ANY FS HP OST SQNM,1 +MBS The long awaited break of its 200-day EMA is just one step away. Watching for 5.68 breakout. ,1 +PEIX Bullish volume pattern. ike it on a close over .43 ,1 +YHOO ong play. Watching over 20.88 for movements. ,1 +FS Over 158.00 or 158.63 ,1 +SQNM a Continuation - wil take it over the top Bollinger band ,1 +MSFT Waiting for break out of bull flag+horizontal channel ,1 +"Commentary on AGNC. DDD. ZNGA, HX, AGNC, BSX, VT ",1 +"Going long msft tomorrow, I think 30 is written all over this one ex div is also coming up.",1 +"Morgan Stanley Initiates Coverage on HCA at Overweight,announces 47.00 PT.Breakout watch over 39.6 ",1 +"Feeling good this morning about AO after Friday... Technicals still holding up, and fundamentals are coming around!",1 +"ed Weekly Triangle on HEK Closed at 4.30,....Net Profit 15,137.50 (5.30%) ",-1 +"ed Weekly Triangle on HEK Closed at 4.30,....Net Profit 15,137.50 (5.30%) ",-1 +"ADBE SHOT! will see around 17 - 20 very soon, 39 is to much for adbe, thanks and have a good day.",-1 +"Today is the very important DAY 3,we haven't closed green for 3 days in a row since Sept.Very bullish short term if this happens AAP",1 +DDD and SODA look interesting but will wait until after earnings release,1 +AAP Next big (little) thing... iwatch ,1 +MSI SHOT! will see the price around 32 - 34 very soon 1-2 months. Becefull. Have a nice day,-1 +From Yesterday- 'NEW Blog Post: Watchlist for the Week' IWM SPY AAP SBX AXP CSX X ,1 +CSX getting the Barron's bounce. At resistance. Wouldn't pull trigger till break of recent highs ,1 +ed Monthly Triangle on CSN closed at 1.46,1 +ADM holding on nicely,1 +AMZN back to shorting a few - clearing 50 day ma. ,-1 +DNKN clearing back about this resistance area - worth eyeing ,1 +"GS continues to trend higher, a solid run since Dec. ",1 +BAC holding up well - could see much higher prices by year end. ,1 +A couple biotech stocks that are setting up well in various time frames: JAZZ PCYC,1 +"AAP resistance near 500-bearish below 555, targets at 420 and 350 ",-1 +AAP bounced back to the trendline. Should it break above? I still short here,-1 +ZNGA suddenly jumped to 3.61,1 +BKS remember that one? - low volatility pointed out couple weeks ago. Forgot to check. Next. :) ,1 +"annoyed with BBG steadily going up, i want to grab more",1 +OVTI maybe today is the day for a breakout over 16. ,1 +I think its a great level to long TIVO after its pullback from 13.5 to 13.0,1 +ZNGA continuing rally,1 +GMX -10% ouch,-1 +SHD Sure is wound tight here: ,1 +SB WFC Broke trend line Ho hum CA,1 +doesn't seem to be much talk on financials today. GS XF new highs ,1 +WMT want more march calls,1 +keep an eye on IDA presentation bout postive drug results at a conf 3pm in NYC today on watch for volume to come in,1 +CST about to go ed to GEEN watch break of 50day by wks end time to rock and roll baby,1 +"DPZ a five bagger in pizza, no carbs, if you own domino's stock since 2010...' the markets are magical '",1 +FS Nice Breakout w volume. Next resistance lies at 33.38 ,1 +"Green Weekly & Monthly Triangle on ESSX,.....Net Profit 18,664.75 (6.81%) ",1 +AAP is having a great day! I think we've seen the bottom.,1 +Currently holding ANA DVAX ENDP FB GAE NKD WCX,1 +NKD a strong follow thru day on volume - exactly what you want to see for confirmation ,1 +we have a joke abt how often it seems JEF is wrong when they make a reco or PT change the day b4 a co reports: raised PT on KOS...#uhoh,1 +TEK long 1.65,1 +"Green Weekly Triangle on MNK,....Open ong position at 3.17,...Opening both ong and Short ",1 +"Green Weekly Triangle on MNK,....Open Short position at 3.17,...Opening both ong and Short ",1 +ZNGA BYD MGM These ready to sell yet on the NJ online gambling bill that will fail?,-1 +NVDA Wants to breakout.12.69 is short-term resistance. ,1 +"EXP watch this consolidation, a volatility squeeze seems eminent. eady for next move up ",1 +GMX -13%,-1 +PCS - shhhhh,1 +P is breaking out. ,1 +is this a potential h&s on with neckline 65ish? ,-1 +EAP abouve 6 again - lining up to break out,1 +hmmm user: TSA user coming after NYT writer. Elon says vehicle log shows he took long detour. WOW,1 +AAP Crack nder 480 !!!,-1 +AAP Sell Off !!! Somebody Know Something and Dump ?,-1 +M Settling in with 27.40. ,1 +"Green Weekly Triangle on PBY,....Scaling p ",-1 +"AN doing what it needed to today, bouncing at support ",1 +"GMC still sitting above key support, may test further but no damage done longer-term ",1 +ast time AAP Dropped was when Tim Cook this was when Tim Cook spoke.... Hummmm !!!!,-1 +GMX -18% any news ?,-1 +MCO out the last 1/2 from this morning +1.00 30 min opening range,1 +"AAP setting up for a sell the news tomorrow on Cook speech. He is no Jobs, market will be disappointed. Iwatch? Gimme a break.",-1 +"user: AAP setting up for a sell the news tomorrow on Cook speech. He is no Jobs, market will be disappointed. Iwatch? Gimme a break",-1 +user: AAP is WEAK.. wants lower. Tmrw will be nasty folks. Sideline if ya long.. Bears taking over.,-1 +AAP Made in SA = ess Profit for Shareholder and Share will drop on anticipation...,-1 +user: AAP If TC announces bringing cash back to S>> Made in SA = ess Profit for Shareholders & Share will drop on anticipation...,-1 +GOOG can break above the old 52 week high of 786.67 tomorrow. It gave us another green candle on the daily and weekly! What a beast!,1 +"INVN - Do I believe? Well, 111 tweets since 2012 says I do (tweets w/ InvenSense mentioned) ",1 +esrx gap fill idea.. 56 looks big ,1 +" , ES,SPY, Ground Hog Week, distribution at highs.. ",-1 +OMEX Odyssey's ecord Breaking ecovery to be Featured on Discovery Channel SIVE SH Premieres February 24 - 8 pmET ,1 +EVC - so close to magic 2.00++++ - ready for a big volume day with great earnings due 3/7 Target 3.00,1 +", AMZN,,,Headed to lower weekly channel support at approx. 233?? ",-1 +OCN Over 41.50 ,1 +Momentum Monday Post - thick and deep but dont chase ....NKD NFX TSA ,1 +FOS bullish engulfing.,1 +OVTI If it clears the 16.03 resist the move may be powerful.Breakout candidate! nder accumulation ,1 +expect NFX to trade higher on Dish founders positive comments about NFX. Basically calls them game changer. ,1 +FOS worth eyeing - earnings coming out so could move either way ,1 +"Watch SZYM, nice base, working a bull flag, could get legs to the 200 day ma around 10.30 on b/o ",1 +NX will be watching this week for higher prices ,1 +user: SHD could be getting ready for a move to the 200 day ,1 +"NFX Held the 10 day ma like a champ yesterday, lets see if it can squeeze some more shorts ",1 +T user INVN ..lots of bullish technical discussions tonight. Fundamentals have always suggested a higher price.,1 +V can only appreciate!!!!!,1 +INVN last one...watch for the breakout...good luck today ,1 +AMZN looking to add to short position on any bounce ,-1 +"NIS sold stocks at 2.24, now we are at 2,15. We will come back P soon. Patience my friends. I'm ONG",1 +"MEA sell stocks at 1,3 we wait for it lower",-1 +MITK moving again,1 +COX continues the pattern - tension building as it creeps up,1 +FS obama speech tonight moving it on up in channel - squeeze continues,1 +GAE 2 & 3 calls waking up,1 +BAC Out 12.06 waiting for a pullback to comeback 3K profit :),1 +XXIA on watch list with 21% ave full day volume close to line ,1 +JOE successful test of that 22-23 support I highlighted last week ,1 +AAP Cover my Short B4 Conference !,-1 +EC nice set up,1 +YGE opening range is in. Feet up. FS JASO X and BD similar trades. ,1 +AAP back to yday opening range high - support bounce ,1 +Cook should inquire as to how many indictments Goldman has faced every time he is asked for numbers...walk off the stage gs aapl,1 +OPXA taking some here long small stop,1 +"Green Weekly Triangle on HEO,.....Open Today Scaling ",-1 +"Green Weekly Triangle on HEO,.....Second Scaling ",-1 +"NW - ong 19.75. Trailing Stop 21.08 from 6 prior Stops of 21.06, 20.26, 19.93, 19.75, 18.95 and 18.15: ",1 +"Green Weekly Triangle on HEO,.....Third Scaling and Closed ",-1 +AXP new multi-yr highs,1 +P breaking out after expanding from Shark Pattern yesterday ,1 +"Green Weekly Triangle on HEO,....Net Profit 30,990.00 (3.08%) ",-1 +FS - daily ,1 +NIHD Gap and go? (likely) Also liking the action today on: WT CM Others: Also bullish: DIA QQQ SPX T,1 +"AAP like I said yesterday, APPE is a broken stocks and TC is not the right CEO for the company. Still SHOT.",-1 +AAP when I got lot of hate mails yesterday after saying SHOT apple I realized my short was definitely going to work today.,-1 +"GOOG has been trading like a leader, ride it until it stops.",1 +"AAP enjoying some really nice gains right now from my SHOT. Next stop 465, if that does not hold I expect APPE to make a new 52OW soon.",-1 +"Based on historical research about GS upgrades/downgrades, K is a short right now after being upgraded from Sell to Neutral. Sell signal.",-1 +ike it or Not AAP will fill the gap B4 will see 500.00 IMO,-1 +NEW POST: AMZN Is Still in the Grasp of Corrective Forces ,-1 +CTIC long - next one to pop out base 1.40 1.41 1.42 1.43 - get it!! - GAE hot too at new hod,1 +long AAP 470.10 holla,1 +Price Match is a reputation destroyer since you can match price anytime with gr8 technology. Price Match = Friction. AMZN,1 +"ed Monthly Triangle on CSN,....Scaling",1 +AAP hit resistance yesterday and continues to roll over - holding short currently ,-1 +AAP 480 weekly uptrend support becoming new resistance and bear flag in the making ,-1 +NFX SI is sloping lower/MACD is about to cross down.Negative Divergence on Daily.Distribution ? ,-1 +"user: OCN trying to go, looking for follow-through I think the follow through is coming. This wants more",1 +AMZN clearing this rising trend line / support off 5 minute looking to add to short position ,-1 +PHM ready to go. I'll buy some even up here too along with user,1 +AMZN sharing a few trading insights POSTED VIDEO ,-1 +SPW new HOD,1 +VXY Added some AAP Mar Bull Straddle for EOD squeeze,-1 +DISH Break out watch over 38.10 ,1 +SPW SunPower Corporation Option bulls make bet on 50% up move by June ,1 +"BAC huge spike on AG 17 CAs just now. 10,000 contracts.",1 +"JBHT short right here, maybe write some MA70 calls if buyers show up before close today",-1 +BAC breaking out I suggest you ONG some if we hold above 12.20 at the close.,1 +"SWI currently a loser for us but maintaining higher lows, would like to see more volume on upside ",1 +BAC huge VOME spike in the last 10 min.,1 +OCN still looks good but need that volume to come back to truly power on from here ,1 +BAC now that's what I call VOME!!!!,1 +"DHI: ong 14.39. Trailing Stop 20.50 from 11 Stops of 19.05, 17.90, 16.93, 15.93, 15.65, ... 13.39 and 12.39 - ",1 +"V still taking a breather, still above first support, good place to add ",1 +"JPM very efficient trend, love seeing these ",1 +ZNGA Merrill upgraded this on 2/5 - just a retrace to base of breakout say 2.60,-1 +BAC shorts better make a decision today... #OBAMA will give another push for continuation tomorrow.,1 +"NKD sure to be mutual fd PM's putting in limit orders and never getting filled, more to come ",1 +just know your gut will betray you quite often in the trade em thing. even on CEG.,1 +DVAX Options Trade for Heplisav FDA Approval Decision ,1 +TES moving stop up again and protecting profits on big gains ,1 +"OABC - ong 16.55. Trailing Stop 23.59 from 10 prior Stops of 23.08, 22.80, 21.16, 20.18, ... 16.74, 15.90 & 15.25 ",1 +"PX - ong 11.40 - Trailing Stop 19.13 from 9 prior Stops of 17.31, 16.69, 14.17, 13.14, ... 10.40 and 9.40 - ",1 +Innovative Drugs May Win .S. Approval After Early Trials good news for #biotech DVAX GAE GOVX,1 +Took two position overnight BAC and PHM,1 +CSOD Conf Call: CEO: feeling good about our position and good momentum coming out of last year,1 +VTS there we go! A great end of day pop in the last 30 mins on 90k volume! ooking for a little bit more tomorrow - ,1 +AX ptrend was exhausted and started to form a downward channel. Downward divergence in MACD. Strong support at 60.04. Great SHOT!,-1 +BWD Wants to fill the gap which will be complete at 83.10. Higher highs and MACD and SI showing bullish signals.,1 +For the past 8 years GOOG booked an avg return of -6.5% during Jan to Mar option expiration. It has posted positive returns for 2/8 years,-1 +For the past 8 years GOOG has posted a Best return: 10% Worst return: -28% during the Jan to Mar option expiration time frame,-1 +"AAP, More like crapple as one student said today. Bearish with a move lower tomorrow. It's failing exactly where I thought it would.",-1 +BAC Fiscal Cliff talk by President Tonight = Ouch !!!,-1 +#vmware VMW where? here? there? best wishes dealing with this complex H&S ,-1 +AAP Mac manufactured un SA said Obama = ower Profit Margin !,-1 +user: AAP How will smaller margins and higher wages and unions help apple?,-1 +#hammer + #wedge worked out from last week Y HOV TO PHM ITB XHB etc ,1 +user AAP will make computers in S. The 1st line of tablets will be called the Pinto: They explodes if swiped from behind!,-1 +BAC Obama is slowing the rally... Ouch !,-1 +DHI Back over 24.30 - high today was 24.66 ,1 +CMCSA Will gap open higher; No idea where 2 enter. Would love 2 get in at 40.28 but may not get it. ,1 +PCYC Fresh long should be made only when the stock closes above 72 with an up candle. ,1 +EBIX we're in a short term upward trend with the MACD positive/rising and w/ CMF rising nicely too ,1 +"ANTH look interesting at this priced after OBIMED ADVISOS C bought 1,762,00 stocks on 01/25/2013",1 +DE #ONG if hold above 95.5. be aware of resist 97.5,1 +JPM increases target to 205 on NFX,1 +"WF EPS beats by .08 revenues up 42.8M - p 6% premarket, should have a nice run today after #POTS remarks last night!",1 +PPHM FIED 2.44 SOD 2.49 WI BY BACK AGAIN I WI TAKE .05 WHEN THEY IT QICK WE TADE THIS 10 TIMES TODAY FO NICKES GOT .50 EASY WAY,1 +COMPQ SPX IND BAC C Futures traded with rises pending macro data ,1 +CM Continuation (likely) ,1 +SPW the dip that refreshes 12.63 gartley target on 6 month daily 3.90A 9.12B 7.41C 12.63D 1:1 14.62 1:1.382,1 +"ong ZGNX user: 2/13 Watchlist: ACW, ACHN, GGS, IBCP, MENT, NAT, STP,ZGNX. ",1 +PO (specialty chemicals) is slowly approaching new all-time highs,1 +AMZN short stopped out. rough to walk into a gap up,-1 +this could be the last good chance to short AMZN,-1 +"O delivered 4Q 2012 adjusted earnings of 0.79 per share, which exceeded 4Q 2011 earnings by 8.2%. ong if beats 41.52. Stop loss 41.11",1 +CSN Scaling Down at 1.3445000,1 +For the past 10 years F has booked an avg return of -4.4% from Jan to Mar option expiration. F has posted negative returns for 2/10 years,-1 +"Exact reason why ETFs are safer than individual stocks, News Kills a stock - Trade KO Not CF ",1 +user O Stop loss in 41.54 after beating 41.74,1 +user: user O Stop loss in 41.54 after beating 41.74,1 +OCN running IGHT NOW,1 +P approaching resistance area around 12.47/.50 ,1 +"FDO spread buying Jul 57.50C 5,400 times at 2.90 selling the Jul 52.50P 5,400 times at 2.20. Both against much lower open interest",1 +The ise of Google Play: App Annie Index January 2013 h/t user GOOG AAP,1 +V going into full breakdown mode,-1 +Majority of eading Stocks regularly lag NQ_F & ES_F on strong up days. AMH QCOM KS GS SSYS KBH FT GOOG,-1 +"user 5 stocks i've been buying at 50 with hopes for 70, SBX KOS PANW EBAY HAIN - AM I diversified? Will i see 70 this year?",1 +"Buying V on any and all pullbacks. Doubled since IPO, expecting another double sooner than later",1 +un-p Trade Into DVAX FDA Approval Decision ,1 +AAP and 20EMA ,-1 +CEE should crack 45 not letting go above 45.15 with full cover then will reshort again - CEE on the red train down now,-1 +"FFIV - short, anybody thinking of buying this should be watching EZCH - EZCH a supplier to comm./switch co's",-1 +IDCC .. Take a look at how IDCC performs after touching lower Bband previously!!! ,1 +"MDSO - ong 27.51. Trailing Stop 41.40 from 11 prior Stops of 38.58, 37.67, 37.11, ... 27.51, 25.15 and 22.79 - ",1 +NFX short via 2/22 Put 4.65,-1 +user Where do you see it by the end of next week? NFX,-1 +CIMT is a player in 3-D imaging CAD software designs that has explosive growth paying SDIV in the industry DDD SSYS ONVO PCP DASTY,1 +"With the mess that Twitter andThe Grammy's made of Hashtags #sting (are you kidding me), excited for GOOG to just step in and print off #",1 +"TTM revs, retained earnings, FCF last 5yr. Yoga growin lifestyle trend. Can stay on top of it? ",1 +"Deere & Co DE predicts slowdown in .S. farming, but boom abroad",1 +Why would anyone buy AX's overpriced services when there are many more high-quality alternatives that essentially cost half the price?,-1 +"SCTY cools off, but SPW continues upward. Our take: also, look for our updated solar market outlook soon",1 +"CSCO get on the train to San Jose now, 23.80 before next Qtr earnings",1 +pep trying to break thru the 9 ema on the 5 min after triple doji bottom,1 +AAP here is some news none of us have ever heard.. ,1 +NFX tight flag 10minute,1 +BAC New OD !,-1 +BAC New ow of Day 12.20.Broken --> 12.18,-1 +BAC Oups OD is 12.16 now,-1 +BAC Back run down to 11.75 area to consolidate.. Sell Off & Profit Take !,-1 +BAC ot of Big Sellers on 2 New OD again 12.12 Expect a big sell-of EOD,-1 +ES_F Vivid bearish volume histogram divergence in XHB home sector-( TO EN PHM ) ,-1 +BAC It's will be healty to consolidate few day around 11.75 before going to 13.00 !!!,-1 +BAC Big Boys are selling on 2 lot off Big Stake for sale !,-1 +user: BAC All the banks are reversing now!,-1 +BAC ook evel2 lot of selling occur from funds !,-1 +out 1/3 of VMW short more. carrying remainder overnight also short full position FB and BID,-1 +AAP GS says higher div likely .. more value investors? Why no stock split instead? ,1 +"ed Monthly Triangle on CSN,.......pdating ",1 +user still holding those puts? :) MCP,-1 +Swing Trade Quick Pick: The J.M. Smucker Co. SJM | ,1 +user 45000 Did you check my update about CSN?,1 +BBY Best Buy Founder Schulze Considers Alternatives to Buyout Plan Feb 13 at 15:48 Profile hits: NONE Disclosure Short BBY,-1 +"CEG ooking to Add to, soon.",1 +znga looking to continue to add as well.,1 +PPHM is going down like a Ship!,-1 +"YB holders cashing in after big run since November, GS underwriting 25 million shares secondary",1 +CSCO Never mind Crisco - Call her KY for the longs.... 16 target,-1 +"NN uptrend still intact. Had resistance at 0,4. It will attack that again in the next days. First gap to close is 0,5 then 0,8. TP 1,5",1 +Our 2013 solar outlook: SPW SCTY FS YGE TS STP,1 +user CalMustang That's why we own 0.05 puts... doesn't get any cheaper than that on the risk side MCP,-1 +Omega Advisors initiated a 3 million share stake in FB also sold his entire stake in Apple AAP ,-1 +Take a look at how IDCC jumped up quickly after touching the lower Bollinger Band. Happening again. ,1 +"AMZN - no matter how I look at it, I still can't figure out why it's valued at 269.47 > ",-1 +Market Wrap Video + Additions to Watch ist including: AGO AS CHK CVA GA NFX GP - by My Valentine,1 +BAC Don't forget OPEX is Friday (3rd Friday of month) So we will see below 12.00 for OPEX IMHO!,-1 +After Hours Most Advanced: SKX AWC IO BT THO NFX ANGI EDMC JCOM BCO VCK Z SGEN EQIX MBFI,1 +INVN CEE - started it's red bar down shorting more and CEE hasnt made it move yet - patience,-1 +user You're Wrong I was long BAC till Yesterday. I think you are falling in love with Stock instead of making ;-),-1 +BK buys HNZ is HSY next? Warren must like chocolate bars with a coke KO,1 +"AN rally on MS upgrade might be enough to keep us long, price needs to reclaim 10wk ",1 +COMPQ SPx AAP C CSCO GM - Wall Street: Futures in red before jobs data ,-1 +Side note: Nelson Peltz (Trian) actually designed the new HNZ ketchup packets. Wendy's is one Peltz's fav investment.,1 +BAC Euro-zone GDP plunge stokes rate-cut expectations ,-1 +DE looking for a bounce,1 +"FIO Hedge Funds Are Buying These 4 Oversold, Highly Shorted Stocks With Troubling Sales Trends ONG",1 +the last two times I saw Warren Buffett he told me to 'Catch p' ....i just thought I was slow! .... ahhhhh hnz,1 +COH 52w low...,-1 +"eal estate on fire this morning wit GY and Z, Z only up 4 since the open #NewMomoStocks",1 +"AFFY oversold. etter is precaution, not a death sentence.",1 +HTZ Great relative strength today in red tape. This wants 19+!,1 +"SYNT full year 2012 revs +13%, EPS +51% vs 2011",1 +EAP being sat on at 6.58 by large sell blocks - maybe some people need out of shorts?,1 +AFFY unbelievable round trip!,1 +"SWI still acting sluggishly but not invalidating yet, hanging in ",1 +"SWY - long late night checkout line was funny last night - all men with last minute Valentines flowers, cards & candy - did you get yours?",1 +MCP so much for my 7 puts... at least I have common stock! SC here we come!!! ,1 +GMC upside volume low but confirmed strong support beneath ,1 +"OCN closing off its highs recently, but volume remains on upside, no damage done yet ",1 +news on NS?,-1 +NS aggressive put buying in Feb options,-1 +"GS continues higher - a great ex. of buying right and sitting tight, allowing your winners to run ",1 +NS breaks below the triangle,-1 +The Harbor - ValuePlays | ValuePlays HHC XOM FB M DDS GGP,1 +user Me too but NFX has been kicking my A!,-1 +"NFX daily had the buy, its in extreme overbought so up should slow down but orange EH is power. ",1 +SWKS ong Setup (Triggered): ,1 +user: SWKS ong Setup (Triggered): ,1 +SFY - Now that's a pretty Short Stroke forming.,1 +SFY - Now that's a pretty Short Stroke forming. ,1 +INVN is a tough one to figure out & trade short term. I'm in long term so I brush off the intraday volatility,1 +"ed Weekly Triangle on AMPE,....pdating ",1 +user Nice JVA Super ed,1 +"Sold partial SKX It is in a bear market you make most of your money, you just don't know it then aising ",1 +AAP weak... no volume..,-1 +ACX Fidelity now owns 2.981%. XV BBH,1 +WFM fibs say here or 81.67 ,1 +"BAC altho vol during formation not ideal, still a saucer nonetheless & possible C-n-H. Trend clear ",1 +CT declining 22 % after a dividend cut of 26 %.,-1 +HNZ do you guys think it will fill the gap?,-1 +VXY IVAN buy SPW after a minor pullback - 14.70 target,1 +AAP 65mins Bear Flags ,-1 +SEV needs a little bump to get it moving up again.,1 +CST - 150% avg daily volume. ooks good for higher. Next resistance is gapfill. ,1 +OVTI eclipsed yesterday's highs...16.50 initial tgt ,1 +HA from morning follow up - best new mover from watch list today with volume of 145% ave full day ,1 +ES_F Hedges rotating into Junk stocks like Solars and squeezing them FS SPW - Sign of End of QE Inflation ally?,-1 +Halliburton having a monster day. The Evil Empire wins again. HA,1 +W looking nice,1 +ADM 50ma crossing above 200ma,1 +"AN ooks like that pullback entry worked, now lets see the action.",1 +SPW seeing a bearish divergence forming. on watch for a flush to short.,-1 +VVS at the highs ,1 +Solar stocks are ripping. SPW up 20% and FS up 7% and Trending ,1 +call vol has tempted me in! :) ONNN,1 +GPN is breaking out !! Tiger Global aised Stake in Groupon from 1.3M Shares to 65M Shares ,1 +"AN technicals turning positive. SI rising, MACD crossover. Cleared 50EMA. ",1 +SPW short 12.33,-1 +HF entry 18.34 stop 17.55 ,1 +PPHM Going down to 0.69 ouch...,-1 +"GPN indeed has broken out of 9 mo base with min next upside target of 6.12/16 if hurdled and sustained, 6.50/55 with 7.50 med term outlier",1 +BAC Sell-Off of the day begin !,-1 +2013 ooks Bright for .S. New Vehicle Sales - Blog Posts by Tom ibby | . . Polk F GM TM HMC,1 +"user I agree it's accumulation, but on SHOT term I'm bearish and on long term I'm bullish on BAC",-1 +GEVO still holding for breakout !!,1 +SPW covered 12.12 not trusting it for a swing. will watch for another short tomorrow,-1 +agree user: hedge funds sold AAP in Q4. We'll see if it was a smart move or they dumped the stock in a panic. I say the latter,1 +PPHM 3 million shares stuck in a squeeze. Disinfo agents already appearing! user ,1 +VHC looks ready to go...really tight range last few days ,1 +WOW! WFM. Bearish past 86.72,-1 +TSA this is why electic cars will go mainstream soon ,1 +NVDA rebounded strongly today on pretty heavy volume and might be on the way up again. ,1 +GEVO The volume is still large so it could potentially break out again at any moment. ,1 +user check out CNN reporters finishing up successful TSA drive from DC to Boston. Prob have cameras in car ,1 +Selling ICE Short check out my video analysis ,-1 +"WT Bullish signal (initial confirmation) pushing above the 200 day average, for the 1st time since July of 2011. ",1 +"ES,TF,YM,SPY,IWM,DIA, Hurricane FAGS are P! Another warning lite... ",-1 +Told you on SPW I still target 16 and higher ,1 +ADS breakout ,1 +HNZ Another American Institution sold to foreign interests as SA is gutted. Buffett has 0 management power over 3G. ,-1 +GD SV NEM ABX AY - The Price of Gold plunges to six-month low ,-1 +COMPQ SPX IND AIG KFT AEP Futures traded in red with an eye on the G-20 ,-1 +"T user DDD & SSYS working on left side of new bases. Wait patiently for them to form & better price action, as entry is everything.",1 +Hot Stock today - QIK OPXA MAKO DAA,1 +Market Wrap Video + Additions to Watch ist including: AEG CAM DMND DC FT SFY ZOT,1 +GD SV NEM ABX AY P DZZ - The Price of Gold plunges to six-month low ,-1 +PreMarket Most Advanced: QIK GTAT IEP MEKO WTSA QGEN TIBX ATM ZNGA JB,1 +today could be the beginning for a MSFT run! (no pos),1 +going to full position in M,1 +M currently above resistance this morning ,1 +"54 Short Ideas to prepare for the next correction, BID SV GD FXE PB WTW FCX CF MNST Starting to tighten.",-1 +GEVO Good breakout on high volume. Possibly a nice long trade for a 30-40 cents profit,1 +SWY - added to long,1 +anad long 2.61 flag breakout. ,1 +user: NTI buying 8.80 -8.83 - BYING MOE 8.87 -8.90 - magic 9 test,1 +ATVI short with a tight stop.,-1 +SHW keep eye on this one - poised to breakout to new highs ,1 +PCYC strong winning trade since Wednesday up 10+ since (holding) ,1 +Equities esearch Morning post at my home page SSYS DDD,-1 +SHD - Coiling snake,1 +user I was early...but right on! thanks for lookin out ! ssys,-1 +user I want to frame this post u sent me....you may have been only one to read it lol ssys,-1 +TIP - p fill the gap,1 +"EXAS nice pattern, maybe trying to break out of this handle or wedge ",1 +GOOG stopped out of half --,1 +FS alert update: I suggest selling at least half again booking profits over 36% thanks again FS,1 +DDD - Breaks 50 day.... Stops at 50,-1 +SSYS - 65 or 60... pick your winner...,-1 +It really wants it. user: ZGNX...C'MON 1.60 + PINT ,1 +BAC 11.95 could be the pin today !,-1 +ZNGA 3.22 better be holding!!!,1 +user: Why is BAC falling? Montlu OPEX and Pullback of OVerall Market,-1 +"IPHI ....that would be called a spike, lol, in at .49",1 +N found buyers near its rising 50dma and it is looking to resume its uptrend ,1 +I was out today so missed it but CAY from watch list did well on vol of 197% of ave full day ,1 +GME big volume coming in,1 +FT another watch list added yesterday that triggered today has volume of 55% of full day average ,1 +QCO made like 3 points scalping this today!!!!!!!!!!!!!!!,1 +user: BAC accidentally bought the dip ->Now Close r Eyes Till end of March ;-) Or buy more on EOD Should Close 11.95 12.00 Opex,-1 +Nice share.... user: AMZN intraday short explaination. ,-1 +SWY pretty lame selling SWY because WMT sold horse meat in Europe. TH SPY,1 +SBX breaking down from ascending channel. 54.57 gap close ,-1 +QCO Questcor ises On nusually High Volume (QCO),1 +AAP note +4 on 30 min opening range this morning short. Still moving lower. ,-1 +SBX gap close...that was fast,-1 +"WMT Wal-Mart on report of slow February sales: Often see internal communications that are not entirely accurate. -2,8 %at this time.",-1 +DIS staying pretty strong on the board through that market dump,1 +APO good volume bounce; entry 22.19 stop 20.50 ,1 +DV Pulling back to breakout point. Needs to hold the 2 area. Strong Bullish trend still intact. ,1 +What??? No! How is this possible? ;) user: Payroll taxes eating WMT lunch.,-1 +I have a feeling the last 10 minutes of today's close are going to be interesting for NX.,1 +VXY Short again - GS just downgraded volatility into June,-1 +HF - looks like icahn will be losing 100 times of his schmuck insurance that he waged war with ackman or his total NFX profit so far,-1 +Canadian MTY.CA much better choice than CMG #valueinvesting,1 +"WMT Scared over an e-mail? Ha, in on this for the bounce back.",1 +"ed Daily Triangle on SONC,.....Open ong at 10.99",1 +CF #cliff the Head & Shoulder still thinks it's right! ,-1 +QCO 5 Stocks ising on nusual Volume,1 +SGY broke down its 50EMA & trendline support on increased volume and selling pressure. ,-1 +"DDD - still an 11% gain for year but shedding profits, look for a base to build (could be months) ",1 +MITK - been waiting for pullback since 4.00 not happening now looks to go thru 5.00 great company,1 +MITK perfect example of cup and handle breakout from 4 to 5 - EVC has this pattern now,1 +"CWST long 4.67, Ascending triangle, 4.65 touched several times,4.66 high. 200SMA 4.80'sh - magnet ",1 +"BIOF looking very strong, I would like to see a pullback to re-enter. ",1 +"ZOOM long .76, looking for continuation/momo ",1 +BCD price is holding above recent breakout area. Technicals look good. ,1 +Keep an eye on this bull flag on VZ Over 45 would be buy trigger. ,1 +Google will open its own stores by the end of 2013 GOOG #bull,1 +ltra ever dry will boost TEK in the next few months....,1 +DVAX buzz around this stock now - will be in play Tuesday with news limited downside big upside,1 +AAP - Series of lower highs. ooks like it wants to retest the recent lows. ,-1 +EA if price doesn't hold above 9SMA then 16.71 is the next support. ,1 +FFIV - Worked off overbought levels quickly after testing the top side of this long term base. Gap fill at 99.05. Ascending triangle.,1 +V - Tested the 50ema & working out of this bull flag. Expecting a test of recent highs. ,1 +PIP breakout at 1.48 and then again at 1.70 ,1 +"SANW read thru eps and cc. Nothing fancy, just steady execution of a plan. The best is yet to come. Some patience required",1 +SANW to get a management team like this for such a small operation is unusual. Grewal is building a monster in a smart manner.,1 +SANW btw I am not a buyer here. I already own a lot. I will add on pullback. I think there is a point in the future where this rockets,1 +"MTG Major resistance at 2.80 which is Fib level and 20 day MA. if you are long, good luck. ",-1 +DVAX tempted to increase position on Tue,1 +"Shorts Tues, most I stalk have 1 - 4 days inside base or bounce after red kicker ACCO BT DMD EY GMX GO HAO NPSP OEH OZM TEO",-1 +EBAY Nice consolidation since break out after earnings. Waiting for break out above 57.27.. ,1 +HPQ NVDA QCOM umored HP tablet could use Tegra 4 chip and Android as its OS ,1 +SWY : bought long-term calls.,1 +"AAP broke 10 & 20 day MA's on Friday,acts dreky, support levels seem to be in 10 chunks to 430 ",-1 +CJES C&J Energy: ook For The pward Trend to continue ,1 +SPW Interesting analysis and speculation of share price. ,1 +"SSYS short/medium term trend is down. Next major support is at 64.72, its 200-day EMA. ",-1 +NKD target 150 - 12 points to be made on downside start short scaling here,-1 +PETM - ooks weak. Next support level is 63.40ish. ,-1 +I don't like the technicals on OMX but the fundamentals look like they could turn around with a few good quarters.,-1 +"NX setting up beautifully, and much is still short ",1 +"user arge % owners on Morningstar rival 1990's mania...CSCO, AO, etc. AAP range bound as funds diversify away w/o growth. JMHO",-1 +possible new shorts MCD XT DDD DE EA FFIV QCOM TA,-1 +"AA - China's buy into AA joint venture trumps weak aluminum demand and pricing SPX, DJIA",1 +AEP Over 45.20 ,1 +WYN Over 60.32 ,1 +"JNP FX ong, getting in tom.",1 +GOOG this market leader is heading to next Century mark 800 could see resistance ,1 +GD SV ABX NEM FCX - Distrusts Soros sells gold and much of their holdings - ,-1 +ABT - Abbott breaking out yday. Cup w/ tea and crumpets? handle Jan. ,1 +FDX no position - watch list on this flag ,1 +" Holding horz support, BB squeeze, rising vol. watching to clear 200 sma 68.33 ",1 +INFI from watch list gapped to over line today on vol so far of 16% full day average ,1 +COH worse and worse,-1 +BAC ong if beats 12.15. Stop loss 12.01,1 +"CT nice move this morning, gap filling in action!",1 +SPW 1;1.382 14.62 1:1.50 15.24 1:1:618 15.86 Poss Daily Gartley moves,1 +GOOG crosses above 800 wow !! ,1 +GS continues to make new highs - ,1 +China Shanghai Composite Breaks Key Supprt FXI BID NTES SINA SOH YOK YZC XME JOY CAT X ,1 +QIK holding below 26.50 makes sense on the short side,-1 +GAE Xi Pharmaceuticals [XII] Announces pcoming Presentations ,1 +NFX Has that I wanna be a 200 stock feel,1 +People are way too damn happy about NFX. I wouldn't touch it with a 10 foot stick right now. Needs a serious pullback.,-1 +GOOG sold 1/2 of long position ,1 +GAE something going on long 1.84 -1.85 1.86,1 +user: BAC Stop loss in 12.09 after beating 12.20,1 +AAP in time will retest 1/25 low 435 area (holding short) ,-1 +So if AAP and WMT crack... it won't bode will for the XT... ,-1 +MGE buying long 2.68 2.69,1 +FNS long a bit,1 +AMD Chooo Choo pop to bankruptcy?,-1 +WFM Watch 87.11. If breached get out of the way,-1 +GIS Stop loss in 45.04 after beating 45.27,1 +user AKAM on the radar as a potential short vs 39.30 ,-1 +user: user AKAM on the radar as a potential short vs 39.30 ,-1 +GAE 1.90 now may buy more 1.93 - gut shot to 2.00,1 +user in on EV since 14.95 it has had a huge run and isn't really showing signs of stopping yet. Don't want to be greedy...thoughts?,1 +"The first target for NEM below 43 is 40, but there is room for a bigger move to 28 for this value trap as long as it holds below 43",-1 +Whoopsie: Costco CEO: We Shouldn't Have sed Tiffany to Describe ings [EXCSIVE] COST TIF ,1 +EAT lod ,-1 +GS with Fibs & next res pts at 160.69 and 166.06 ,1 +NIS over SMA30 and SMA50 now. Et's go. ONG,1 +short FCX needs to retest 30 level,-1 +GAE 1.95 now - 2 is a lock in now!!!!!!!!!!!,1 +"After the failed breakout last week, JAZZ is setting up again. eports Feb 26 AMC ",1 +"BCD holding up well. BollingerBand Break, OBV Confirms, SI confirms, ADX tryin to reflect uptrend ",1 +"user I agree, GOOG is severly overbought in this overinflated market.. expect a short position from me soon...",-1 +AAP Expect to break upside;Triggers:Einhorn+Shareholder meeting+iWatch+Good base around 450 area. ,1 +Good news AAP rated #1 brand.. call your broker and have them raise it's value! ,1 +egional Banks Have The Best Trade Setups Out There BAC FME MTB NPBC ,1 +SPW ooking for 50% retracement of move from 8 to todays high 13.66,-1 +SPW I love these bankrupt solar companies on momo pumps FS TS CSIQ,-1 +ACX Today's P reads very positive.Would like to see the stock back at highs by month-end. More results coming. XV BBH,1 +WT -Time to break out of the inverse H&S... Target 50,1 +CHE (home healthcare svs) at new all-time highs on heave volume ,1 +user: GOOG Stop loss in 803.79 after beating 805.00,1 +BAC Will go to 12 imho,-1 +GOOG Stop loss in 804.41 after beating 805.50,1 +Just picked up a couple MA13 PTS on ODP good idea? ol.,-1 +BAC Vol. Fall on EOD.. Possibly Small Sell-Off !,-1 +BAC Out of my short for Should go around 12.00 to consolidate.,-1 +QCO Is this running up into the close? Wonder if that is a Positive indicator. I still have not bought enough. Please come down a little.,1 +"ed Weekly Triangle on SONC,.....Scaling p ",1 +QCO new hod nice - holding overnight to 34,1 +"ed Weekly Triangle on DVAX,...Open ong at 2.95 ",1 +Two straight dojis for CM at 175 - a big level.,-1 +"TSCO nice setup here, maybe sideways a few more days then a close above 105 to seal the deal.",1 +GAE closed right on the money at 2.00 - should see 2.20 tomorrow,1 +"user So, What That Mean? for DVAX",1 +"ed Monthly Triangle on CSN,.....Scaling P ",1 +"user of OSV: Fundamentally, it is extremely cheap by being priced for zero growth. Coming from someone who doesn't like AAP/products",1 +ADM #Food #Archer Daniels Midland #breakout! ,1 +"ed Weekly Triangle on FNFG,......Scaling p ",1 +SMA nice,1 +#ed obin GB boing! ,1 +en fuego! FMX EWW #Mexico! #international KO ,1 +GEVO uptrending from double bottom; 50 DMA crossing 200 DMA. Asc T/ = 20 DMA. Stop under 2.25 ,1 +Market Notes Video - today's News buys included INFI NTS BMN ANAD SGI DC AEP,1 +ZNGA looks good long here w a stop 3.09.. still long some but mostly sold [not adding],1 +"Trade idea buy GGS 4.60 , target 5.47, cut below 4.20 ",1 +NOV National Oilwell Varco: Excellent Opportunity To Invest In ndervalued Company ,1 +AfterHours Most Advanced: NTSP MBS SINA MDX OPE STA CTT AIA BEAV DMD ZB PI GDOT AWI,1 +GOOG I only use Google. Heck I use Google for everything. I don't own the stock but I am still bullish on it.,1 +I believe there is a sort of manipulation going on with the XT when you compare the price moves against the underlying holdings like WMT,-1 +For the past 10 years has booked an avg return: 6.6% from Jan to Mar option expiration. Posting positive returns for 8 of past 10 years,1 +For the past 10 years has posted a Best return: 21% Worst return: -8% during the Jan to Mar option expiration time frame,1 +For the past 10 years VFC has booked an avg return: 7.3% from Jan to Mar option expiration. Posting positive returns 10/10 years (100%),1 +Both GI and have increased in price for 8 of the past 10 years in the Jan to Mar option expiration time frame.,1 +VFC has increased in price for 10 of the past 10 years (100% of the time) from Jan to Mar option expiration: ,1 +The dip last week to 15.55 might have been an amazing opportunity for investors to buy OVTI ,1 +MSFT closed above its 200EMA.Short-term uptrend is intact and signals further bullishness ,1 +GD ABX NEM DZZ AY - Deutsche Bank: Today is an important day for investors in gold ,-1 +ODP and OMX two failing companies joining to fail as ONE!,-1 +"QCO Screener- over 500k vol-over 2% Divy-Peg under 1-Positive Inst. Trans-25% growth Q/Q-short interest over 20%, There's only one QCO",1 +user IFE is good?;),-1 +user EBAY is on the radar for a move out of this new range above 52.26 ,1 +Pre-Market osers: HN GMN BHP BB SODA GD IO AGO A GDX,-1 +NEOG has positive fundamental trends & a push through 48 of a cup&handle. pside mid-50+ ,1 +"SPW pauses, SCTY continues its run, up > 20% in 1 month: ",1 +short CAT,-1 +ODP it's on!,1 +ISG this technology is still in its infancy...the demand is there. Hospitals/surgeons want it. Will only get better over time imo.,1 +GAE 2.11+ selling from daytrade & swing trades played from 1.85 to break 2.00 - it sure did thanks GAE,1 +VXY ZB_F reversal - #FED distributing cash to banks GS JPM MS BAC,-1 +Fund trxfr will be good to go by tomorrow - will be joining DVAX bulls by adding more calls,1 +NSPH Our software initiated a purchase at 2.03/share. We are looking for a quick 7-8% #swingtrade on this #stock. ,1 +AAP Apple VIX up today. ,1 +"CM 30 min O - ema just below. Short thx user - no position yet, ",-1 +JVA moving up nicely,1 +hum below 72.6 was strong can get all the way back to 71 and 70.,-1 +"Green Daily Triangle on MH,....Open Sell Short at 3.93 ",-1 +GMX penny again soon ?,-1 +MON How quickly investors forget the massive beat in earnings reported in Jan. And the big uptick in 2013 guidance. Short minded. SPY XB,1 +AON eaches New 52-Week High. ong if beats 59.13. Stop loss 58.79 ,1 +SWI still down small but put in context this still looks good ,1 +SPY triggered at 10:30 AM sorry _ got tied up with AAP ,-1 +"OCN down small from entry, low volume decline into support ",1 +BAC ally will resume after Fed minutes digested IMHO.,1 +"GOOG notice volume still coming in on up days, looks solid ",1 +"CTGX more like u/c than a winner but nice recovery, uptrend intact. ",1 +HTZ reasonably tight consolidation so far of last weeks advance ,1 +AEE who says utilities are boring ,1 +BAC Based on Tech Analysis we have reach bottom for Today. So it should rise up for the rest of the day (minus reaction for Fed Minutes),1 +"EN Take your profits and run. Nice run up,but it's over. Wal-mart sales down so who's got money for a new house. SE",-1 +AON Stop oss in 58.96 after beating 59.30,1 +ast week was interesting because tiny amount of good news and Huge pop on AAP everybody wants it when it takes off,1 +WEN ho hum lots of love today. CA,1 +"ed Weekly Triangle on FNFG,...Net Profit 21,240.00 (2.71%) ",-1 +VXY #FED POMOs flowing from ZB_F to GS JPM MS BAC - free cash to squeeze derivatives to pop markets to 1546 ES_F target,-1 +VXY Buy SPW 15.75 target near term solars new squeeze zone. VXY to 0.,-1 +Valentine & Winthorpe are gonna pick up some DVAX starting tomorrow,1 +"Green Weekly Triangle on FNFG,....Open Sell Short at 8.22 ",-1 +"Green Weekly Triangle on FNFG,....Open Sell Short at 8.22",-1 +"Green Weekly Triangle on FNFG,....Open Sell Short at 8.22 ",-1 +DNKN I love Dunkin Donuts right here!,1 +NVDA not working so far still holding though.,1 +GOOG Glass is coool ,1 +WEN in 5.65,1 +GS Conviction Buy Stocks With the Most pside: AAP ,1 +Glade I'm fully hedged and then some with MCP 7 puts for this friday. I think I'll just settle and be done with this trade,-1 +AAP 5 min - w/ O overlaid ,-1 +user reporting that NVDA Tegra 4i should have a solid GP and that the integrated modem should be perform well by launch. Great!,1 +"but user thinks the name T4i is a red flag. not sure how that'd impact value proposition. Given source, sounds net bullish NVDA",1 +SPW ...almost time for my daily short,-1 +Bot EC at 2.65,1 +"(given general negative bias when it comes to NVDA, one has to read between the lines with user )",1 +EC looks poised to breakout these next few days as attention appears to be returning to the sector ,1 +BAC Small Did on FOMC Minutes... Now we will resume to close Green IMO !,1 +AAP 15 min - I'm in otus position trying to emulate user,-1 +EC Breakout Imminent. ,1 +user - CM thx for the party invite. Along for the ride.,-1 +PHI Our software auto sold this one so we are cutting our losses on this one at -5% on the trade. ,-1 +eading stocks continue to breakdown even though major indexes one day off multi year highs. TO EXP SODA KOS Y KBH AD OAS FB,-1 +ODP Has dropped below 4 on high vol. #fallingknife,-1 +"ed Daily Triangle on HEO,..... pdating ong and Short Position ",1 +AAP and CM - if you're following the strategy you should take some profits b4 close. ,-1 +Trouble for homebuilders in recent data... XHB TO PHM DHI,-1 +COX short looking good but we'll see after the bell.,-1 +i wonder what metric Elon Musk will try to get analysts to focus on as it matures and grows as a public company ...#notacarcompany tsla,1 +"CS - You can say whatever you like about the 6mo, but thats a 9mo long head-n-shldrs folks on 1yr ",-1 +"Damn near impossible to get me CS for anything but a scalp long-side til we see 21.50, at least-18 possible.",-1 +WMT expect that miss from late last week to materialize tomorrow morning... ong 67.50 puts ,-1 +user Meanwhile our MA9s are decaying... SWHC,1 +"PAY Barron's Blog: Verifone Plunges 25%: Warns FYQ1, Q2 To Miss by a Mile - Disclosure Short PAY",-1 +"AAP Short Setup: A catalyst could counter (whoa, remember AAP catalysts?) but 425 tgt, 435 resis ",-1 +WMT DJ Wal-Mart de Mexico 4Q Earnings Slightly Below Expectations ,-1 +"WMT added some more calls today, might be good , gapped down before earnings the last 2 times, then rose over the next two weeks",1 +"So glad I sold pay around 31,I was tempted to buy back in, now won't touch it till all dusts settle,it's in Norman's land",-1 +AAP (65mims) bear flags at work (i watch the volume to confirm those) ,-1 +Video- ICE Short Part II. ,-1 +that's all folks CF #Cliffs Natural #h&S says much lower #beep beep! ,-1 +" SPY, ES, Define risk always, keep sizes proportionate, risk only what u can afford to lose.. ",-1 +JACK GB BK Burger stocks are on fire WEN needs to catch up.Declining employment means rising burger index.,1 +NVDA ZTE to ship some of the first Tegra 4 phones by mid-2013 ,1 +The #SEC should launch an #investigation into #Citron This company eleased inaccurate information on DDD They only short sell to profit,1 +PAY VeriFone price target lowered to 15 from 27 at Deutsche Bank - 1 of 4 Massive downgrades - Disclosure: Short PAY,-1 +WMT I'm still short....,-1 +WMT how can you not look at these numbers and not see business slowing!,-1 +HSNI has missed the expectations: 4Q2012 EPS diluted is 1 vs 1.04 consensus vs 1.06 whisper,-1 +WMT if i had enough cash on hand i'd be shorting this right about now,-1 +IBM to double investment in mobile. Analysis of IBM: & broader mobile movement: ,1 +"PSTI in a consolidation mode, close to triangle breakout & Bollinger bands volatility squeeze ",1 +Yesterday's earnings from CNK suggest a 25 handle before 30 ,-1 +CAT Gap fill area approaching. Will be filled in next few days. ,-1 +Estimates to move lower for SAFM after EPS and a trend line break likely today with support at 47 ,-1 +"WMT BOOM:Feb sales started slower than planned,due . . .to delay in income tax refunds, Bill Simon,CEO WMT.S #IT'SWOSETHANYOTHINK ",-1 +"GDX GC_F GD NGT Squeeze JPM and the Comex shorts - been getting away with murder, TX",1 +"IBM trading below the box (also50EMA.. if the bottom of the box resistance holds, further downside. ",-1 +EC looks like another day of heavy volume/accumulation. Could get interesting.,1 +"ed Daily Triangle on HEO,....Cover Short Position,...Net Profit 76,560.00 (7.46%) ",1 +AAP 30 min - have to walk away. All out. ,1 +Call me crazy but i am buying AAP here 0_o,1 +I also bought BAC and VOD. I am catching knives here.,1 +"FIO No onger A High Flier, But Is The ong-Term Story Intact? ",1 +CBMX long 4.90 -4.95 play thru 5.00 again,1 +user: CBMX long 4.90 -4.95 play thru 5.00 again - selling half 5.20 raise stop on rest,1 +EA nice move (long),1 +SWHC added more march 9's and 10's here. I'm done.,1 +DVAX buy'em,1 +WMT opening range 30 min. JPM comments negative. No position ,-1 +user: F Foot ocker increases quarterly dividend 11% to 0.20 per share. ong if beats 34.86. Stop loss 34.64,1 +"BAC when she loses the 50 day, the whole market goes imo...",-1 +"Is it just me, or does that look like a double top on HD?",-1 +ATHX MACD cross down,-1 +CS - To those that doubted me; today is you're official break/trigger of H&S pattern - lower prices coming up.,-1 +DVAX Valentine & Winthorpe buying more here,1 +"ed Weekly Triangle on SD,....pdating ",1 +AAP 200? user could buy it w/ his V with 137 cash in the bank! give me some of her kool-aide #mediawhore,1 +FOS short working great up 4 since posting yesterday!,-1 +SWY Option Bears buy puts betting 500k on over 10% down move ,-1 +FOS took 40% of short off here,-1 +"Green Monthly Triangle on ISIS,....Scaling Down ",-1 +CBMX that is unbelievable!!!!!!! but I am happy with my sell I am not good at calling the exact top,1 +out of FOS short for now as it tests its 50DMA awesome trade up 4 2 days,-1 +"QCO is one of my favorite value stocks. Zero debt, great margins, low P/E and PEG, and soaring income. I am long!",1 +"Green Weekly & Monthly Triangle on HBAN,....pdating ",-1 +PK watching for a decent spot to get in,1 +EC Big picture.Bullish B/O of a symmetrical Triangle confirmed on Expanding Volume.Buying dips ,1 +BAC Thank you to the greedy guy who bought my shares 11.99 yesterday when it hit my stop. I'm sure they're now an investor.,-1 +"ed Weekly Triangle on SHO,....pdating ",1 +"BAC Breaking Down, SPY is Next!",-1 +"FAZ about to Explode, Get eady, BAC just broke under the 50 day!",-1 +MBS Nice action above the breakout ,1 +just in case u haven't watching JCP closely. look for the volume spike. ,1 +"ed Weekly Triangle on DVAX,....Scaling P ",1 +"V just look at Visa, what a champ, textbook bounce at support and now outperforming again ",1 +MHK > I meant to say TD Buy Setup nderway?,-1 +GMC another one that's holding up well in this selloff ,1 +"Green Weekly Triangle on FNFG,....Scaling Down ",-1 +ODP is hanging on for dear life...,-1 +KKD let put in a cup and handle before earnings,1 +"user iGreed AAP Einhorn should hold weekly conferences, would help this stock! looks like he helped the whole mkt >It work Nsdq is p",1 +AAP tips for TC.. The other tim did it TMI raises div buys back stock ,1 +BAC 11.52 small resistance...,1 +HPQ user option guest on bloomberg tv just said buy march 18 calls too but also hedge by selling feb 17.50 calls other guests T,-1 +Our software stopped us out of NSPH today for a 5% loss on the trade. Still hanging on tight with HA - ,-1 +PCYC volume is everything! POSTED VIDEO with sound ,1 +"Green Weekly Triangle on CYTX,....Net Profit 31,761.00 (11.09%) ",1 +HPQ bought a few March 19 lotto calls before the close... Just in case!,1 +Ops Misstype ! user Better to buyback BAC 12.62-65 on high volume IMO,1 +ties into user 's #fashology theme... GOOG + Warby Parker. ,1 +user: BAC what's the play short term ?>> Will depend on economic data + StressTest - ong term?>> 13-14.00,1 +WEN need to take out 5.60 for next leg up. ADX MACD +VE ,1 +AAP we can have the iToilet for all i care just get the stock back to 480.,1 +MCD bear flag on daily.. needs to hold below 94-93...,-1 +"trade idea Buy GOOG 795, target 980, cut below 740 ",1 +XCO is a gift no matter how its looked at oversold undervalued IMO prices of NG correlated with possible correction : VXX,1 +DDD SSYS XONE and nice entry to dip toe into CIMT 9 beat the street in everyway Much potential : NGT FCX CO nice entry IMO : VXX,1 +user AMZN holding above the 50dma in a diamond pattern. ooks good for higher prices...imo ,1 +BAC Fed's Bullard: Fed Policy to Stay 'Easy' for 'ong Time' ,1 +BY of the day PAY ...market over react yesterday! with a 5.2 Forward P/E it's just a gift!,1 +Pre-Market Winners: HPQ APO AIG COG ETFC FAS GDI EDC TS COG AIG ONXX TNA DB,1 +Pre-Market osers: NFX AX ANF VXX ISG O JWN,-1 +shorts WG STK SNSS NPSP MM NDC HAO,-1 +ZNGA was approved for Nevada gambling license which will help drive revenue,1 +AAP after yesterdays prediction of 200/share I was thinking maybe a split or finally they will double the dividend?,1 +looking for JCP to finish ystdy's move into 22.50....#shortterm,1 +user Why is BAC struggling to get up and moving today? > IMO We fill the gap & go p after !,1 +"JCP The next BBY (IMM) GMC, NFX? Action would certainly indicate such. ",1 +"Green Weekly & Monthly Triangle on ISIS,....Net Profit 75,852.90 (4.93%) ",1 +DVAX rocket time hold on long 2.99,1 +adding to short on WYNN,-1 +"Green Weekly & Monthly Triangle on ISIS,....Net Profit 75,852.90 (4.93%) ",1 +SAVE again edges up; our analysis + a look at budget carriers: YAAY,1 +"ed Daily Triangle on DEPO,....Open ong and Short at 6.66 ",-1 +"PAY is on the run, short covering in action, now waiting for small down to enter...I'm always late!",1 +"PK still in swing shares, still at least 17milion shares feeling pain and still short",1 +"GOOG reminds me so much of AAP in Sept bouncing around the all time high.. no new products on the horizon, time to sell, buy back later",-1 +SFY - Attempting a short stroke breakout or forming a 3 week tight pattern. Study ,1 +"ed Daily Triangle on CYTX,....Open ong and Short at 3.38 ",1 +MD a steady gainer since mid January. One of our alternative Bakken picks. North Dakota piece here: CP IET,1 +GOOG is now doomed user is calling it COO! SE SE SE,-1 +"user: Bulls are trying to keep this market in the green, but you can tell its a struggle. Nasdaq now up just 8 pts. AAP fading",-1 +WBMD trade for move thru 20.00 long scaling here 19.75 - 19.80,1 +CF The trend is over. Time to step aside and wait for the next one. ,-1 +"EON in 2.78, stop 2.74",1 +NFX failure today 182.50-183 doesn't bode well for next week. top of my list to short Mon. w/ close below 180,-1 +"Green Daily Triangle on MNK,....Net Profit 9,587.50 (5.32%) ",1 +Watching GS closely on today's trend-line. Has been leading SPY up AND down.,-1 +"ed Daily Triangle on HEO,.....pdating ",1 +"out of AN, WBMD, and BOX, I like BOX as having the best chance of a continued run-up tomorrow",1 +AAP over 451 could start an ankle grabbing session 0_o,1 +V and MA FYI: When they tagged the 50d's yesterday they also touched off multi-year trendlines. Good a spot as any to be long (holding).,1 +Obligatory monthly post of MA's 2010 uptrend. February 2013 update: Still going. ,1 +V Price sitting just above 2011trendline as we speak. ,1 +user I follow up closely my scaling plan and I am in every level without any dough CSN,1 +I'm heavily betting into SYX for Monday's earnings. ,1 + this is so bullish for ZNGA [online gambling legalize in nev],1 +EC pulling back to its rising 50SMA on low volume. Golden cross on daily. Should react here ,1 +AAP 450 is going to be hard with all the open interest for this week exp.,1 +user: GOOG is rolling over and AAP is rolling up...rotation time. Always bothered that GOOG does 10x less vol? fast exit,-1 +EV buying on this pullback of this strong stock; entry 39.74 stop 38.02,1 +"GOOG no traction,no vol, 3rd day lower, last option day of the month... flush?",-1 +user:Glass potential to make everyone a spy or a creep GOOG ~ appeals to hipsters & pervs & if voice cmd is as bad as siri oh-no,-1 +NFX Doesn't anyone else find it delightfully amusing their hit series is titled House of Cards?,-1 +emember when Microsoft was one of the world's most valuable companies and the Gov't conspired to take them down? Apple knows now too. AAP,-1 +short WYNN. I still think we've seen at least a short term top.,-1 +TA nice move since shorting at 88.60 will carry overnight.,-1 +GPN Groupon Bear bets on over 20% down move by March 1st buying 5K Puts ,-1 +"IP sneaky breakout seconds to go before close, waited all day for this one",1 +CHK Consistently pushing above the 20.00 mark & the 50 day now arching up nicely above the 200 ,1 +Some #insurance stocks at all time highs! AON AS TV WB Weeeeee SPX SPY ,1 +ANA & AMN bounced off same double bottom - may see test back to 9.00 now on ANA once into the 8.75+ range,1 +CBMX - history repeated another HGE DAY - now look at BGMD and TEK they have same EXACT pattern - CBMX float 1mill - TEK 2.4,1 +DVAX witnessed a record number of call and put contracts during the busy trading session.,1 +OPK broke out from its sideways consolidation with a 5% rally and a close over resistance at 7. ,1 +IDCC Breakout on either side on closing basis may give good direction. 50SMA acting as support ,1 +YHOO Sitting just under highs. It will interesting to see if it can break 21.5 next week ,1 +NFX If it breaks down below 178.23 w volume it may retreat to support at 160. Short-term bearish ,-1 +"ZCS Got an alert this morning, bid 0.89, ask is 1.46",1 +HPQ awesome breakout. Buy on dips ,1 +"NTSP was the big winner in the #13for2013 this week, up 25% due to buy-out. ",1 +"DNKN digesting gains with selling pressure, pullback to the 50-d ma would be healthy #13for2013 ",1 +"FT - the stock is extended, take some profits & look for new base to form #13for2013 ",1 +"NKD well above the moving averages, look for som eprofit taking & new base formation #13for2013 ",1 +"SSYS currently at 200-d ma, look for min 8 week base to form (would be healthy) #13for2013 ",1 +S from the action last week looks like S and CW may be heating up again for big run #3,1 +"Short list monday, AZK CENX DAKT EMK IO MVG QTY SNSS STK TAS VOCS",-1 +"DAKT short 9.88 / 100sma break, ideal flat/trendless/red spy, will trade relative weakness ",-1 +eading stocks analysis updated Failing breakouts & high vol 50DMA breaks confirm correction. AAP FB DDD ES_F,-1 +CTIC looking to scale back into a long Monday hoping for sub 1.30 stock,1 +DAA nice double bottom formed scale buy here 1.00 bullish,1 +"CBK long 6.22, wants back top of range 6.60's ?, hammer off 50sma & 01/31 low, light vol inside day ",1 +CHK ove this consolidation after the big move up.Strong support at 20.Watch out for a move over 21 ,1 +XX - Cheap name but ready to clear this bull flag if volume continues. ,1 +NKE bull penant? ,1 +END added to our list of BEST STOCK PICKS - Trade Alerts will be sent to members. ,1 +ICE is added to our BEST STOCK PICKS as a short trade. We took profits on our short last Thursday ,-1 +BBG Short 14.86 or wait for 14.79 break 02/04 low ,-1 +HS Over 48.20 at first for a small trade to second line ,1 +VXX VXY may be in play SPY QQQ DIA may pull back Watch NG GAZ AAP GD SV and some accumulation on GDX and NGT,1 +JCP aaaand there goes that SG &A increase . . . #OSCAS2013,-1 +OMEX - was on TV tonight show called Silver ush - huge potential check this out - ,1 +NKT - this gets to 9.60 will go thru 10.00 on the radar watch!!!!!,1 +"NIS over 2,60 will run hard. ONG ",1 +iking the user email I just got about DECK very useful cc user,1 +"AIM looks interesting for a trade, will look to open 1/2 pos",1 +Pre-Market Winners: SI FAS DB TOT HTZ ASM EX TNA E NKD,1 +Pre-Market osers: DDD DDS DEO DST PSO VXX FXY GSK IO NGG,-1 +DDD split today and stock is down 12+% in 33.25 its cheap with growth expectations at this point IMO nice to dip your toe : On VXX SPY,1 +OMEX at 3.50 now and may b/out!!!,1 +"CHK 6,600 Weekly 20.50P bought vs. OI of 148",-1 +OMEX sold some 3.52 buying back 3.43,1 +DDD dipping in long here - oversold on split adn earnings confusion,1 +AAP Next resistance trendline and then 463.. go aapl go.. ,1 +"M back above ascending triangle resistance after breaking down last week, bear trap ",1 +"GD SV P ABX FCX AY NGT - Gold ebounds per euro progress, attention to Fed report ",1 +user: DDD split today and stock is down 12+% in 33.25 its cheap with growth expectations at this point IMO nice to dip your toe,1 +BAC I told last week for peoples that are not in the trade..Next Entry 11.65 On HIGH Volume IMO !,1 +NFX Anyone noticing the weak candles/support in the last hour?,-1 +DDD ... safe from Italian b/s :) ,1 +ridiculous move in nflx. can't believe it's still going too. i'm obviously short. x-(,-1 +DDD come on 40! I got some calls at 0.15 avg I would OVE to have pay ITM :),1 +so far it looks like WYNN failed at 50ma,-1 +"ed Daily Triangle on DVAX,....Net Profit 900.00 (3.78%) ",-1 +"bought a little FTNT. After all these hacker attacks, I needed some Cyber Security in my portfolio",1 +"HIG Fast Money Crew is just not too bright, buy HIG cause its down 1% on no news O! Genius! Tomorrow it might be down 3%...",-1 +"ed Daily Triangle on DEPO,.....Scaling Short Position pdate ",1 +VZ making new highs again,1 +DDD needs to clear 35.80 and get up to 38 or else we're gonna get short term chop!,1 +PA 1.42 has pulled back quite a bit but due to shortages of PA and PPT this has a great long term outlook along with SWC,1 +shorts on GMN SINA TA working well. Covering CVE.to for a small loss here,-1 +AAP Apple's stock is 36% lower than its September high. ,-1 +"covered TA short for a nice profit . Careful about tomorrow, BErnanke and consumer sonfidence numbers. Pare down positions. SPY",-1 +Is this the last stance of SPW before the pump and dump collapses to 11.63?,-1 +"user: DDD Motley Fool apologizes for wrong math, not accounting for stock split. Guidance much higher than being reported by most.",1 +DG Dollar General Option Trader buys 10K Calls betting 1.85 million on up move by April ,1 +still looking for nflx to drop back below 183.,-1 +news on APO ?,-1 +"There's a reason why ZNGA is one of, if not the largest, lobbyist for online gambling",1 +user: Cash is Now 33% of Apple's Market Cap AAP ,1 +VZ playing out nicely from last week's video. SPY,1 +GOOG update alert: Almost 100% today! Now harm in selling half and let the other half ride with a trail stop,-1 +BAC next stop 10.50,-1 +"ed Monthly Triangle on KWK,....Scaling Down ",1 +CVM announced that its Taiwanese partner has added two additional clinical centers in Phase III cancer clinical trial for Multikin,1 +AXN becoming again interesting near multiple bottom. We made lot of some days ago here ,1 +ANTH CPX monitoring stricly,1 +AAP It may be wise to hold off on buying #AAP till they fix this second security bug. They better patch it fast!,-1 +SPS Subtle (bullish) close. 1 Year (weekly) ,1 +"WMT next levels of resistance 71.70, 72.60, then nuthin' but air (note to self: fills gaps nicely) ",1 +"XCO looking good, user may be onto something here, big sellers of June 6 puts bit of a floor ",1 +AAP GOOG IMO stock splits has wealth effect ExBuy100 shares WMT in1970 worth 14+Million receiving 300k+yearly SDIV Ex KO GIS MCD Etc,1 +"BAX holding T trendline, nice r/r from here ",1 +Market Wrap Video + Additions to Watch ist including: AVP EOC INFI SEE SWY TAT,1 +Everyday I have a great Hangouts experience and business use case... goog,1 +" PAT ONE ES, SPY update ",-1 +" ES, S PAT TWO, update ",-1 +" ES SPY, S Part three final update..hedge and define risk ... ",-1 +NVDA NVIDIA shows off Phoenix reference phone at MWC 2013 ,1 +Watch for SGY to break its downward trend line to the upside for a potential move above 23.50 ,1 +"user: user really believe this Open will be a fade sold BAC 11.14> Hard to say, should stay above 11.10 IMO",1 +GD SV NGT ABX FCX NEM - Goldman Sachs cuts forecast for gold prices in 2013 and 2014,-1 +HD bullish after it?s results. ong if beats 67.24. Stop loss 66.64 ,1 +user: HD bullish after it?s results. ong if beats 67.24. Stop loss 66.64 ,1 +"SWI still holding up well, yet to emerge from consolidation ",1 +"JPM 4 of last 8 days saw distribution, may yet test 50dma, but little damage done longer-term ",1 +Would play it wait and see before adding more SPW: but adding more SCTY on dips: ,1 +SWY on watch list close to line with volume of 16% of full day average ,1 +V might still get a flush to 152 but longer-term this is solid ,1 +APP Eric Beder at Brean Capital launches on APP: An nsinkable Brand: Initiating Coverage of APP with a Buy ating & 2 PT ,1 +AEE quiet refuge in the recent storm ,1 +DOE looking pretty ugly,-1 +AXTI Starting to look strong again. 3x avg volume. First upside target 3.6 ,1 +"AAP I am still hoping for a big Split shareholders meeting, bring in the value investors chase away the hedgies",1 +user: APO : SHOT setup posted last week. Would look to book gains if u played this one Study,-1 +AAP new strategy.. I just purchased Jan 2015's should be able to scalp the premium back .. over time,1 +"MS making the turn back up here, 23 calls are CHEAP!",1 +"Short Ideas, digesting recent gains. BID CF APO MCP FCX NEM INTC CS IAG AKS AAP & more.",-1 +Short Ideas digesting recent gains. BID CF APO MCP FCX NEM INTC CS AKS AAP Further downside remains. ,-1 +"ed Daily & Weekly Triangle on DEPO,...Cover Short Net Profit 24,338.00 (3.31%) ",1 +AAP never imagined aapl in dumps for so long BBY NOK,-1 +PPHM ike I said Jump off the Ship My feet are Wet...,-1 +"F, GM, slammed by consumer reports Auto TM, tops again",-1 +user: PPHM Damn. Sorry folks. Pharms are getting taking to the shed today.,-1 +user: PPHM why the big drop,-1 +user: PPHM next year right next year lol that's what they said for the last 15 years. ock them up put ES in jail and be done with,-1 +user: Cancer trial sabotage who's going to jail first. Who worked with saboteurs a FBI will figure it out. PPHM DNDN jail time soon,-1 +NBS A Steal this level.,1 +Beaten down large cap technology stocks leading intra-day short squeeze. INTC BID AAP ,-1 +long AAP 439.5 ,1 +ZCS My PPS is a dollar. There is no reason stopping this from going to 5 dollars or more. IMHO....,1 +"V been pounding the table on this one, outperforming SPY, MA, needs follow thru to seal the deal ",1 +HN trying to hold on to the bottom of this channel ,1 +AAP MO is to add it to the Dow --- 4 for or 6 for 1 split ,1 +"AAP don't know if it is the tail that wagged the dog (3M shares!) but the whole mrkt up & holding (except FB, BBY)",1 +AAP that little pop is just a taste of what the hedge funds will do when they all pile back in. BEWAE shorts. coming soon.,1 +AAP what is the value in 450 share? other than keeping it a plaything of the ultra rich (and those of us who like to play in their pool?),1 +"CVX i think there's a good point to enter one second trade as sell. Since has testing one broken support, now resistance.",-1 +XCO 6.52 has technical support 6 min downside with nice upside and largest shareholder Wilbur oss NG prices down Caution if oss sells,1 +AAP are rumours news? #Idontthinkso we know there are not many sellers below 437,1 +"SII Sold 1/4 position at 2.09 today..wanted to lighten up on stocks going into the uncertainty this week, its still my largest holding",1 +AAP OK all the bears out of the pool!,1 +AW eod trade catch the shorts long here 2.18+,1 +AMN BY AY FCX ABX GOO and GDX GDXJ GDX GGGG GT are near lows with nice entry points on GD SV exposure some pay SDIV,1 +user: ZNGA 3 reports that NJ has signed the Online Gaming Bill... ,1 +SVM has come down approx50% SV prices may swing Straddle options H SVC SI miners to gain exposure of the SV DSV to HDGE,1 +ZNGA Zynga closes Timonium video game studio in broader consolidation Feb 26 at 17:38 - Ticking up in the post = ong: ZNGA,1 +PZZA sold off big on high volume the close.Then they announce a restatement.Market rigged??NAHHH! ,-1 +"MON SI declining, downward trend, 98 support weakening, 8 & 20 DMA curling down. 96 is next. ",-1 +AVY Over 92.66 ,1 +EV over 40.72 ,1 +EXH Over 24.90 ,1 +STZ Over 45.00 ,1 +AAP don't be surprise if #apple go much lower #done and I mean much lower and done,-1 +NFX 175.39 sell short,-1 +AAP Apple Support Further Below by user Below ,-1 +NIS time to run higher. Breaked the descending line ,1 +Trade Ideas TIF PSN O F-short ,1 +APA perfected DeMark sequential 9 buy today..started a long yesterday. ,1 +GMC watching 30 O flag ,1 +HBAN Huntington Bank aunches Spartans Debit Card for Michigan State niversity Fans. ong if beats 6.92. Stop loss 6.86.,1 +Transports moving pretty strongly this morning JBHT KS NP AGT,1 +BAC Home SAles Out VEY GOOD !!!! :) ,1 +AAP I would prefer if it hit the bottom early then started the long climb up...,1 +AAP (65mins) Evening star reversal with potential downtrend resistance ,-1 +"overall market up, AAP going down.. GOOG is about to pop 800 again",1 +"Southern Comfort is tasty! OOPS, I mean SCCO and JJC ",1 +"user iSwing I like AN, FS here.. different sectors but looking good",1 +NKD just delivered the knockout punch to the shorts still fighting this beast ,1 +DDD let's see if we can break through 36.50 and hold today - former resistance level,1 +"AAP innovation is dead? What about the best selling computer, iPad mini, released on 10/23/2012. iWatch? iTV?",1 +bought some C today.,1 +"AAP has only historically released a significant new product every 2-3 yrs. iPod 11/10/01, iPhone 6/29/07, iPad 4/3/10, iPad mini 10/23/12",1 +CAT being a major thorn in my side today. Me being short that is.,-1 +user: TJX stop loss in 43.91 after beating 44.27,1 +X nited States Steel Corp. option traders bet 670K on a 4.5% up move by May Expiration ,1 +V is looking better for a swing trade long as it bases at highs ,1 +CF 30 min O triggered earlier. ,1 +"AAP in some 480 calls into Timmy Cooks investor meeting, for .42...",1 +PCN further bookings acceleration could drive multiple expansion going forward ,1 +user znga wanna see the 10 day ema cross the 200 SMA for confirmation & entry for a trade,1 +Equity Alpha: QCOM long watch. New chips and Internet Everywhere appealing. B/O 65.70 Tgt 67.50 ,1 +watching CME today for possible breakout,1 +VBD may be about move back up ,1 +"SPW First Solar Showing Signs of Fatigue. SunPower Yes, First Solar No. ",1 +FIO reversal,1 +I like H here.,1 +TJX stop loss in 44.04 after beating 44.43,1 +AAP Massive volume there,1 +EA is breaking out. ,1 +AAP this right here is why I hate stops,-1 +TSO - I see this one mentioned on the Matrix a lot today. I see why. Nice flag and 20 ema bounce ,1 +"user: New Jersey, Nevada egalize Online Gambling, Good News For Zynga ZNGA",1 +TXN from watch list back up to line on volume of 45% of full day average ,1 +GEVO Gevo: An ndervalued Spec Play With arge Short Interest And Trading Below Cash Value ,1 +"user: Somebody explain to me why, AAP has user on its board? Best snake oil salesman in the world went from 2M-500M 10 yrs",1 +user: CAPES on Bloomberg says permanent holder of AAP - What am I missing? they bought 10 and return 100% on div yr/yr,1 +user Bi-furcated market rules the day . . .my friend MS WMT TGT DT PP ,-1 +AAP has AWAYS ignored what Wall Street wanted. Nobody complained when the stock was going up.,1 +MPC Marathon Petroleum Option traders bet 2.4 million on a 21% up move by July for a 8 million dollar payday ,1 +AAP sure likes 444,1 +AAP seems pressured to fill the gap in the 430-431 area,-1 +user: TJX stop loss in 44.34 after beating 44.59,1 +ove the price action so far considering the tensions out there and volatility... GOOG and NKD strutting (long),1 +AEG 30 min O and 1 overlaid 20 ema cruising higher ,1 +I want to sell my NKD so i am just chatting about it instead and reverse jinxing myself ...it just feels like 200 is in it,1 +HBAN Huntington Bank stop loss in 6.96 ater beating 7.03,1 +VZ not even flinching .... the new utility of choice!!!!!,1 +"While the world was waiting for Apple to remake the television industry, Netflix beat them to the punch. AAP NFX",1 +user: AAP will finish green as I predicted .... I agree,1 +SPW 60 min ,1 +CEE - user out did himself overbought 60 now ,1 +user: GOOG and AAP are really showing off... They both look like male peacocks here. AAP with 10X volume 2X market cap,1 +CEE 30 min O updated - nice trigger early on 11:15AM ,1 +user: AAP Did I miss something? Is there an actual reason for this movement? downdraft,1 +"Waiting for the big rotation, when profit takers get out of Vapour~ware and back into AAP and it's DIV, high EPS and low P/E",1 +QCO picked up some for long term position,1 +user.. buy on a dip! is -35% dip enough? AAP,1 +"AAP Get ready, I see a big move coming off 440 Triple Bottom Here!",1 +FS - nice trading peeps. Take some off trail some. Hammer is fully formed now. ,1 +AAP Gonzo!,1 +"AAP when the market hates ow P/E, High EPS, NO Debt and HGE profits.. something is wrong IMHO",1 +ANA Bought 8 mar calls on top of my long position,1 +JET sold +9.22%; taking profits here ,1 +user: user BAC did u buy any? Yep Full position Now !,1 +"Pretty soon, it'll only take one share purchased on the offer of BK.A, PCN, or APP to move markets up 2%. #NoMoreVolume",1 +Wow INVN took a beating today...,-1 +chear up AAP holics allot of bulls just got butchered at GOOG,1 +"GPN needs interests rates to rise before having any hope of making money. Earning the float is their business model, folks.",-1 +Soon GPN will need to start offering Groupons for their stock.,-1 +user: AAP Earnings hope - flushed out. GS conference hope - flushed out. Annual meeting hope - flushed out.= time to buy IMHO,1 +JCP Our CEO is tinkering with new idea at home about how to bring customer in. Be patient till you are wiped out.,-1 +"user: SHD can operate with out a retail store. JCP cannot. Big difference Sears is even worse, they need a retail store even more",-1 +"AAP interesting how ppl blame the c/o for heggies and Dark_pools do with stock prices, once public there is very little anybody can do",1 +"G full year 2012 revs +50%, EPS +72% vs 2011.",1 +IF DDD XONE SSYS PB and 3D printing are not the next big thing then someone tell me what it is?,1 +Great article on an AAP 10:1 Split that I have been pitching all year! ,1 +owered my price target for GPN to -1,-1 +AAP #4 is not used in S. Korea because it means DEATH. so 444 is kinda like 666 in korean,-1 +Split adjusted ...Kansas City ailroad was 25 cents in 1984 and just 10 in 2009. Today an all-time high of 104. Short AAP GOOG hmmm!,1 +TIF looking good.Still need to break 67. 74 is next resistance level. ,1 +all my positions did great today except AAP :o/,-1 +NYSE A/D remains strong NYX NYA NYC SPX DJIA ,1 +"Quietly grinding higher, tons of products JAH #JADEN Corp where they come from #WOW! ",1 +looking for FCX to hold support above 30 ,1 +FOM A break above the neckline would give a measured move target of nearly 5.85. ,1 +CZO had nice up move looking to into SQQQ TQQQ SPX SPXS SPX SDOW PO to straddle options or swing trade OI prices up GAS up,1 +"JCP J. C. Penney tgt to 22 from 25 at Citigroup, tgt to 15 from 18 at JPMorgan following earnings - Short JCP",-1 +"user: Anyone like V? ooks bullish here, needs a little volume and we have lift off. ",1 +SWHC G liking the SWHC PM but volume still very low but nice at 9.59,1 +DDD up 3% premarket... I wonder who just bought those shares off me at 37.50.... ,1 +AM from watch list gapped open has volume of 4% average full day ,1 +"NFX over 186, looking for a move to 190",1 +AMZN alert update: It went hard against us but is playing out now. I would consider adding on or getting in here.,-1 +WEN Nice eady to sprint to new high CA,1 +The SPW that we've come to love returns: now up significantly over FS since we covered last summer,1 +"Nice to see NKD giving the bears/shorts their day in the sun, -0.1%",1 +ssys if fundamentals matter... headed under 40. income is 10% sales. 40mil net inc. puts this at PE of 60 with stock at 60. doubt it,-1 +INFI from watch list moving up toward 42 line though volume so far is light today ,1 +AMI taking some off here,1 +AMI taking more off 820,1 +CBMX happened so fast from 3.80 to 3.98 couldnt get ot out quick enough without missing it now back to 3.73 may do another run watching it,1 +DDD possible move to 38ish,1 +DF looks bullish. ong if beats 16.59. Stop loss 16.49.,1 +long YHOO 21.42. daily setup looks too great to pass up ,1 +AAP most likely has a nice batch of new products to hatch ,1 +EXH from watch list just over line on volume of 13% of average full day ,1 +FFCH from watch list just a bit over lien with volume of 13% of average full day ,1 +JCP Time for user to pound on balance sheet and cash issue,-1 +"ANIK trying to head higher, move to 11.90ish poss",1 +"Some good, strong follow through early on today on BBY DNDN Others that are poised (set up) to move: ",1 +"even more breakouts for YHOO , highest levels since 2008. (typed from home office)",1 +DDD just picked a half position here,1 +NG NG_F Natural gas weekly supplies lower than at any point last yr. -12.1% below this week last yr. XCO ECA,1 +PCN possible short to gap close if it cant hold 685,-1 +"PCN covered more 682.90ish, leaving last piece for gap close 685 stop",-1 +Picked up SPY 151 puts .25 each. Following the ESD and GS as tells here.,-1 +"PCN final tgt 680.30 or so, 684.30 stop",-1 +the ticker has actually stopped on AAP,1 +JCP Piper out with 16 target I think it's should be 6,-1 +WEN Ho hum new 52 week high CA SPY DIA,1 +user: there comes NKD with some oomph (technical term),1 +DNKN starting to move,1 +MAKO on watch list moving up toward line at 12.54 with volume of 54% of ave full day ,1 +user catching its breath. watching DNKN?,1 +CMG creeping up on 200 MA and long term down trend. ,1 +SNTS approaching 52wk high,1 +C perfect follow through day... ,1 +MA - Been struggling with vol. resistance all year. Watching closing for a long position. ,1 +PK new highs,1 +PK peeling some off here 4.16,1 +ZB taking some off here,1 +BAC New High Of Day :),1 +FCFS easy look at last 4 Q's income data: ,1 +MTG may not be done,1 +user: Anyone know what options strikes einhorn has AAP? He must be getting crushed news was he is in around 525,1 +DDD worked with 3d design software today. click on a layered part of object in 3d graphic and 3d printer creates it. Amazing stuff.,1 +YHOO trying to break HOD,1 +HD Busted HOD,1 +AAP no buyers and no sellers less than 1M shares in the last 2 hours,1 +DN will try long over 3.11,1 +"long some CSOD, anticipating breakout, and like the space",1 +"DN MTG GNW Window dressing here, would not be surprised to see a reversal tomorrow. SPY DIA QQQ",-1 +If you're invested in or trading HF or JCP. Step aside & let these two elephants do battle. You'll just be collateral damage.,-1 +Bought some ZNGA 3.47. iking that it broke the 200 SMA yesterday & online gambling legalization ,1 +"AFFX strong, no pos",1 +"yup user: BAC JPM easoning is nothing more than innuendos, speculation, and well crap. Mayo should be ashamed",1 +AAP look at this channel hugging 444 for last 2 days outside 1 big pop and drop ,1 +"AAP > Told you yesterday it's not a buy yet. When I say it's a buy, I'll be backing the truck myself.",-1 +"JCP 1x2 ratio spread goes off in May. Buying 30,000 16P for 1.57 and selling 60,000 12P for .45 against lower OI. Opening position",-1 +"JCP think this one rolls over here towards the EOD, this one does have the chance of bankruptcy, cash balances lower, avail. C lines lower",-1 +Bought 1/2 position in SSYS 62.79 going into earnings Monday ,1 +"Somehow this reminds me of TGT, JCP #Ackman at least did not buy call options on JCP, still in big trouble, fund redemptions coming imho",-1 +"#Groupon & #JCPenney taking the hits on the mkt today, down about 24% & 18%. GPN JCP",-1 +G beats. Our take on investing in guns: SWHC,1 +ISG someone got a margin call on this move...Craziness in the market towards the close SPY DIA QQQ could not break through Mon.'s high,-1 +user: user: AAP 1.5 M trades at close l - lot of sellers broad sell off but if no buyers = bigger drop look isrg,1 +wow ISG being probed literally lol by regulators,-1 +user: GS a text book trendline break intraday - ,-1 +"Having worked for Eric efkofsky myself, I wouldn't count him out. The dude can work magic in tough situations. GPN",1 +OVTI down 8% in AH,-1 +Seems like a good time to rehash this post about working for Eric efkofsky... GPN,1 +"GPN Mason getting the boot is probably the best news for that company since it came public, doesn't solve the problems with the biz tho...",-1 +" Elephant hunting ISG, PCN, AMZN, A point and figure review, high risk , define loss w opt ",-1 +"China's natural gas drive may cut oil demand by a tenth, euters : NG NG_F XCO CHK ECA SD COG KWK P SO",1 + ISG An update to our Feb 20th video review..if it closes below 495 much lower to come soon ,-1 +Market Wrap Video + Additions to Watch ist including: AIZ CBMX CDX MAN MDSO NDAQ TWO,1 +HD there is a nice entry at 67 which I will look out for. Not a stock to short. No position for now.,1 +user: Building a position in ZNGA. ooking to add on pullbacks. Can't ignore the volume and the story ,1 +AAP Apple showing stong support in this area. However 400 is next critical price.,1 +user hell yes :) YHOO,1 +"If I can get a nice 1-2 day move down in SWY, I am gonna go pig wild on it. Traded in and out 3 times already, but big still waiting..",1 +SCCO double top? 50 SMA turning down. ,-1 +"NFX Mar 205C (Mar 8th expiry), TOS shows it firing at the bid (1.50 x 1.53), but sorry folks, BOT! ",1 +"NVDA Nvidia Tegra 4 Benchmarked, Crushes Competition. ",1 +user: GEVO the beginning of a new uptrend: ,1 +Today's game HF for the Icahn team and maybe a little bit of GPN in memory of Andrew !,1 +TEK sleeping giant one of these day soon booom target 2.5-+,1 +NFX gets exclusive streaming rights to The Hunger Games,1 +CES watching for a move over 3.50,1 +"SD this is the ammo to help fire Tom Ward, was needed imho... unfortunately once again at the shareholders expense. NG SO",1 +INFI from watch list gapped over line - vol just 5% of ave full day - watching ,1 +CES trying to stay above 3.50 needs followthrough here or the pattern may fail,1 +AMTD looking for a bounce off the 50sma,1 +SQNM trying to bounce needs better volume,1 +"CES took some off, 3.45 stop",1 +CDX from watch list over line on volume of 15% ave full day ,1 +"GMC really like how this one continues to hold up so well, volume on the up days ",1 +"Nice day for the kicked out of the Nasdaq boys. NFX, BBY, GMC all green.",1 +AAP breaking support on heavy volume - sharing a few insights VIDEO ,-1 +"Notable S in OPEN, but general market heavy",1 +AAP Breaking important level here. ,-1 +CES long 3.50-3.52 target 3.58 -3.60,1 +"user ooks green to me, plus the 3% i got out of it buying at 35.25 today DDD",1 +Get the Elephant guns...I'm going hunting for AAP I'm not shooting yet...But I'm close.,1 +BAC MarketMaket will make lot of from Short Seller Today till March 7 IMO,1 +NSPH peeled more off 2.19,1 +KEX made awesome move thru 7.00 to 7.09 made nice score was A IN!! - made nice profit all those shares sold buying back 6.95 and less,1 +AAP Self-serving tweets re AAP's continuous slide w/TC as CEO. Spending for &D's on hyperdrive & 100+ talented people work w/Jony Ives.,1 +HHC sold 30m of residential lots in Summerlin in Vegas in 2012.... For Jan/Feb 2013? 31M,1 +NSPH trying to move into the gap,1 +AAP user More on the Fed after this. New 1 yr low today for Apple 431.88. Could 310.50 be next?,-1 +"Some math HHC sold 206 condo units in 29 hours in Hawaii in Dec. Avg 1100 sqft, avg 1,500 sqft/condo (1.65M /unit) (own 25% of project)",1 +Adding short BWS to portfolio. I think next years estimates are too high.,-1 +BAC Big Volume Today = Big Boy Involved = I'm IN too ! ! = ,1 +BAC Today on Weekly OPEX should pin around 11.35-11.50 & next week going higher as we approach March 7th StressTest IMO.,1 +AAP is oversold here,1 +Equity Alpha: APH looks awesome break of 71.25. Great Jan earnings and good consolidation. Tgt 75 ,1 +NKD kisses 170 hello... I am a golden God,1 +YHOO Bullish Breakout confirmed on Expanding Volume ,1 +"VMC MACD, Slow STO turning up from oversold...EMC buying w/ 89 mil float. J-O bottom. ",1 +NSPH looks like a possible move to 2.35 ... no pos here,1 +user you so funny AAP bulls,-1 +YEP nice...may go along w/ OPEN. ,1 +On way up: I love AAP! I love AAP! I love AAP! I On way down: I HATE Apple! I HATE Apple! I HATE Apple! #TradingWithoutAPlan,-1 +YHOO is probably done for a couple months ... sideways to down is just reality from here.,-1 +GMC is breaking out. Bullish MACD crossover. ,1 +AAP New 1 yr low today for Apple 431.28. Could 310.50 be next?,-1 +What is JCP real estate worth if no-one is buying big box space in today's market?,-1 +"Come fly with me, let?s fly, let?s fly away ! al",1 +VS Swing Trade Quick Pick: as Vegas Sands (VS) | ,-1 +AAP loading up on Jan 2015's 440 strikes 62. 7 options for the price of 100 shares where will it be in 2015?,1 +QCOM vs QQQ = elative strength ,1 +AFFY GMX GOOG NVA THD MACK 5 Stocks Poised for Breakouts - My story via user ,1 +"ooking to short on GDX production company, was looking at H SA IAG... Anyone have a short thesis on a name? Wld greatly appreciate it",-1 +nwinding of the Worlds Most Widely Held Position is never pretty. STDY this AAP move and identify the next Hedge Fund Hotel.,-1 +"user: user H and IAG are on my shorts list. SA I dont know about>> TY! was looking at Cash flow for H, burning abt 30mm/Q",-1 +VXY Another ong BPOP Snort... 9s next week on VXY to new AT highs in indices,1 +"AAP Smile of Friday EOD : The ast 6 Times Tim Cook Has Talked, Apple's Stock Has Dropped ",-1 +AAP we close below 435 today.... thats no good (great for bears),-1 +I wonder if AFFY might go bankrupt. Or change their management. I mean 85% drop in the stock price and now a lawsuit.,-1 +AAP Bearish MACD Crossover,-1 +AAP bad news keeps coming. They say when it rains it pours. Puts paying dividends. 420 damnit,-1 +Holding AAP Mar 8 420 puts into the weekend. Every intraday rally got sold into. ooks like poop. ,-1 +"Gap filled, doubt it holds AAP NDX COMPQ SPX #Toaster #Apple ",-1 +AAP holding all of my current positions over the weekend ,-1 +#Ackman you should be really going after PI. Classic example of MM firm. worked for them a year or so. Momo is in favor. #yourWelcome,-1 +VS weekly. Sorry suckers. bearish bat under resistance. ,-1 +"Some profit taking today, but Mar 12.5C OI is pointing higher for GDP. 26M float, 24% short, love it over 13.85",1 +user: GEVO Thanks for sharing !! Great article !!,1 +Whisper expectations for SWHC ,1 +"Isn't AAP getting unjustly punished for having too much cash, good problem to have, no? I still love my Iphone! happily trapped in ecosys!",1 +"AAP Capitalizing on the bigger picture moves, with the higher time frame weekly MACD ",-1 +PPG - Seems like a pretty low risk/reward short opp. Stop above volume resistance.1st tgt gap fill ,-1 +It's not the first time that AFFY has problems with their drugs.,-1 +AMZN short idea ,-1 +CAT short idea ,-1 +CME long idea ,1 +CSOD long idea ,1 +WYNN short idea ,-1 +SM breaking upper channel resistance line to make fresh 52 week highs on high volume. ooking for continuation.,1 +DECK Bullish Breakout on Expanding Volume.A move towards 48 can be expected as long as 45.2 holds ,1 +MYGN sell stop under Friday's low or limit to short near 26 ,-1 +eview Of Open Positions - Stocks - AEE AN ASGN GMC GOOG HTZ NKD PO SWI V,1 +"Stalking. ising channel on FI. If a pullback happens to 25.8, must be bought with a 25.45 stop ",1 +Stalking. XX watching for a break of 8.23 ,1 +BSX Weekly: 10 & 200 meeting ,1 +" SPY,IYT, FDX, PS A closer examination of transports and market best to have seen 2 prev vid ",-1 +"EV anything financial, over 41.20 ",1 +"OVI volume returns again, buy once it gets through top of that downtrend line ",1 +Tough loss...but MSG still looks good #knicks ,1 +BAC daily triple bottom? ;) Bullish unless loses support (then short it) ,1 +BAC 60 in bullish harmonics ,1 +BAC 60 min bullish harmonic w/Fibs ,1 +user: user I went long on MSFT for this week. I'm still bearish on MSFT but we're in bull market. I'll close out this week,-1 +H great risk vs reward with stop under Fib 2 at 4.50 ,1 +"ong Nike NKE, ange esources C, h/t Nike user",1 +"53 Short Ideas, led by miners, FCX NEM IAG CF PAAS, BID, & AAP eyeing 400. Many extended, but trade able.",-1 +Chromebooks...the future... goog aapl,1 +SHD When was the last time you saw Kmart and Sears full of people?,-1 +KO #AXP WFC IBM - Warren Buffett launches into another giant hunting ,1 +"Automatic cuts starts today, european crisis goes worse and worst but SSYS DDD XONE are going to pop! Anti austerity hype stocks!",1 +"BYD horrible quarter, pretty much declines across the board. Borgata was expected, but other locations saw declining revs & EBITDA",-1 +user: AAP down .6% premarket . Anyone know where the bottom is ZEO? if it does not stop before that I 'm buying it !,1 +opening momentum watchlist: KEX CHTP THD DCTH ZIOP ZNGA HES VMW XONE ACAD SPT,1 +AAP hmm. I'm not saying a word. Fan boys/girls keep your hate to yourself.,-1 +"Get divi approval from Fed (likely), it takes off user: Post from last night on Bank of America BAC - ",1 +"PPO: 2) GM estimates 20% Y/Y unit growth for volt (36K). great headline, but PPO built capacity for 60K+. this is bad for margins. (2/4)",-1 +"PPO: actual #s for volt & leaf tell a different story than mgmt's. 3) feb leaf sales down M/M again, now to 500 units. (3/4)",-1 +DCTH strong start,1 +TA swing from Friday :) and watchlist ,1 +user: GOOG gonna take out 2x AAP shortly now all it has to do i split the stock 10X for an accurate penis measurement,1 +Today's Watchlist for SHOT Stocks: MTG; ITMN; ANAC; OWW; DMND,-1 +CSOD Blue Sky Breakout today: ,1 +user: AAP please tell me how I could explain my wife I lose 51K on the best cie in the world Tx ~share when you figure it out,1 +"NKD I am a golden God, do not fight me ",1 +GOOG 1000 PT coming soon!,1 +STEM starting its climb back up,1 +ISIS another leg higher,1 +"Watch PCYC , looks higher",1 +"PO continues to recover well, but really needs some volume on the upside to sustain it ",1 +HN over 18 again doing above avg volume ,1 +"DCTH better volume now, 1st tgt 1.75",1 +"AAP has 939M shares, GOOG has 329M shares MSFT has 8.38B shares so close to = share price puts Goog around 285, AAP 425, MSFT 271",1 +"SZYM like the start, needs a move over 8.90 on vol",1 +"GDX 3 yr low here, think this move is forecasting the long-term top on gold (GD) H IAG getting hit hard today #bubblebursting",-1 +AAP trading 263/ share plus CASH,1 +ODP buy 4.15 -4.17,1 +AAP another leg down to 422ish,-1 +DK from watch list just over lien with volume of 27% of full day average ,1 +CSOD DVA not letting up on the gas this morning,1 +Bull of the Day: ed obin Gourmet Burgers (GB) GB MCD WEN,1 +CSOD #beastmode,1 +BYD gearing up for another leg higher,1 +Hi all! Catch me on user today at 2:45 p ET breaking down JCP and an update on Terry vs. Martha M MSO APP JCP TGT ,-1 +Z Zillow from watch list over line as a continuation with volume of 40% of average full day ,1 +AAP 422 nxt tgt,-1 +AAP closed 1/2 of my positions and riding other half ,-1 +user: Fund mgrs are the sellers right now. Have to clear AAP. In downtrend early seller gets worm. ~should have started in OCT!,1 +Best behaved in today's market action? PFE,1 +AAP Just pulled the trigger on Jan 2015 430 65 sold thursday 430's for 4.5! in the ONG game now,1 +PFE is the street asleep? I want some commentary on this move!,1 +AMZN GOOG and CM move higher as the NQ_F turns green,1 +"AAP dips below 400B, Buffett tells Cook to ignore cash complaints, buy back stock AAP",1 +BYD possible bounce zone,1 +Equity Alpha: ike IBM on break of trendline resistance at 203.50 Should retest earnings high 207 ,1 +Equity Alpha: Watch for PEP to start to take off over 76. ooking for 79.50 in couple weeks. ,1 +"user: AAP GOOG etail - dont get stuck holding google bag like you did aapl, google a sucker high here 1/10 the vol= fast fall",-1 +FFIV looking for a quick move to support at 86 especially if SPY lead the way down,-1 +".user, Cook is fine for AAP. People were skeptical about Chambers at CSCO, too. Markets are not always prescient.",1 +user: tour de AAP gap fill ast gap of hope filled,-1 +user: AAP 15min. one green 15M candle all day and it was the lowest vol of the day ,-1 +user: AAP Apple will call the bottom with a big buy followed by announcements. you are pretending there are adults in charge AAP,1 +"Green Daily Triangle on MH,....Scaling Down ",-1 +"BYD starting to work, 6.88 stop",1 +user: SPY HG_F C_F FCX These breakdowns suggesting a SOFTE global economy? Pull SPX with it? ,-1 +"BYD taking some off here, 6.90 stop",1 +"PCN looking for a move to 710-711, has to hold 705",1 +"ISIS, peeling some off here 16.19",1 +"For those not following MBI, a conservative Fair value in 18 ...25 is realistic ...when they settle w/BAC (soon) it'll get there FAST",1 +AXN taking half off here,1 +user: AAP I am sure we all have our equivalent Mercedes size loss somewhere in our career i'm down 1 or 2 till it comes back!,1 +THD finally,1 +"BBY I'm in some 18 calls, short squeeze is starting...",1 +ISIS looking for 16.30-35 next tgt,1 +"VX all time high, and on good volume, just what you want to see for a sustained move ",1 +AAP long 423 and under buying,1 +"This is AAP's 9th consecutive day under the 2003 trendline. When a multi-year trend breaks, be short or be long gone.",-1 +ssys statement of cash flow still a secret. no mention of operational cash on CC. no analyst asked about Cash flow either in Q&A. oh well,-1 +DCTH finally ... taking more off 1.79,1 +SWFT watching for a move over 13.95,1 +"like the look of MCHP here, giving us a nice entry, probably write something overnight",1 +"HES broke intraday bollinger band top, now c&h & holding above resistance- watch for intraday b/o ",1 +Take a look at how IDCC behave when it breaks above or have a Bullish MACD crossover. ,1 +user:400 delta between AAP and GOOG today is possible As soon as GOOG does a 1:3 split will it be comparable + > 1/10 vol?,1 +"ed Weekly Triangle on JB,....Scaling p ",1 +WFC BAC C Your dark horses for the week. Will come from behind to to take a lead. CA,1 +user: AAP traders are attracted to round numbers like 400. sure but this stock is traded 75% by computers,1 +"user: AAP, simplest answer is the right one (Occam razor). why apple keep going to south? no buyers until turn around of some sort",1 +just bought AAP cheaper than it has been in years..+ a 2.65% div!,1 +Massive sell off AAP. GEAT,-1 +AMZN flagging today. Might buy before the close and hold overnight if it closes above 273.,1 +"user: AAP After google hit bottom a few yrs back, it rallied for a year. What's your time frame? 10 X 420 Jan 2015 !",1 +MS Morgan Stanley Option Bull bets 1.6 Million on an up move by July ,1 +"user: GOOG almost 2x AAP now, gonna hit it tomorrow, prob 824/412. please check your facts AAP is 2.85x more than GOOG +10X vol",1 +BAC Solid Buying on EOD !!!!,1 +GEO took profits here +18.6% ,1 +HD breaking and holding above 70 for new all-time highs ,1 +M breaking out on heavy volume and bounced off nicely at Fri's close ,1 +380 AAP could do a leveraged buy out of itself with cash on hand and low 8 earnings finance.. if there was a bank big enough,1 +user: AAP I sure hope their P dept monitors this sentiment after IPO company don't care and APP never did,1 +user Just waiting for the numbers. No insights into them APP,1 +SNTS kills it,1 +APP goal EBITDA margin of 15%. The Dov dude is focused on 20%. 800 in sales at 15% to 20% that is lots of bacon,1 +"NFX - We have no current plans for a BBY app - No app for AMZN Kindle, Evernote, Hootsuite, Whatsapp, IDG.TO Kobo",-1 +"ES_F Interesting parallel between apple AAP bubble,and the fed has your back bubble: AAP peaked with 4th phone.Fed peaked with 4th QE",-1 +user: DIS Eyes on Disney... knocking 56 door again. ,1 +ANTH today was a great entry point. Huge insiders and institutional bought here. Just recapitalized. High Target Price. ONG,1 +Three Dividend-Paying Guru Stocks - Sizemore Insights ADM CHK JNJ HNZ WFC DVA BBY,1 +user: AAP Motley fool says apple gets to 1k b4 GOOG on CNBC since AAP has 2.85x more stock it is already over 1200 IMHO,1 +E Competition egulators to fine MSFT before end of Mar for breaking 2009 promise to offer rival browsers in Win OS - 2nd failed to comply,-1 +AAP holding weekly puts.,-1 +"ed Daily Triangle on TPM,...... Open ong at 6.40 ",1 +"user: AAP Pigs Do Fly!! user slags TC for not listening to shareholders, not buying NFX twitter,or 1Bper wk stock!",1 +AAP to many people think the ip5s will be bigger/smaller or what ever but what if it was the watch? think dick tracy ? micro sized,1 +NEW Blog Post: Followup to Yesterday's Watchlist- ots of Movers DVA CSOD HES DXJ HD AXP CSX BAC OIH BBY,1 +AAP wouldn't be surprised to see retest of 435 level as new resistance sometimes this week ,-1 +VNG when it gets ugly like this is always time to buy 2.90 to 3.00 will start #1 entry buy tomorrow,1 +AAP when it gets ugly like this is always time to buy 410 to 420 will start #1 entry buy tomorrow #2 at 400 to 410 or 421,1 +ISIS we open anywhere here or under 16.75 we see 17.25 - easiest .50 cent trade ever,1 +EVC Bought more today for the 4th time - going much higher - all the major funds in media plays will buy this one - target easy 3.00+,1 +user: bet it all on AAP right now. ather bet on AAP 52 week low than all the vapour-ware 52 or A time highs.. poof,1 +Set ups I like for tomorrow: ZNGA BOX FB VMW GDOT W Others set ups I like: ,1 +ong idea in MCHP for tomorrow ,1 +user: AAP Who is gonna trade in their watch for an iWatch? what if your watch was actually an iphone? ,1 +Market Wrap Video + Additions to Watch ist including: CYH DGIT EWBC NGS PKG,1 +"BAC 14,000 11,45 after-hour ... Somebody Know something ?",1 +"For those that believe GM still leads mrkt tops, recent action is not positive DIA SPY DJI SPX ",-1 +"More like 100. John is conservative user: APP Aims to Open 60-70 New Stores Over Next 3-5 Years next step, re-fi",1 +OXGN this stock has majort support at 4.00 range and should rebound hard back to 4.30+,1 +"user: AAP What point does this get delisted from the NAS 100? ? not while it is in the top 100 duh! currently #1 nasdaq, #2 world",1 + On Jan 24th we posted this video on aapl....no change...be careful... ,-1 +"trade idea Buy JIVE 16.80 , target 20 , cut below 15.70 ",1 +AAP Fib 50% retracement from 2006 low of 6.36 to 705.07 would be 355.72 ,-1 +CYN on flag break or Over 43.00 ,1 + Over 64.05 may need to rest first ,1 +PKG Over 42.46 ,1 +... cloudy big gap bottom? VMW #hammer ,1 +#ContrAlert Don't Panic: Wall Street Is Going Crazy For Student oans -- But It's Not a #Bubble - SM,-1 +ZNGA entire body is about 200 day moving average today for the first time!!!!!!!!!!!!,1 +AAP still flying off the shelves.. ,1 +GDI breakout on huge volume ! ooks ready to test the highs. ,1 +SWFT Flagging for a move higher. Watch for a break over 14.30 with volume ,1 +Watching AD for more upside. Breakout at 1.76. ,1 +ZNGA Wants to breakout. 3.76 is short-term resistance. ,1 +"AAP could buy back 100m shares for 40B, saving 1B/yr div payout! 35% discount on share price +10% value increase to shareholders win-win",1 +user: VZ 6.2 million of 9 million phones sold were AAP strongest period of sales since 2011 FIE THE CEO!,1 +"From the look of it ill be averaging down aapl around 380, there is no bottom around here.",-1 +AAP Is Still Cool ,1 +AAP will be buying on all dips today - an APP trade a day keeps the doctor away trade range 422 to 428 today,1 +NKD no rest for this stock as it soars into new highs ,1 +CEG exactly what you want to see a stock do after basing / consolidating. New Highs ,1 +HD - patience always pays off. Broke out to new highs ,1 +OY worth eyeing - keeping on your watch list ,1 +CPW is flirting with new 10yr highs in pre-market,1 +Watchlist for today TTNP SNTA IMM FM OEX DCTH,1 +VHC breakout watch 36.7+ ,1 +"ANTH +13% in PreM. HODING ONG. Average TP 2,6. Huge institutional and insiders bought in previuos week.",1 +E ready to break key resistanec at 65 ,1 +"SWHC still holding all my shares bought at 7.69. Have June10 Calls that are playing well too. Sold my MA9s yesterday, too soon.",1 +AN peeling some off,1 +AN taking more off,1 +I will short ASNA under 18.35.,-1 +ACX watch it over 5.35.,1 +"V nice clean move above 160, close near here would be very bullish ",1 +user: GOOG at 830 feels a OT like AAP at 705. .feels very overextended here. CATION are you afraid of that OW 800k Vol?,-1 +ACAD trying to move over 6.50,1 +NDAQ triggered pennies yesterday and continues a bit today with volume of 16% of full day ,1 +Whisper Expectations for F ,1 +if AAP were as dead as some predict I would hope that the premium on puts/calls would be lower,1 +really having some anger boil over for missing NFX short on the gap today. not gonna chase.,-1 +long a little TP,1 +BAC Here is the entry for the long IMO ot of Volume + over 11.65 !!!,1 +AAP in some lotto 500 calls for next week!,1 +"#13for2013 SCA & NKD are champs, both up 50%+ in 2013 ",1 +HES the latest target of increasing energy-focused activist investing. Investors can cash in. OXY ,1 +STEM continuing move up - possiby getting some bounce from ANTH upgrade,1 +AN moving higher from consolidation of earnings pop ,1 +"NS oad puts, HF is about to get blown up imo!",-1 +"NKD mild divergence creeping in, could arguably ease back to mid 160's, but long-term rock solid ",1 +JOE holding that 21-21.50 area for now but longer-term trend endangered ,1 +"NAN like the daily and intraday setup, will try over 18.80",1 +user: AAP you know its a extremely bullish day in the market when apple is up 2% = 10 BIION!,1 +AXP - Boom-sha-ka-laka via user ,1 +"CTGX rallied smartly from first support, strong breakout today, surprised so few follow this one ",1 +"PO still some work to do, needs volume on any move higher from here ",1 +AAP not falling getting ready for the next leg up?,1 +"Other longs are S down small, and FNP, NKE, C, MCHP in last two days",1 +"WFC Ho hum Giddy up CA eady to sprint to new high, BAC needs to clear 11.64 resistance",1 +AC tightening stop to 3.30 now,1 +AAP goes higher on European close.. IMHO,1 +CEE wants 51.82. Then I think it's time is up imo.,-1 +ZOT Sold at 10.99 the shares I bought Mar 1 for 8.8,1 +"AAP hats off to user who dropped the last blood yesterday, should have split down!",1 +"HES another leg up- only position in the red yesterday, now well in the green",1 +CEE hit fib level 51.80.,-1 +PFE sticking with!,1 +AN taking some off here,1 +I need to liste to the little devil on my shoulder more often > In 1000 MTG 5.17 lord help me lol,1 +Oh CEE....,-1 +user: user 'old technology' are more expensive .Market not for AAP ~THINK more nano/phone/watch dick tracy not rolex,1 +MBI is stuck at 12.70ish. I say this is bullshit.,-1 +"CMG While traveling through Kalamazoo, MI on Friday at 6:00, the place was empty. This is the growth hopes for the company. eshorted 325",-1 +AAP iphone watch like this.. ,1 +"user: AAP wonder how many jumped on the short side with that 52 wk low, hardly ever smart to go short on lows or long on highs",1 +"CMG is not necessarily Kalamazoo, but towns like Kalamazoo. They will not buy a 7+ burrito, they don't see the value in it like I do.",-1 +"AAP ppl buy Android cause it is cheap, but a phone that you wear like a watch cool Game changer! Think big! all the parts are there",1 +Helped my brother buy BGS & AAP yesterday. F last week. Better cash in a free dinner while I'm hot.,1 +"lots of good ideas are to earl AAP didn't invent tablet just introduced it when right, goog glass=smartphone/glasses perv device",1 +"user: AX looks good for higher prices, gapped above base and held, updated 30 min view: ",1 +"user: AAP Wow, when was the last time we were up 3% doug Kass umour, Einhorn umour let it HOD on no rumour and then :D",1 +Quietly IBM has been on a nice run. Value lies in its transformative nature. Our take from fall: ,1 +AN stop to 775 on remainder of position,1 +AAP finally --- now we can run !!,1 +WFC SB is culprit for weakness. Bowe puts 44.75 target,1 +user: AAP This rally won't last IMO great I will sell you some AP5 430puts for 14? money where mouth is?,1 +user: Suddenly everybody is bullish on AAP. You should hear people on AAP yesterday last 6 months!,1 +user calling for rotation out of everything back to AAP everybody back on the AAP CAT!,1 +Small weekly put position in NFX here,-1 +The easons I journal...and Pivotal Moments in the Market (new blog post ) DIA SPY AAP NKD,1 +"NFX daily make green dot buy yesterday 192 up target, not overbought or oversold still positive. ",1 +MTG Cant wait to pull the trigger on that one!!!!,-1 +"AN still flagging, will add to my position over 7.86",1 +AAP traps works better with a QICK SNAP!. dead bulls and bears IMHO,1 +SHOT MSFT 28.29,-1 +AAP I imagine the bears jumping up and down on that 433.. got it down 0.25 in 30 minutes,1 +"user: AAP nothing like firing of CEO to make investors panic other than stock price, it has been best co profit and sales ever",1 +CEE mother faacker.,-1 +"user: AAP Price is volume, volume is key 15M+ action I will stand on the other side of your shorts",1 +user: Is GOOG ripe for shorting yet? looking for that 10%-15% drop? it happens in a second with the goog (low Vol),1 +TAB looks like its breaking out a falling wedge ,1 +"Equity Alpha: user F looks like its bottomed and ready to go over 13. If breaks, look for 14+ ",1 +ENOC - need a catalyst? thx szaman not paying attention to it. ,1 +"Equity Alpha: INFA is our fav short opp. No growth this year, high valuation. Short under 34.50 ",-1 +MTG don't be a bagholder!!!!,-1 +"user:tools - macbooks/phones etc - i do not imagine much time for toys AAP ipod- toy, iphone= itouchw/phone, Ipad=big itouch",1 +BAC IMO 12.50 is a question of day from Now !,1 +"AAP once you have the smartphone-mini you can ad as many APPS you want , because you wear it, not stuffed in pocket.. think SII v/comand",1 +user: user AAP GOOG Glass is not a rumor.Gglass is a s/phone/glasses *perv alert* & women hate ,1 +I will short ASNA once it fails 19.07. Gonna be worth the wait.,-1 +"user: why curse GOOG by raising target to 1,k? (currentlyAAP is trading at 1200 FYI) stock price = dick size (or lack of)",1 +AAP & GOOG it is all Skynet trading right now lockstep 3 Pm it will get exciting again,1 +"KKD Yummy, yummy, doughnuts. ong at 14.25",1 +VZ ooks like an 11 day winning streak,1 +"AAP probably small fadethen a pop finish (I think 435-437).. everything is green today, tomorrow.. who knows",1 +"As long as it doesn't cross the 21.58 Fibonacci evel, the short is valid. INTC",-1 +user: AAP Treadmill stock. Dare I place 440 call? lots of people betting on 450 next friday,1 +CPSS - yup I see it :) nice stocastic cycle ,1 +"eading stocks topped early in the day, even as ES_F pushed higher. elative weakness on a strong up day. SODA SPW QCOM FB AAP BID",-1 +JMBA from watch list has volume of 103% of ave full day - slightly over line ,1 +user: AAP Covered 1/2 +7.27 (434.97 - 427.70). ? good in and out you might get to re buy in 30 minutes,1 +does everybody know that AAP & TC can do VEY little in regards to a stock price? you should be praying to SKYNET and GS,1 +SHOT MTG 5.18,-1 +Bot AAP puts as this is a dead cat bounce. Free fall will continue into Friday.,-1 +Come on MTG do the Harlem Shake.,-1 +"user: JCP if ya think this won't bounce on that news, see GPN>> Agree, but still a dying business on both accounts",-1 +CIE Seems geady to go South ,-1 +AAP strong if they keep buying into the close..,1 +"Watch SOH here under 46.73, could be a short imo.",-1 +"DN MTG, anyone thinking of shorting these names? These 2, specifically, DN seems to have a history of huge spikes up and then collapses",-1 +COST 5 min ,1 +"SK Check the intraday, tell me this thing isn't ready to blow up. Almost 30k shares traded in 1 minute EOD :)",1 +user: AAP The days you wished that you had bought in. I spent some money averaging down to 420 yesterday yeehaw!,1 +DNKN slightly above resistance ,1 +"user: AAP, if everyone thinks its going up tomorrow, its going down.. ~ you speak as if humans were in charge.. not SKYNET",1 +NYSE After-hour Most Advanced: HCI EX EPZ POE PQ EDG SXC GTI EGY,1 +SWHC call starting - sunshine and bullets. Ha! lol,1 +MTG MGIC Investment commences offering of 135M shares of common stock - Trading Thru Post market highs at 5.5 on dilutive news ong MTG,1 +"SHD added to short position on move up, Sears headed lower part II now available: ",-1 +"PAY - DOWNGADE.... lemme just check something real quick... actually, PGADE! - anyone else notice a 12 gap here?",1 +user BrokeInvestor634 I may have been wrong about that pullback. SII,1 +Market Wrap Video + Additions to Watch ist including: AO GMC IMC IQNT JEC SOX,1 +TWX Wait for re-entry point: 54-53.,1 +AAP from Still nothing bullish here,-1 +AAP How an Internet-trained Apple analyst lost tens of millions of other peoples' money ,-1 +big freakin HT to myself as CEE was the ONY stock mentioned in my Dec12 video as a breakout stock for 2013 :),1 +seen to outperform peers this week: NF CEG PCYC N MWIV GW VMI TM NKD GOOG MPC ADS ATHN CEN BIIB MIDD MSI,1 +TAB has just broke a Falling Wedge Pattern. Short-term sentiment has turn bullish. ,1 +NVDA MACD indicating that the current short term price trend is bullish.Breakout watch over 12.85 ,1 +AAP sharing where and why I added to short position yesterday VIDEO ,-1 +BAC Around 10AM On Factory Data I expect a Slight Pullback that could be a entry point B4 the run over 12.50,1 +will AAP go down?,-1 +"BAC finally bought BofA, don't know why. Just one of those hunches.",1 +AAP - Apple may introduce the next iPhone and iPad in April ,1 +NVDA Will watch to see if it can break 12.85,1 +AAP nice to rally without a rumour,1 +AMTD TD Ameritrade two massive blocks of upside calls over past week. ,1 +KEX strong start,1 +BAC in next weeks 13 calls at .02...,1 +ENOC good start like it over 17,1 +CNQ nice start but needs better vol,1 +"user: user Fail to see how you made money. AAP Buy low sell high FYI or sell high, buy back lower.. same everywhere ;)",1 +VSAT interesting here. Above .20 could signal attempt at recent highs near 50.,1 +"user: ast year, cash announce was March19, third Monday. Expected March18 this year? AAP bottom was called today 2009",1 +DDD also following through nicely from yesterday to the downside,-1 +BAC Stressesult Tomorrow 4.40pm ET & After we will have the Dividend as a follow through catalyst !!!,1 +OSI peeling some off here 9.1,1 +APA Insiders staring to buy and at a macro bottom IMO...patience. ,1 +Joining the party. user: NKE is my only position not ripping today. But it looks ready. ,1 +PAY Awesome action (with volume) and breaking through the 20.95 mark. (key pivot point),1 +ENOC trying to get over 17,1 +HS watch for a possible bounce around 45.65. pic.twitter.com/adwJrD75NE,1 +BAC next week's 12 calls getting a lot of Play!,1 +AAP breaking down. Still holding puts.,-1 +ME opened a position at 4.64 - ,1 +ISG Decent amount of Vol. behind this bounce. One day does not make a trend. Holding Short,-1 +"SAVE continues run, all-time high within sight. Our budget airline analysis from fall: ",1 +ENOC taking more off here,1 +DDD thinking about adding here.,1 +WAG nice short under 48.24 ,-1 +WAG nioce short in .02 cents.,-1 +Short WAG 40.23,-1 +"ENOC 17.60ish my final tgt, 1715 stop",1 +"ENOC here comes the next push, getting close to my final destination 1760 or so",1 +"ZOT good entry here, next fib level is 10.39, and current support is 10.08.",1 +Watch 19.50 for EXP ahead of an expected earnings beat next week ,1 +"CZO going to 24.30, volume is good.",1 +With some luck BT 22 is current target.,1 +"VVS working, peeling some off here",1 +DST <<<<< SHOT ME GATA - SHOT JPM,-1 +"user: AAP if TC did his job and managed the stock not his job to mng stock.. mng Co yes, stock has very little to do with Co.",1 +"FOD nice pop, no pos",1 +"ES_F in danger of stalling, that's 5 d-days in the last 2 - 3 weeks for the indexes. Not exactly bullish behavior. NKD SCA AAP BID",-1 +AAP 20 minutes till Europe closes we will see if buyers :) over there or sellers :(,1 +user: BEBE long setup on the radar ,1 +VSN looking pretty,1 +user Do you think the ZOT support level means anything now after the recent news?,1 +SHOT CAT 89.90,-1 +QCO close to 30.33,1 +QCO on launch pad in .03 cents.,1 +"SWI SolarWinds, this is Houston, you have cleared the tower, proceed to space ",1 +AAP has anybody ever noticed that the decay matches the slow climb up on the day before expiry?,1 +"FOD continuing to act nicely, 2.90-3.00 potential target zone",1 +"CAT Bingo, it is Bingo everywhere today.",1 +SWHC Just bought back the shares I sold yesterday at 9.58,1 +KEX took some off,1 +I think NX can be shorted under 24.70. For a full dollar roll. ,-1 +WOW ME is on fire! I love the 1 day #swing #trade. We are out at 5.12 for a very nice 10% GAIN. ,1 +Watch NX under 24.70,-1 +user: AAP cnbc dump comin up :) First time for everything O,1 +WFC 5k march 36 7 k april 37 call buyer,1 +FCX if it can go over 32.83 it will go gangnam style.,1 +AEE for a short in .06.,-1 +TEC www.short-term-stocktrading.com Mar6 decent trade in TEC today: ,1 +user: Nice B/O for BMY today. Not a lot of volume though. First pullback to confirm. ,1 +"GOOG keep in mind there are about 1,000 contracts offered at 20 in the Apr 850C. Could temporarily create resistance or a sell off",-1 +MTG short 5.42,-1 +"Very important day for JPM, it will interesting to see if it can break 50.11 ",1 +Equity Alpha: BAC brekaout over 11.90 resistance. Tgt 12.50. Best bank in 2013. user ,1 +"Equity Alpha: TWTC looks like great short under 24.90. Weak fundies, overvalued, weak technicals. ",-1 +user BAC we are seeing...,1 +"VVS took a little more off 1094, 1080 stop now",1 +"CAT daily,got overbought 4 days ago and yellow owns EH not oversold either. ",-1 +"AEE crosses below 34, and I am shorting it.",-1 +SHOT AEE 33.99.,-1 +"ed Weekly Triangle on KWK,....pdating ",1 +AAP interesting how SKYnet can keep a 400B stock in a 0.0025% price flux channel for an hour with 1M+ trades?,1 +user: What time are the stress test results being released tomorrow? BAC GS C JPM WFC > 4.30pm ET,1 +NVDA nice accumulation taking place here... ong and strong ! ,1 +BAC FEDEA ESEVE BEIGE BOOK IS OT --> Everything looks good !!! ,1 +"Green Daily Triangle on MH,....pdating ",-1 +BAC Yep Over the 11.90 esistance... :) NHD,1 +BAC Big Boys come In Buying arge Block !!!!,1 +Can the AAP iPad escue a Struggling American Education System? ,1 +BAC +12 by close even Better!,1 +MBI breaking out ,1 +"OKE Oct 50C bought 15,000x at .80 vs. OI of 22. Suspicious out of the money big trade, probably opening",1 +BAC C COF giddy up lotto call,1 +"BAC now XF is pushing too, Watchout 5% day is Possible!",1 +AEG Parabolic .... ,1 +JPM back over 50 roll,1 +"SPS buying some here, small position. Trades at 8x free cash flow and below 10X PE Mgmt. has bought back over 3B in stock last 3 yrs",1 +"SZYM decent setup on multiple timeframes, volume not that great",1 +BAC Cleared 12....,1 +Interactive Intelligence back near all-time highs. ININ ,1 +user: user: AAP can jump 50 in nano seconds after E if they beat Sure but that is Skynet trading with itself,1 +XCO ~310k purchase just moments ago,1 +STT a solid breakout of this tight basing channel ,1 +CM continues to move up nicely ,1 +"AAP Down.. DE up hahhaaha, TC should have bought Dell with Cash like MSFT did with AAP in the 90's",1 +Intermolecular is looking promising. Pivot above 10. IMI ,1 +user: BAC once upon a time this stock was 17.xx>> History repeats itself -Mickey Mouse,1 +AAP looks like maybe a fade then pump to close? oversold on 2min/ 5min,1 +adding more weight to MTG sorry folks u had ur fun. Hammer down time. Holding over night Have plenty of cushion from 5.89 short,-1 +"BAC volume in 12 calls today is Huge in all months, something big is coming imo...",1 +"user: With egal eserves ow, Bank of America Faces a Big awsuit >> = Big BS ! BAC",1 +MTG holding small short pos from 5.72 for swing,-1 +"GOOG to Face Off with FINA, Exchanges in Audit Trail Bidding ",1 +AAP wow up almost 4 on Skynet's After hours inside trading,1 +MGM ooks like its getting ready to fill the gap,-1 +Time Warner Announces Plan to Spin Off Time Inc. TWX TWC,-1 +SWHC and QE both killed earnings and still were punished...hopefully its a matter of patience since I am holding,1 +AAP this is the best graph shows mode.. we are now in despair heading towards mean (500 ish IMHO) ,1 +"user: I still say AAP 1k before GOOG don't show your ignorance, right now AAP has x 2.85 shares or 1211 equal basis",1 +Penney's and Macy's and Martha . . . Oh my! : JCP M MSO APP KO ,-1 +GD SV as mentioned a few days ago GOD stocks oversold IMO GDX GDXJ GDX JAG .50 GP AY ABX FCX The royalties TX SW GD,1 +"SK 6.75 printed AH, this baby's gonna pop tomorrow. Share buy back, euro expansion, fast growing company here :)",1 +user: user: user: I still say AAP 1k before GOOG ignorance is bliss my friend and an education is expensive ;),1 +SK - 28 mil share buy back - estimated EPS 1.01 vs. 1.00 last year. ,1 +Time for some shorty pants? CSX #Trains #esistance ,-1 +JAG used to be 8 and trades on several exchanges that had a buyout a few years ago GD SV IMO we'll see M&A in GDX GDXJ space:on TC,1 +SK Closes 6.75 AH,1 +AT 3s a charm and this can be a trade and long term hold with reinvesting SDIV EX is another area that may see M&A DK SO ED N TE,1 +Market Wrap Video + Additions to Watch ist including: AAP BSFT END FS JCI PQ TTWO WGO,1 +Investors into GD SV PA PTM stocks in GDX GDXJ GT GDX ING GGGG SWC PG PA and GOO AY H NEM AEM ABX pay SDIV,1 +IG HA SB IEP is Ichan Ent showing interest in the space SO OO OIH CO shows support 90 trading with NG SSN TAT WTI DOW,1 +GOOG Ice Cream Sandwich and Jelly Bean Are More Popular Than Gingerbread ,1 +"SK Great day today. Breakout on huge volume. ots of shorts, congrats to members who joined in! ",1 +GEVO 2.25 Target Short un Price Action.,1 +"I invested in MSFT, but I have more than a few words for Steve Ballmer",1 +BSFT ran into the gap today and pulled back - maybe a trade in to it again ,1 +END ran into space with large red candle on left and may try it again soon for a trade ,1 +GDXJ bounced pretty good so gold stocks may move up some - like VGZ GOD NG and silver PAAS ,1 +"Trade idea SE the breakdown in NEM 40 , target 31.50 , cut above 43.50 ",-1 +TAB finally starting to break out. MACD crossover today/should support higher prices in short term ,1 +AXTI An ndervalued Stock.P/E of 15x with a PEG of just 0.65x.No debt and about 46 million of cash ,1 +VHC still looking interesting.Trading within an ascending triangle pattern w resistance at 36.25 ,1 +NFX The hourly shows a Head & Shoulder formation forming. ,-1 +user: uncapping 1/2 of NVDA 13/14 CS for 4c in case that 12.5k buy of 13's knows something Nvidia Acquisition umors esurface,1 +"The A/D line moves up, it means NVDA is being accumulated ( bought ). ",1 +"user: AX working nicely, forms another consolidation above 56.75 ",1 +Post: How ong Can You Hold Your Breath? SHD DE,1 +MTG between yesterdays session and today's PM almost the entire float has been traded lol,-1 +BAC right back to 12 I'm eady!,1 +VBD blast off!!!,1 +GMC from watch list gapped over line with volume of 10% average full day ,1 +"Slowdown in PETM services troubling, would look to other pet companies to play pet humanization trend: PETS WOOF",-1 +NKE looking good here for another run at those highs ,1 +MCP possible grind to 6.70-75,1 +"ASTM like it over 1.32, needs better vol",1 +Today's Watchlist for SHOT Stocks: SA; SB; IG; PB; CA,-1 +I bought some JCP. I love knife catching,1 +ZNGA like it over 3.56,1 +user: AAP Barclays price target for Apple is now 530. says decline is b/c it might make only 30% profit (40/shr!),1 +MTG still holding short from 5.70's I think we will see low 4's by tomorrow,-1 +"MTG if it can hold this 5.10 level, it is a good long imo.,",1 +"GS nice bullish start, no position here",1 +personally I would like to see AAP 42/share before 1000 IMHO (after a 1:10 split of course) then we would see 100 very quickly IMHO,1 +"user: AAP is really dead... you should go chase the fast money over at AMZN, NFX or FB has a big announcement today",1 +INFN at 7,1 +ooking at a 10am revesal on APP. will go back to 2.00 level soon.,1 +"Green Daily Triangle on TC,.....Open ong at 3.37",1 +"Green Daily Triangle on GTE,.....Open ong at 5.93",1 +ZNGA Put/CAll ratio 0.18,1 +Starter position in SHD 47.21 eady to hold by breadth for 10 to 20 years,1 +"AAP We break and close below this support, 360 is the target and im calling it THE bottom ",-1 +"user: user So why the stock is falling? Can you explain? The fast money worried AAP will not grow as fast, so they are out",1 +APA peeling some off here,1 +user: user: AAP 360 is the target If no growth maybe but it is +50B cash = bottom 410 if NO GOWTH (and a div!),1 +NFX Breaking down the neckline w heavy selling volume accompanied by bearish technical indications ,-1 +fonr shares are up 50% since equities research upgrade and up 200% since stockdiagnsotics upgrade,1 +AAP approaching 420 low,-1 +"INFN continuing to look strong, looking for a move to 7.15",1 +NFX such a monster gap to fill not sure how anyone could fill comfortable sitting long here...,-1 +MCP finally,1 +BAC Here we come 12.25....,1 +GE has been lagging. 1 of my favorite longs. Above 24 I think it runs. DIA,1 +INFN taking some off here,1 +"3 stocks owned by Paul Tudor Jones I'm watching for long entries PKI, MV, MGN h/t user",1 +"MCP taking some off here 6.50, looking for 6.75",1 +user Market esearch Portfolio's ook at BA flying into the wind now~~ More to come!!!! BA,1 +NFX looking to short on a weak bounce to green arrows then fade if we see momo turn South ,-1 +"GPS big time move today, breakout out of upper BB. ST Pullback/Consolidation won't be surprising ",1 +"SBX, slow and steady wins the race. p > 20% since we covered the third place concept: ",1 +SK - 2 Stocks to Watch ight Now SK FB,1 +NFX short moved targets for reversal up - not in yet S1 and MA ,-1 +BA sold 1/3 earlier off my post from the other evening. Starter in GMED. like the setup and the recent eps. Acts right and I will add,1 +"OST m, my position hurt so bad today. butt, it just slide back to last wednesday. maintain 65.00 target.",1 +AMZN nice intraday flag,1 +user: AAP looks like 419-421 is bottom for this week nice to put that in the rear view mirror!,1 +"DCTH nice flag, like it over 1.92",1 +G movin.. but I wont scream victory! until it really pops above 2.55 or so...patience...,1 +JDS watch it for a possible short.,-1 +"TIP is getting trippy, boss.",1 +"PETM possible leg down now, looking to cover some 61.75",-1 +AAP now we need a strong scared 1M+ buyer,1 +"PETM short hit my 2nd tgt, took more off, final tgt 61.45-61.5",-1 +isten if NP crosses 136.82 it will go.,1 +BAC Next Breakout Based on Tech Analysis should be Around 1.00pm Not Before!,1 +I am long a little PAYX waiting for a breakout. Earnings March 25. ,1 +BAC Here comes another push higher! JPM calls being bought today too? BAC more bang for the Buck!,1 +"AAP it is funny listen to you ppl who play one side of the mrkt and expect to make , when you play against ppl who make both ways",1 +AAP still holding puts. Will test 420 again.,-1 +"Admittedly more a commentary on digital media than just Yahoo, but here why YHOO is set to crash and burn from here. ",-1 +AAP trying to bounce here,1 +BAC Oupss !!!Sooner than expected.. that's what's alerts are for...,1 +"AAP looking to take some off around 429, should retest 430 on this move",1 +DAA on launch pad over 1.11,1 +EBAY SHOT 53.12,-1 +VXY VIX is Done till Jobs eport - Try CAS on FAS BAC GS C XIV,-1 +user: ask if you can SE MAY 2013 515 CA for 3. If AAP goes above 515 you get 515 +3 per share if not you keep the 3!,1 +user: AAP breakout is imminent. Although trading on pathetic vol now.. no -sellers -GOOD,1 +Can someone wake me when NKE gets to 65? Thanks.,1 +SHD added to short position on uptick! ,-1 +STO VS AP 50 puts for 1.40.,1 + FDX double toppoing BEAISH MONTHY GATEY pattern....time to exit ..,-1 + PCN doulble top at key fib retracement weekly....time to exit ...,-1 +COX possible breakout play ,1 + The rodeo clown sent BK screaming into the SI weekly red zone...time to peel away before it turns...,-1 +ONG DAA 1.12 1/2 position.,1 +user: ETFC nice movement ,1 +"KWK this one is heavily oversold here, think with the other players rallying massively this one is due for a big pop. P XCO ECA NG",1 +"Shorting COG against XCO SD... COG so far above the 50dma, think it pulls back to the 50dma here, way too overextended imho",-1 +AMTD nice breakout ...This was a stock I alerted to my subscribers last night ,1 +" Why is FDX important, gave the MAKET OPEATOS, cover, give the DOW THEOISTS their story, while we sell out...gonna be one helluva fak",-1 +user: user: AAP as long as TC silent this goes down TC is waiting for another check so he can load up user ;),1 +SHD Sears looks good on break out this morning. SHD ,1 +AAP does nobody watch volume? today: buys=high volume sells= low volume,1 +"user: AAP Divi announce came on third Monday of March 2012, the 19th. Will it come on March 18th this year? ",1 +"AAP a bull bought 2k Apr 425C for up 16.75 each, laying out nearly 3.3 million in premium.",1 +SK Whoa! Somebody has some confidence in SK :) TO DA MOOOOONNNN!!!!,1 +COG rolling over here... think it will lose most of this move today.,-1 +"CTXS could rally to 95, my thesis here: ",1 +user: PCS broke through more daily candle resistance!,1 +BAC Volume is Strong and Bullish Will be higher Today than Yesterday -- Already 141M !!!! ,1 +HBAN breakout today ,1 +Don't know squat on SPT but P flack just sent unsolicited email asking for plug & his first graf touts 80% gain in shares.- ZICH on biz.,-1 +user - never buy on day 3 of more than 10% move. Good advice for the conservative. XCO,1 +MAKO Nice Cup and Handle pattern...Stock worth 20 IMO... ,1 +"for the record, I do not like these highs in SPX, ES, NQ, IND. the air makes me nervous up here. seeing more SHOT pre-signals. ",-1 +SFD here it comes.,-1 +SD one of the cheaper stocks in the entire complex. If we get rid of the corrupt CEO I think this is easily a 9-10 stock. SO NG CHK,1 +ASTX perfect follow through day... ,1 +"ed Monthly Triangle on CSN,...Scaling P ",1 +E: NG NG_F I think that if we have a hot summer we could easily see 5 plus NG. ig count still down in the 400's best plays XCO ECA,1 +Talking headsCNBC talking the GOOG~ AAP rotation suggest max target 840 unless strong move on AAP then it will be like a teetertotter,1 +BAC Tomorrow we fly right thru 12.50!,1 +user: AAP still here? Do you you spend the whole day about Apple? yep that how I keep an eye on my Money! and take yours ;),1 +BAC gonna go BOOM!,1 +"GMC clean break, on good volume, and closing near highs, nicely done ",1 +AAP I can't remember another time I was so happy on a 10 move .. it has been so dark here,1 +AAP if any bulls bought next weeks 450's this morning 1 you are now +100% !!,1 +"ed Daily Triangle on JVA,...Open ong at 7.35",1 +CSN shoing a real nice green vol bar - we trade heavy tommorrow 1.15 then Monday 1.20+,1 +"SK 100k block trade, I'm with that guy.",1 +SK G SKHEADS,1 +MTG closed at the low. still short from 5.70's,-1 +user: AAP always good to look at all timeframes. I was looking 2-5-10 and they all said something different O plan around that,1 +BAC Happy to have sell 1 cent of the HOD !! Congrat to Me ! estaurant Tonight ! Happy for Every ong !,1 +AAP will find last break out here before heading lower. ,-1 +"user: AAP music service is delayed? maybe buying P? waste of money, nothing proprietary it is just an App, no value IMHO",1 +Funny C has 8% cash and wants stock buyback but TC silent about AAP's 25% Cash,1 +"ed Weekly Triangle on JVA,....pdating ",1 +"user: user no, P lol Vapour~ware. one strong breeze and it is gone IMHO",1 +"KWK Note the heavy volume here, levered play on NG & NG, basically a loaded call option, if they don't go under cld be a 10 stock",1 +user:cash AAP TC is hanging on to the cash overseas in case SA implodes or tries to take it as tax for all Obama's pipedreams,1 +user: < Opens door for AAP deal with China Mobile Sad they are building 4G and not TE,1 +Tcamitrader yep! EOG from ,1 +OI SO XOM CPE IG -How does the price of oil Venezuela without Chavez's new? ,1 +"user: nonstop bullish remarks on the way down, non stop bearish on the way up AAP Probably paper traders w/ real money O",1 +GPS has the stores and loyalty to show growing sales!,1 +EVC traded some heavy volume today looking for the next move to 2.50 now,1 +COH reversed down from the 200-week sma with volume closing 40% above average. S line in new lows well ahead of price.,-1 +DDD IMO The 3D Sector will pay off SH andT CIMT ONVO DASTY PCP SSYS ADSK and NANO TEC will be Next gen of AAP and GOOG stock,1 +AFFY - volume follow thru will send this right back over 4.00 can go to 5.00 tomorrow - will catch the full run - going to be fun,1 +CHK Over 21.00 ,1 +GEO Over 35.60 but it will need good volume ,1 +DN Watch for rebound - maybe by line ,1 +SKX Over 22.50 - about ,1 +CSPI buying in new nano cap folio.,1 +CWBC buying in new nano cap folio.,1 +SCTY day trading 16.49 with tight stops easing the TAN PW to clients and creating energy off homes IMO 10 years they will rival DK,1 +EVI buying in new nano cap folio.,1 +GEVO broke out of its 50-day SMA and surged considerably higher amidst impressive buying pressure ,1 +"Schmucks think if you're bearish a stock, you MST be short it (& vice versa). Pros do their deep research & study history. zagg",-1 +NVDA Third Avenue purchased 2.15 million shares of NVIDIA giving the holding a 1.15% weighting in their portfolio. ,1 +SK the long awaited short squeeze will not happen today!,-1 +Why These 4 Biotechs Could Be Next In ine To See Their Share Prices ise AMBS.OB CHTP MACK PPHM,1 +"All you Bears, don't forget that AAP is trading for 290/ Share (net Cash) and pays a 2.5% Div, Contrarian bets can work, So trade strong",1 +"user: AAP do you think your pep talk can influence the market? I am not the one who lost 51k, but your insight is insightful thx",1 +BAC 13 is a coming!,1 +AXTI eleased news. Watching if this can go into 3s today ,1 +NVDA ets see if it breaks over 13. Medium set-up on watch.Volume needed; ADX starting to point up ,1 +"NVDA From VW to olls-oyce, New Cars at Geneva Auto Show Feature a Full Tank of NVIDIA ",1 +BAC oad this mini Pullback!,1 +MAKO this could get going today... ,1 +"MTG looking for a move to 5.20ish, low stop",1 +"BAC gap Filled, back up we go!",1 +"BVSN good start, like it over 9.5",1 +Today's Watchlist for ONG Stocks: MDP; AVAV; AT; KA; BS,1 +22.50 held as resistance for PI,-1 +"Short GOOG 830, hedge of ong pos",-1 +BAC oad oad oad the Boat!,1 +would like to see some long red candles on aapl 2day. still think it takes out 420 very soon.,-1 +AAP HGE Volume (compared to recently) One big Bull coming back will take through the resistance,1 +i think we'll see aapl at sub 430s by the end of the day. not saying it pins 430 but i think it revisits it for sure.,-1 +CDX taking some off,1 +Security software stock FIE is almost back to its all-time highs after a 30% pullback. FTNT from the same group is also setting up,1 +SHOT P 13.95.,-1 +AAP a classic move to 435 testing on no cause. Webinar followers I've added to short position ,-1 +"11.59 is next fib level in P, but if we can get a dollar roll, I will be happy.",-1 +user fonr is a strong buy based on my fundamental work,1 +AAP 435 retest and now probably 420,-1 +user: BAC - ooking to get in... Which price I should buy? Wait till we head to 12.15 on volume it will be god IMO.,1 +BAC We can see another rally to 12.40 till 2pm but after --> Opex Power will come. Next Week Dividends + Buyback.,1 +MNKD squeezy,1 +Zillow has almost doubled this year....so if you are raising money for charity might be smart to hit up user :) Z,1 +Cover 1/2 P here 12.62 and set last 1/2 stop to 14.,-1 +"Yesterday's 2-day long play SFD is now up 11%, but can be held for an extended play if it holds 25.15",1 +CIEN for a short under 17.11,-1 +"HM wants higher, looks good on multiple timeframes, but not a fast mover",1 +notable S this morning user: INVN ikely in new iphone 5s ,1 +"PCN mini bear flag intraday, staying with the short as long as it stays under 718",-1 +"ed Monthly Triangle on CSN,....starting closing for profit",-1 +AAP looks like everyone has gone home vol<100k,1 +TSA having a quiet day after early session dip: ,1 +"NKD 3 down days in last 4, going to wear off the overbought while giving back nothing, amazing ",1 +NE not bad at all.,1 +FIO is going to break P the down channel. Could run hardly. If you are out better monitor that possible break,1 +CMG bounced off the 10 SMA. ,1 +"CTGX this is what what I mean by a 'high, tight' consolidation following high-volume run, v bullish ",1 +PO upside volume tailed off a little and some divergence intraday so may pause again around here ,1 +V still frustrating me but given its history I will be extraordinarily patient with a winner ,1 +HTZ some divergence creeping in intraday (not shown) so may tap on brakes here but long-term solid ,1 +"ASGN made clear at outset where invalidation was and resolve got tested immediately, now in black ",1 +"GMX took some off 3.75, 3.90 next tgt",1 +user: AAP having a lot of 'drip' ticks today. A long tail signals support.,1 +user: AAP looks ready to move soon everyone is playing the euro close.. 20 minutes then they will bring the cash..,1 +AF short (AP 52.50 puts) working on the highs this AM :) Stochastic crossover ,-1 +JCOM easy look at last 3 years annual income data: ,1 +"BAC there goes JPM, BAC will Follow!",1 +GMX taking more off here 3.89,1 +"SII all out, think I'm done for a while, see ya at 2.90 or so",-1 +CIEN going short in .05 cents.,-1 +user Tell that to BID AAP APO NEM CF and more.,-1 +"ed Monthly Triangle on CSN,....Net Profit 70,825.00 (6.42%) ",-1 +GMX close to the fence.,-1 +"user: BAC Covered all my shorts right here>>Was a good move, maybe next week After Dividend Will Short !",1 +user FIE has had a great run since BO. Suggestions for trailing stop? Targets?,1 +"QEP, volitality expansion just getting started. onger consolidation=larger move higher over time NG SO",1 +not normal - it looks like a set up for major one way or another - G AAP,1 +"user: user u call it rare, i call it unlikely ;-) only for AAP, happens with 90% of all stocks",1 +user How about those gains and volume surge in this little guy EDS,1 +Swing Trade Quick Pick: Alexion Pharmaceuticals AXN ,-1 +"BVSN on the fence, if it goes under, it will be a nice short. with a 1 dollar roll possibility. Target 9.30.",-1 +BVSN cracking in my book.,-1 +AFFY 30 minute shift - Still long partials from yesterday 2.90 level,1 +"CAT looks to be bottoming, but it also has not moved much off its lows with recent strength. If it breaks 89 to downside, its good short",-1 +GOOG looks heavy but volume is drying. eal selling pressure comes with above average volume.,-1 +user: Surprising how quiet GMC has gotten on the stream. Been a fabulous performer and still has 25% of the float short.,1 +AF 30 min second shot at the 100MA - 20/50 crossing ,-1 +"user: from the Sunday watchlist, trying to B/O here. CYH ",1 +AXN rejected by the 50dma yesterday,-1 +"I didn't see any1 else buying with me 1 lower earlier #timestamped EBAY Trend still intact, this is a market leadr tking a break before 60",1 +"Taking profits on CMG from 321, not time to a hero over the weekend as this thing fades, I'll take my 1 and revisit, still like this one",1 +"COST is another nice one but I'm staying away for now since that special divvy, small pos in T account",1 +SSYS ooks like a buy to me here at 70 going into next week.,1 +AAP Bullish technical divergence: momentum indicators are above their late- January lows while AAP hit a 14-month low of 419 this week,1 +AF - engulfing about to take out tuesday candle ,-1 +AAP Bullish technical divergence: momentum indicators are above their late- January lows while AAP hit a 14-month low of 419 this week,1 +ook at that intraday! Over 70 today? ,1 +AF 5 min taking some off +50% ,-1 +"Buyable when it reclaims 50d, easy move back to 14 F",1 +"COX hasn't moved much since this AM, but catching my eye. ight vol pullback, above res + 200-day ",1 +"GS the current fib level support is 152.05. It bounce off of it today, not sure it will have the same luck next time it re-test.",-1 +"aughing all the way to the bank, Top 5 T account PEP This thing riding the upper BB on weekly chrt! Monster 10% move. ove me a bull mkt.",1 +JPM bounced off it's fib support level today too.,-1 +MCP looking better again. Tradeble.,1 +"user: AAP why short a stock down like apple is??? Kind of late and risky? very late, but some ppl like the high premiums",1 +FOD long 2.87,1 +AAP anybody want a tip? I hear Bluestar airlines likes next weeks calls on ddd do your research,1 +BVSN 11.07 ai ai ai.,-1 +AF - Taking out the entire week. Gap then 20MA on daily. Shooting star weekly. ,-1 +"user: what's taking so long for AAP to get sub 430?! 137B Cash, 2.5% div, FYI as soon as those go away it will drop",1 +"GMX I am not endorsing this trade, but from 3.98 it was a nice short. If SPY suddenly breaks lod we will easily see GMX 3.31.",-1 +"SD If you think you have not gotta a fair shake from Tom Ward and the Board, let the SEC know about it, #corruption ",1 +Watch DECK over 49.20.,1 +DDD here is that piece about the 3d printed skull cap ,1 +AF 60 min ok really this is the last one. Note 100MA and 50% fibs just below. Sitting on S2 now. ,-1 +GMX just like magic.,-1 +"I have no position in GMX, I just pointed out that under 3.98 it would be a nice short. With a 3.15 target.",-1 +SW TX GD are royalty companies in GD SV and a bullish sentiment in C COPX SCCO FCX as byproducts NINI JJN JJC JJP JJM,1 +EBAY tested the high today n it failed unless Hmary in25min.,-1 +user: Mr AAP is going to have to stop hanging out by the pool if he is to make 435 by close. All she needs is one fat finger buyer,1 +GMX just .20 cents until target.,-1 +"Back in on the short side of COG, hedging my other nat gas plays XCO, COG trading at 10x+ sales 6.37 book. CHK 1.09X, 1.08X respectively",-1 +GMX BINGO!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!,-1 +"KWK 5MM shares traded so far, this is getting interesting here... shorts want out obviously... #traders #action",1 +ook for a breakout V MA ,1 +AAP holding my current positions over the weekend ,-1 +"user: user Compelling enough for me to join you 64.71>>TY! Filled short at 64.7615, glad to see you're in as well ;0) COG",-1 +user: AAP finishing wave 3 of decline I think an error in your calc is incl Einhorn's Pump&Dump,1 +"Back into that frothy zone here on SPY, raising cash & making a few selective hedges here on my NG stocks, short COG against XCO KWK SD",-1 +INO Some perspective: ,1 +"emember how ZAGG sued a bunch of critics for eg defamation? Theyve gone further now, responses to discovery are a total joke.Short it to 0",-1 +"P pays record labels 0.12 per 100 songs, AAP offered .06 for their planned service. (Spotify pays .35) via NYPOST ",1 +PAN went hard in the paint this week. TSA on a comback too. I put my allowance money there.,1 +"Historically with the amount of options, AAP 's ow day is Friday, and high day is Tuesday FYI, the non sell off today missed the pin430",1 +"I would be worried if I was short trend is reversing, stock back above 50d on weekly and daily, macd curling up, get ready for squeeze",1 +"if EBAY breaks todays low next week, I will be fully hedging my T position",1 +MTW long good company plus some WI love for made in WI,1 +AGCO been adding on pull backs. Great company not only large machinery but also serves hobby farms I expect a lot of growth couple of years,1 +ZCS doji under trendline ,-1 +BAC accumulated more May 12 calls today. ooking for a move to the upside leading into Thursday.,1 +TXN raises 1Q13 earnings & revs to upper end of prev f/cast range - improving demand for chips - Expects 1Q13 EPS of 0.28-0.32,1 +KEY and HBAN have been flirting major trend breaks and did this week. ong both but sold some KEY pre mkt Fri. Both should work higher,1 +AMZN flagging.A clearance of this flag will open the door for more gains to test the all-time highs ,1 +GOOG nibbled on buying goog into the close 830 GS 153,1 +"NKD - great start to 2013, up 54%, 2nd best performer in #13for2013 portfolio ",1 +"DDD watch for break of the DT line and STO signal, MACD also appears to be turning around ",1 +TSCO nice 5 week base/consolidation. ooking for a breakout of 105.50 on good volume. ,1 + Cup and Handle setup. Can nibble some above 180 and then 182.50 ,1 +PCN Still buyable here off the breakout last week of the descending trend line. Stop set at 713. ,1 +FT Still buyable here with the rising channel as a stop (69) ,1 +STT nice breakout last week. Buyable here and add on pullbacks to 57.50. Stop set at 57.31 ,1 +NKE still in this 6 week consolidation base. Breakout over 55.60 + 55.90 w/ volume as buying pts ,1 +GEVO stock looks bad going to retest 1.80 base and go lower - beware,-1 +MO ong time shareholder but is this a double top? There has been some major distribution in the past few days. ,-1 +AAP short term bottom is in,1 +PPHM long idea / entry from 1.42,1 +ONG Setups: AN ANIK NFX SSYS ZB MDX KS VMW and more ... ,1 +SHOT Setups: AX CT WFM BID ICE QCOM WYNN AF DNB ,-1 +"eview Of Open Positions - Stocks - featuring SWI, JPM, GMC, TWX, ASGN, FNP, KOS, CAF, JOE, S",1 +ACM trying to be a playa.,1 +"F - potential short on bounce OHead resistance at Kirby. Stochastic OB, SI and huge volume exit. ",-1 +AI on watch list short - no position ,-1 +NKE potential short for many reasons. Check F post as well. Triple top OB rounding TOP. ,-1 +"ASTX looking very strong, I would like to see a pullback staying above 4 to re-enter ",1 +DA Broke out of bull flag. I'd look for confirmation for a leg higher ,1 +HOT watching for S to SPX. Note green line another SCT setup. My favorite hotelier stock. ,1 +"Blow-off top coming in the S&P between 1565-1575. Vix is low, buy puts in the SPY April and May 154,153,152,151 strikes 1565-75 SPY",-1 +YHOO consolidating in bull flag. Technicals are positive for a continued climb. Watch over 23.09 ,1 +"CF Break that Descending Trend-ine & break 26.20 on volume, we will see a trend reversal here. ",1 +V above 162.87 is a buy for me... ,1 + NEW Blog Post: Technical Analysis of Barron's BBBY BCM GPW GNW YV P SBX SSW CP CSX KMP KS NSC MP,1 +ECAP: orders in for tomorrow (calls across various strikes and months) include ABMD AMCX DTV EMC EXP FIN GDD IG THD TOX !!,1 +My reasons to avoid Monster Beverage Shares MNST KO PEP ,-1 +AAP powerball is up to 183 million. Maybe ill just load up on appl stock.... Odds are the same?,-1 +"P lots to like, trendline support, macd cross, decent volume.. target 63 stop 57.25 ",1 +GOOG setting up for another push higher. Still within a larger 3rd wave...with (v) of 3 to come... ,1 +CM is bull flagging. ,1 +"PVFC long 3.80/.81, range narrowing, higher lows ",1 +VTS long 3.41 ,1 +"WIFI long 6.07, from the bottom, volume higher each of last 3 days following hammer on 03/05 ",1 +COX Crocs: Growing Brand At A Fair Price. It may be a good target for one of the larger apparel holding companies ,1 +AAP clearing 435 will be very bullish for stock.,1 +NFX needs to get over 186 to be considered short term bullish again. I'm bearish,-1 +My portfolio: FIO ASTM NIS NN ANTH other interesting stocks: AAP ATHX MNKD MEA ,1 +ENZN double bottom. Interesting,1 +"HCA entering long, here's the daily, like the volume on that bounce from support ",1 +user: GOOG Doing some well deserved rest after the recent gap up ,1 +mchp bull flag ,1 +"BVSN over Fri highs, watching for entry",1 +BAC sitting tight on BAC calls!,1 +DDD should test 30 again.. weak price action!,-1 +ZNGA 3.9 nxt tgt,1 +Watch NP here under 138.93 could be a nice short. And There goes CIEN under 17.11.,-1 +CHTP from watch list hanging at line so far with volume of 7% of average full day ,1 +"G 2.55 is 1st target, above it rip tits.",1 +MNK watchn thru hod 328,1 +Today's Watchlist for ONG Stocks: VET; QDT; AT; DCIX; BS,1 +DCTH Another target acheived ,1 +BAC A rally to a new stage !,1 +"BAC nice little rocket, Friday was a headfake, get ready, she is going to 15 imo...",1 +"BVSN great intraday flag, 12 here we come ... needs to stay above 11 now",1 +POW may make a run to .25,1 +"CHTP like this flag here, expecting a move to 2.10 shortly",1 +ong CMG 321 again,1 +"CBMX wow nice move, missed it, no pos here",1 +BAC is going to play catch up to the Breakouts we have seen in C JPM and WFC It's Obvious IMO!,1 +BVSN took more off 11.80ish,1 +DMND It's all about 4:00pm #HopingForSomethingBig ,1 +NP tap tap,-1 +SHOT BVSN here 11.50,-1 +There goes NP.,-1 +"CHTP trying the 2 level again, 1.95 stop here",1 +et's do this BVSN,-1 +ATHN wants the hundred-dolla-roll.,1 +GMC recovering from morning weakness opened pos 52.97,1 +CSX ooks bullish. ong if beats 23.34. Stop loss in 23.19.,1 +PK taking some off here,1 +QCO and it went again.,1 +CHTP is the next bingo stock imo. over 2.04.,1 +Notice that I am saying this way in advance. I am just making sure everyone is on the same page. CHTP,1 +"Ok NP goes under 138.93, I will short it.",-1 +ONG CNE at 13.91,-1 +"CBMX nice flag here, could have another leg to 4.90-5",1 +New stock in my adar just now MTI ,1 +Stop in NP is 139.50.,-1 +user: ong in NG after beating 25.16. Stop loss in 25.09.,1 +ETFC - The bigger the base...? ,1 +SHOT CNE 13.7,-1 +user: F popping. p over +1.5% this morning. FB putting in a good early run. p almost +2%.,1 +looks like target is 44.07 HS,-1 +"MDX nice setup multiple timeframes, needs better vol",1 +ZNGA up 7.76%,1 +"STI 5 min 1 - and 30 min opening range, added calls. ",1 +AAP back in long (hope this time works out better then the past 300)- GOOG too :),1 +user: ATVI ATVI. long overdue short ,-1 +STI 30 min opening range busta move. 2 first target. Calls ,1 +"Buy signal at 70 in ate November 2012 was right on the money, bounced perfectly off the trend line MEI",1 +Added to PPHM,1 +STI daily - into the Kirby. ,1 +"Nice breakout here TGT , ong 2000 shares in T account",1 +NP this is it,-1 +"Both MA and V should be on everyone's watch list, should show direction some time this week, break range and resolve its current pattern!",1 +ZIOP doing great PACB did great MNKD did the best - cant forget VVS making MoJo too all called out today,1 +AAP 500 by Christmas or Co. news which ever comes first,1 +AMZN scale under 71 +4 looking for under 70 for next scale ,-1 +Covered 1/3 45.90 DKS.,-1 +BVSN wow that was the perfect short from 11.50.,-1 +owered stop in DKS to fib level 45.90.,-1 +"Covered DKS, looks like a long if it can stay above 45.90.",1 +AAP Daylight savings has screwed up the European close.. still 1/2 hour to go,1 +Hey AAP Traders.... It's a bull market. Plenty of WAY better opportunities out there. Here's a good place to look: ,1 +GS at the 50MA and lower trendline I'd like it long. Too many traders like it short right now. ;) ,-1 +G good volume but still fading..patience...patience...,1 +"BAC is not going to lose 12, not sure why these bozo's are holding her back here, XF is off to the races!",1 +MAKO breaks out beautifully,1 +EXX is tempting to breakout above 14.50 following an eps beat and with positive trends. #breakout ,1 +ONG BVSN 11.16 stop 11.,1 +AAP breaks under trend,-1 +5 small caps being shorted heavily - JCP DECK TSA HF ITT. - All have their own unique problems.,-1 +"SV GD PA NGT FCX NEM AY - Gold prices traded steady, focus on dollar ",-1 +AAP broke out of triangle and moving up,1 +Watch CAI under 4,-1 +"MAKo under 13, could sell fast and maybe hold 12.54 fib level.",-1 +aise BVSN to b/e 11.17.,1 +Some of My Market Thoughts and Swing-Trade Watch-ist Too | STDY HS W HOV SharePlanner ,1 +"Selling 1/2 BVSN here 11.34 from 11.17, stop 1/2 11.17 b/e even.",1 +BAC Bank Of America: Buy Now Before Dividend Increases = Thursday 4.30pm ,1 ++1 user: QCO New MS Study results... enjoy,1 +"ed Daily Triangle on TPM,....Scaling p ",1 +NFG breaking out right here. ong,1 +MON long setup 104. Earnings and rev growth will help build into Apr4 earnings. Tgt #1 106.50 ,1 +added to my holdings in V,1 +BVSN added here,1 +NKD giddy-up.,1 +AF watching SPX highs and relative strength weakness. AF at MA ,-1 +A reminder that HIBB reports on Friday. See DKS today.,-1 +aise 2nd 1/2 of BVSN to 11.34.,1 +"BVSN still acting ok, would like to see a pop thru 11.50 soon. 11.15 stop",1 +ZNGA nice breakout accompanied with good volume. Next resistance lies at 4.46 (2) ,1 +Watch CAt under 91.,-1 +CF watch for a drop under 24.,-1 +WNC The bull roars in WNC ,1 +AAP WEHAAAAAAAAAAA,1 +Out 10% 435 user: I have no idea whats going on so I'm taking profits in the shares I added today... Out another 10% 433.50 AAP,1 +AAP there was that 1M print I was looking for!,1 +"F really looking good here, great call option action too!",1 +GME breaking out of the handle,1 +Should I liquidate 1/4 or 1/3 of ZNGA I am holding?,1 +"AAP working, taking some off here",1 +F a close over 13.21 on volume (likely) would be,1 +"KWK heavily volume again today. Heaviest volume all year was Fri. This one is way oversold, too many shorts, don't let them cover NG SPY",1 +Oh lord DKS.,-1 +"SD one of the cheapest stocks in the market. Valued at a fraction of NAV,most NAV estimates are north of 10, even after disc. to Miss ime",1 +user: SD Dont 4 get to (VOTE). Time 4 change.Your (VOTE) counts.>> Don't forget to Vote Green ;) #traders #proxyfight,1 +Big EOD otation that we have been waiting for? GOOG -->AAP ?,1 +CAI 4.94 will be the bitch slap.and tank.,-1 +first true bullish engulfing candle on AAP since Dec 17,1 +DKS round 2 tomorrow imo.,-1 +"holding 4 positions overnight: AAP and GD calls, CHK GD shares",1 +"PAY - Closing strong, well above the 20.00 mark. Continuation, likely.",1 +FOM Any close above 5 will favor the upside. First target would be 5.17-5.19.,1 +user: AAP Not loving that close. ong weekly 450 calls. 25000 of us praying for the 450 pin close,1 +"user: AAP Broke 435 and held above 437 which should lead higher Since the slide began, the high days have been Tue, lows Fri",1 +AF daily kumo - ote: chikou circles (S/) and recent at kumo bottom. Flat kijun. ,-1 +NTI turned away by 50ema ,-1 +PAY ncertainty is never a good thing.,-1 +PKT long 13.51 ,1 +BYD is on the up (: Holding my 500 shares in at 6.46,1 +"NPSP long 8.31, chilling few days on lower volume, lets c if it wants the spot ",1 +SHOTs if red/weakness is in fashion tomorrow ANGO BDBD CBEY CIMT DCIX DGIT FDM VET,-1 +user: AAP Going to drop hard when rumor is flushed out. No rumour hit a buy Target=50dma <430 ,1 +"Marriott International signed a partnership with IKEA, how I think it will be a genius move MA",1 +user wouldn't consider it until >27 minimum CF,-1 +SC stericycle working on an daily breakout! SPX SPY NDX QQQ ,1 +"ove PXP over 48.10 for a long swing trade, August call buyers last week. MACD went positive along with #VOSTOPBY last couple of sessions",1 +Short PN see ,-1 +NKD Over 179.35 ,1 +PAY p 7.6% AH 22.01 No real resistance until 23.40 (20 day avg.) ,1 +CAT looks like it created a little bottom here. Can really pick it up this week since its OPEX. Def watching this one.,1 +user another good read. keep em coming and thanks. AAP,-1 +ove GNW!! 9-13 Calls are making me feel better about myself for not dumping AAP sooner!,1 +DCTH hitting new high,1 +watch for move on F M KO MO GD TJX BCD,1 +AAP will test 430 today,-1 +My new stocks just entered in my radar KIO TGT VM MTI OPXA ,1 +"COMPQ DJIA SPX COST YM SCA - Wall Street retreats candles. The Dow Jones dismisses the 14,400 points ",-1 +user: user AAP didn't rally 10 in 10 minutes just because it hit a buy target sorry Oh why did it then?,1 +ONG MNKD 3.55.,1 +EBAY breaking lower since sharing with those on Webinar last week. Hold on to your winners ,-1 +G look for shorts to start unwinding their large positions,1 +GAE Jumped over 1st Target and hit 2nd Target took some profits upped stop ,1 +G 2.66 is current support Fib evel fyi.,1 +GM looks like a break of the 3 month trend line here at 28.40,1 +IMM from watch list gapped a bit over line to 20-day MA with good volume of 15% ave full day ,1 +nice opening strength for AMZN today. our long trade working nicely.,1 +EN wants higher,1 +"Medical appliances stocks have been on fire lately. BSX from the same group, is setting up ",1 +Short 828.30 GOOG 350 shares,-1 +Our signals called BBY and highlighted OCZ this week (up 24% today) - and next I think A is going to fly. et's see!,1 +AAP hope you bought the dip,1 +"I'm not short, but if I was going to put a trade on, it would be a short from 530 back to the 50d MA",-1 +"user: AQ, GOO. Trading at key support levels, bullish reversal patterns complete. ",1 +"Out the rest at 52.30, still long 3k shares in the T account user: Out another 25% at 52.40, +1.40 EBAY",1 +"SAT like it over 2.75, needs vol",1 +AAP stream is for sharing ideas not attacks! earn from each other not direct attacks. OK to have fun but there's a limit to it. Bearish!,-1 +Covering half +2.00 user: Short 828.30 GOOG 350 shares,-1 +BIOS taking some off here,1 +" We explain in the Jan 24th aapl video how not to be gaffed by the operators,...fish hooks...aapl might be great co , but broken sto",-1 +AAP BTO 430 Puts,-1 +"user: my year tgt is 270 next year 60 That is funny because unless AAP raises their div, their cash balance will be 200B 2014",1 +MOS doing great for me last few days.. is it time to sell?,1 +"OCZ trying to find a bottom here, like it over 2.20",1 +OPXA today +12% after my call,1 +Stopped on rest of GOOG +1.25,-1 +ADBE Expecting a correction anytime now ,-1 +ANAD on 2.14 aunch Pad.,1 +IFE is a short if it can't hold this 62.30 level.,-1 +GS waiting patiently for the rising 50 MA and trendline. Missed user short yday. ,-1 +CIEN still a good short if it goes under 17.11 and stays there.,-1 +There goes IFE short....,-1 +MEA When will it will go P ?? mmmmm,1 +OCZ long with a tight stop. lets see if it has the momo to go,1 +BAC Overall Market is digesting yan Budget ! ,1 +Back in AAPl,1 +ANAD above fib level.,1 +Holding up nicely in a weak tape. Someone is buying today. I think AXTI might see 3.2 to 3.4 this month IMO the buyback plan worth 6M,1 +"APA good short and risk reward. As long as it stays under 75.50, it will be great.",-1 +user: Want to get more short exposure. I like SNDK at long term resistance. Will take 2% position. ,-1 +G going to 2.68.,-1 +VHC 4 hour ascending triangle evident ,1 +AFFY little downside huge upside. still holding 1/2 from thursday at cost basis of 1.50 from trimming into thursday's rally,1 +CS started a long here...In the basement.. ,1 +"SWHC Gabby's husband after testifying against assault weapons went out and bought a A15, look it up, I am glad he has that right",1 +"FCX Puts, will go down in history as one of the Dumbest Acquisitions of all time!, evering up at the wrong time IMO! Oil Correction Coming",-1 +GD consolidate1575 with move up Straddle with stops GD DGD The same on SV with SV DSV : on H A GOO AG AY SSI PAAS,1 +ebix on watch for short. bear flagging after earnings beat down. ,-1 +user: user GOOG how do you know GOOG is going to 700 ? Can you share that reasoning with us? he is a George Castanza,-1 +BBY Good push back above the 50 day after some consolidation. I also like: COST BOX MNX Others: ,1 +AAP here come the Europeans.. maybe they will save us?,1 +SHOT CAT 89.85,-1 +"SSYS under 69, shorted here, 6940 stop",-1 +ANAD Went. slowly but went from 2.15 fib level.,1 +Picked up (1/3) AXP avg of 65.52 //been really strong and stayed above 65 on the early move today,1 +SCHW -core long holding up well - possible falling wedge? not sure but adding some back 17.65 area ,1 +"Ok AAP Bears turn off your user they are aboutto explain why AAP is going to break out soon, it will have technicals so you ignore!",1 +ANAD :o),1 +CIEN under 17.11 it is a short.,-1 +I like FS long here.,1 +"our AAP buddy user Great Cashen quote ~ After 7 in row in the Dow and 10% above M/A, bulls may pause at oasis to fill-up canteens",1 +Come on CAT do the Harlem Shake.,-1 +EBAY Green... hope you were buying at 51 with me this morning.,1 +"TITN when someone eventually looks at their operational cash flow , or i lack of ,for over 3 years in any one qtr. They'll call it TITANIC",-1 +Playing I from 53.81-54.04 is a fun way to pay for lunch every day.,1 +Kate Mitchell: The Advantage of inkedIn NKD I remain long CEO Jeff Weiner,1 +"user CM needs to drop under this 181.44 fib level, then you are in biz.",-1 +"SSYS covered some 68.65, 68.4 next tgt",-1 +"SSYS hit my 2nd tgt, covering more here, looking for 68ish for the rest, stop to entry",-1 +CM dollar roll.,-1 +ONVO CIMT DDD SSYS XONE PCP PB IMO is a great ong Term plays into 3D sector and to find nice entry points on pullback Eye on VXX,1 +timestamped... user: This is where GS is heading-- to the line ,-1 +AAP quietly show me consistent 120k 4every 2min print will send me back to cash or a spike +200k on a single bar.,-1 +"YHOO buying on the dips, ",1 +ANF looks ready to break downnnn. Short under 48. short,-1 +"Disney cancels The Clone Wars, plans tv shows of its own exploring Star Wars characters and storylines DIS TWX ",1 +OPXA Any close above 2.23 would be great . Could explode higher. ,1 +VZ is breaking out ,1 +OI Buyer scooping up CA,1 +"COX still holding its 200EMA it in this bearish environment, which is a Bullish sign. ong setup ",1 +MOV finally getting attacked by selling! I'm short 39 calls...,-1 +EBAY ebaynow was dead on arrival and the company itself is leveraged a lot.,-1 +AX next stop 42.90!!!,-1 +My holdings AAP ,-1 +AAP take your profits sunshine and repeat! :),-1 +ZIOP nice close - TEK eod heat up this stock is next to soar,1 +PG got some of this looks good in favor with many like it target .20++++,1 +AFFY back to a full position size with avg cost of 2.38,1 +"AAP all round slow day, more concerned about be down on the high day, makes being higher Friday tough, but do-able?",1 +user: AAP lol pin at 450 O indeed,1 +AAP last minute vol is not bad.. i think it gives us a AM fade gap. see what happens in the AM.,-1 +BAC Better Volume Today than Yesterday !,1 +user: ZNGA woow look at this... Should we consider this as a bearish engulfing? ,-1 +ebay paypal revenue is increasing by providing credit. You want to hold a credit provider or a payment processor?,-1 +"look at those last 4 candles on JPM, this thing is coiled so tight it's ready to run again ",1 +"Missed the close (technical difficulties). I remain short the SPY, closed out my GOOG short for a profit. ong some VXX. Higher b4 lower.",-1 +AAP going to 399,-1 +S Buy stop at 5.97. All the technical indicators look good. ,1 +ANF weekly kumo. Note Volume and MACD trying to turn down ,-1 +"GOOG 1st target on short is around 822, needs to stay below 825",-1 +AAP 425 has been the BY target for the last few times it hovered there (only once bellow that 419),1 +NFX more off here,1 +NFX INSANE,1 +"user: AAP Does TC look like a B**CH? Then why did you try to short him like one? Funny, but he sort of does.. IMHO",1 +"NFX took one more piece off here, my final tgt 194ish",1 +"user: user What's your take on AAP today? huge Vol, strong buys = institutional investors IMHO",1 +NFX taking out the high of it's ight Shoulder. Why you don't anticipate.,-1 +ZNGA Which two Casino Corporate Jets landed this morning at SFO from McCarren? Which two aw Firms Jets landed at SFO from Dulles?,1 +"ETN looks solid right now to continue higher over 63.50. Building CCI and MACD. Tgt 65, 68 user ",1 +"user: user look AAP, it is a fish rolling on the beach and dying -->You should sell it Short ? IMHO #doubleFY&die",1 +"NFX taking some off here, my 2nd trade",1 +user: AAP lets try the HOD again or lets try something new.. like a new HOW?,1 +"user: AAP up 3.91 Goog down 3.98 really guys? GOOG going to drop hard, AAP going to pop, almost 2:1 stock price diff",1 +"user: who wants to buy NFX for 200 a share? Why should AAP and FB? NFX's big problem is no cash, AAP could fix that bigtime",1 +user: who wants to buy NFX for 200 a share? AAP should buy DIS.. BOOM!,1 +JPM is a short under 50.,-1 +I wonder how much an AAP move up would break the bear's backs? We know the bulls will hold to 400,1 +MNKD moving from red to green,1 +NFX 193.40 stop now on rest of position,1 +user: AAP user take some of that left over cash and buy 6X 450 Jan 2015's 60.,1 +"I really feel like the AAP long trade is high probability right here. Just use defined risk, set a stop you are comfortable with.",1 +"Green Weekly Triangle on JB,...Open ong at 6.79 ",1 +AAP looks like they got a pope now blast off,1 +"user: Are they morons? They wait until it goes higher? Same reason ppl not buy AAP these prices, co strong lots of profit?",1 +AAP ahhh my favorite short for weeks now - Building cause for lower prices ,-1 +5/5 today in my other account (I don't usually post these trades) AAP AMTD NKD SKS TA ,1 +user: AAP anyone making bets on samesung ? # no ecosystem they have 80 phones talk about canibalization,1 +AAP TC makes after hours announcement about split/ Div inc outshines Samsung's Big day .. Oh And ITV/ Iwatch combo& time machine,1 +AAP - there is no heavy volume to take this higher. Most likely it will continue to break support ,-1 +GES There's only one reason why a company would move their Earnings date,-1 +AAP closed the day with a Doji,1 +GME like that finish!,1 +Market Wrap Video + Additions to Watch ist including: DXPE FT HOT INFI NVE TSN,1 +SHOT Setups: CF VBD TH CAT PSX DDS TV MSG OC WD ,-1 +"AAP If it goes to around 433, I'll go short.",-1 +"user look at GOOG, every single switch=PAYDAY. Just need discipline to stick with it. ",1 +".user clearly, if (but not until) the 20MA cracks and GOOG goes VSS, it is a short straight to the 50MA (I'll use OTM puts)",-1 +".user BINGO.Can't consider it a buy (personally) until >470 AND VSB. ntil then, a waste of time trying to game it. AAP",-1 +".user check out AAP monthly, you would have caught the trade of a lifetime. 130 to 600+ via common stock. Currently a SE.",-1 +"Google Closes The Book On eader, Announces July 1 Sunset GOOG Personally quite disappointed to see this service go!",-1 +VNG closed back over the 3 mark and the volume was good. Next levels to watch 3.16 then 3.30 ,1 +AAP Samsung Galaxy S4 Promises More Pressure on IPhone ,-1 +"looks like the typical sell the news 4 Samsung, waiting 4 user 2 show the lines for S4 O, maybe the big rotation has begun back to AAP",1 +more bad AAP news they might ONY SE 43B not projected 43.5B SE SE SE!,1 +BBY <<< Is this device the next AAP - ave reviews in corporate echelons on PIVATE network. More Security vs Open Public Nets.,1 +"Watch SPPI if it can hold above 7.86. It could go, but needs to stay above it.",1 +AAP now 400% (glass ceiling 434.5) rejecting both 434 and now 432.5.,-1 +JPM breaking higher from the tight consolidation we mentioned ,1 +GOOG Seems there is more downside pressure to come. More picks at ,-1 +user: GOOG NFX AMZN down - AAP up WTH The great rotation back? to AAP ?,1 +AAP starting to look better,1 +"added to CAT, betting she doesn't quite hit the 200ma",1 +ZNGA in at 3.71 1/2pos size will scale in rest if it starts to run over 3.80,1 +SHOT NFX 188.90 stop 190.,-1 +MGM up 3.06%,1 +AAP sub 430 flew clicks away.. thx IBIG.. for those negative notes.. really appreciate it.,-1 +MGM up 6.45%,1 +MGM up 8.38%,1 +NFX taking some off 190ish,1 +"DDS still at 80, getting weaker it seems, possible short to 79.70",-1 +SHD JCP both now claim hidden re value Vornado VNO can't buy them all.Garbage stay away ,-1 +NFX moving stop 189.80 now,1 +haha user just reported that AAP has more CASH than Samsung's Martket cap O,1 +user: AAP fablets ??? - who would've thought - still sounds stupid #Apple #Android that giant one has almost sold 10m in 6 months lol,1 +Does help clear up my desk clutter just a little AAP,1 +"AAP continues to show no signs of breaking out of downtrend. Buy break of 50MA, short 425. ",1 +JCP is anyone else listening to this? eal smart use pension plan as collateral to take on more debt with no core improvements.,-1 +JCP = 2'nd biggest hustle on wall street. 2'nd only to SHD.,-1 +Posted GOOG topping pattern(compared to AAP) yesterday. Those April puts are paying nice today. ,-1 +"MCP continues to print lower highs and lowers lows, down 1.34%. We should see a test of the Feb. lows soon.",-1 +"Short ideas, setting up & following through despite the strength in the indexes. BID CF APO WT AAP ES_F",-1 +"I am so sold on technicals for AAP swing long here, had to set my stop real tight to make sure I had myself under control",1 +"user: user might be some reaction to s4 unveiling. AAP ya YAWN, plastic, cheap 1 of 80 models they offer.. no lightsabre",1 +AAP hi i'm calling from my new Samsung S4 ,1 +AAP all the bears - all the downgrades - all the samsung BS- I'm going long the 440 calls - overnight too ! #beermoney #runmonkeyrun,1 +JPM MS = Drop -- BAC = Peak BAC,1 +people slag AAP for cannibalization but samsung has 80 phones and no cult or itunes and IT is the new cool? #Idontthinkso,1 +ONG Setups: IBT ENOC AXN GNC GWE CTX EN APA CMG GOD VG ,1 +SHOT Setups: TH PSX DDS EW ,-1 +user: wasn't it AAP that isn't innovating? and canibalizing their own product.. but they don't make 80 models like samsung,1 +BBY made a nice cup now goes to the right a bit and little lower - patience as with AAP it drops below 400 this goes to 20 - BET YA,1 +user: AAP No matter what stock does tomorrow I'm not selling Tie a knot and hang in there!,1 +notable 52wk highs [20 > /sh < 50] AFCE AK ACO AG AMSF APOG CBS ENB FGI HOMB OMAB SAIA WMB ,1 +AAP so according to this article Apple has some work to do. Definitely sounds like they are a step ahead. ,-1 +user: AAP cool comparisson between Galaxy S4 and Note 2 whatever the rules BTW Here is hoping for more action today !,1 +"user: AAP, #NYTimes, #WSJ, #EndGadget, #Gizmodo give #Galaxy S4 thumbs down who da thunk samsung down 2.5% on release today",1 +user: AAP eally needs to manage expectations for its next product release... no time machines... rumour .. i-lightsabre!,1 +"AAP Gap bottom 437.72, gap top 441.34 and now firmly above resistance cloud. ",1 +"user: AAP there are still better plays. lots of Vapour-ware out there.. AMZN, BBY, NFX, one small wind.. and they are gone!",1 +HOT stocks on watch for day trades: GPN ZGNX G,1 +Traders fretting over every move in AAP now remind me of those in 2001 fretting over YHOO EBAY MSFT DE. Just doesn't matter anymore.,-1 +"user: AAP GAXY S4: SMAT SCO - tracks users eyes, I WANT IT! wait for the creeper apps ;) #watchingyou",1 +user: getting excited about AAP on the 100th bounce attempt is a bit silly....,-1 +"AAP tagging 440, could have another 3-5 points of mileage today",1 +user: AAP stats: open above 37.5 about 56% probability of 42.5 hitting <- looking probable as long as 40 holds as support,1 +"DDS on short radar again, will try if it cant hold 80",-1 +AAP taking more off here around 441.9,1 +user: AAP looks great - pinching AND flattening out the 200 SMA on 30min,1 +Bought MGM at 12.99,1 +AAP show me the money ,-1 +AAP taking some off here 440.90ish,1 +AAP Nice 10M volume first hour.. good luck bears,1 +VIX in single digits and SPX at new ATH is coming. Hopefully AAP will cut the ribbon for SPX at new ATH. ong time coming.,1 +MGM breakout seems to be holding with support above 13,1 +user: AAP maybe just sit around 440 til opex looks like yesterdays channel,1 +B from watch list at line on volume of 48% of average full day - hope it picks up a bit ,1 +"AAP setting up for a move higher again, watching for an expansion bar",1 +AAP 640 lot offered in the Apr 450C at 11.45. Could push stock down temporarily or create resistance,-1 +"AAP all buyers, no sellers into the tube we go... death by decay",1 +AAP time to go batman,1 +my advice to apple: Bruce wayne father: Why do we fall down bruce? So we can learn to pick ourselves up again. Get some legs AAP,1 +"AAP let's not freak out yet! It needs to take the 50-day MA. ntil then, this move means nothing. ",1 +user: wooow looks like AAP broke the resistance two nice spinning tops earlier this week..,1 +user: AAP my premarket short has not worked but the 482 short shares r keeping me way above aqua death by decay,1 +AAP the BIG DT break on deck here! ,1 +"NOV breaking the DT, this time volume looking much more legit ",1 +AAP SWITCHED TO #VOSTOPBY TODAY!,1 +"PKI been stalking this one for a while, may be giving us a low-risk entry Monday ",1 +"ES_F JPM JP Morgan funded Hitler. But, they were smart enough to not use so much leverage. Prepping 10x derivative bets on N Korea yet?",-1 +user: AAP hod WAT CAN I SAY.... A THE BEAS>>OTA THE POO!,1 +user: AKAM insiders buying heavily these levels ,1 +"NQ_F Whatever GOOG arry page's illness is,it has to be neurological.There's no such thing as monotone voice laryngitis. I asked Dr drew",-1 +GOOG may roll over here,-1 +GOOG 815 1st tgt,-1 +"user: user: AAP worried about Apple's breakout volume?it's average, should we be worried? Skynet reaching for the pin 359",1 +SHOT JPM 49.92 stop 50.03.,-1 +AAP ruhh roooow....,-1 +AAP p Nasdaq Down.. Nice change,1 +"user: AAP lets c some volatility i can play close, aint happening I think it is going to be another PFFT! close",1 +"AAP 20 million Shares, NICE!!!",1 +"user: ong AAP, stop at 438. Weekend play. ? I like that Dude...",1 +AAP Did we just break a downtrend? Yes. Did we hold it into close? Yes. Did we bypass the monthly op ex pin? Yes. Are headed higher? Yes.,1 +user: AAP Bears are finally getting trapped and feeling pain. Its time to cover and ride this baby back up to 500-550. ?~~ I like it,1 +"user Also, Bill Miller plugged AAP today & Samsung disappointed last night. Divy & buyback announcements due by mid-week. user",1 +"AAP Close above 20 MA, confirmation of 3/5 reversal day on high volume, rising A/D line, cup/handle breakout in momentum, Bill Gross likes",1 +BID just like ZNGA in Dec at 2.00 got destroyed BID the smart money will start buying now here 80 - 85 range and sell it back over 100,1 +JPM saw a headline about fraud with a bank - how could that be they so honest - stock hits 48 before it ever sees 50.50 again bet anyone,-1 +GOOG stock will never see 820 again wouldn't be suprised if every insider sold here above 800 - wouldn't you - oh my thats alot ,-1 +GOOG pulling back in very light volume. Note the weekly.,1 +GOOG - not looking good here. Near the 20 day and T; watch for a break of them ,-1 +user: 5 Tech Stocks That Typically ally After #SXSW via user NFX STX PCN AMZN EXPE,1 +"eview Of Open Positions - Stocks stks.co/r5am featuring KOS, V, S, CTGX, PO, AEE, NKE, C",1 +"JCP J.C. Penney Company Bullish Option Trade precedes huge up move in the stock buying 11,500 calls 5 days ago ",1 +JCP Gets Fresh: user ,-1 +"CAT really moving well here, come on 92!",1 +JCP good short under 16.75.,-1 +JCp still cracking.,-1 +oh JCP....,-1 +DTK CAY OC PFE MK TX BAC BIB from STEM JAZZ ONCY KEX XOMA etc and IMO a great pick SH and ong Term ONVO has potential,1 +"GOOG similar to other leaders like JPM, held first support, testing underside of MA's ",1 +"Dollar General Corporation Option Bull Buys 10,100 Calls betting on a 10.4% up move by April. Earnings Spec? DG ",1 +S this tug-o-war will end soon with the winners ending far from where their heels were first dug in ,1 +Oh CAT...,-1 +S wants to break 6,1 +S is approaching the breakout price of 6,1 +"S rare to hold something that long when 'not working', but was never invalidated either, rationale and long-term trend remained intact",1 +S key resistance broken.. ,1 +CW & S = something brewing here,1 +Nice triangle b-out here decent risk reward w/ stop inside apex S AAP #Sprint SPX NDX VZ T ,1 +CAT grabbed some otto 82.50 puts! Could be a breakdown! .02 - .04!,-1 +CAT Breakdown! I'm short CF and FCX too! Going Down!,-1 +"CAT Failed at the 200 day MA, watch for the Trap Door to open imo!",-1 +"CAT added more 82.50 lotto Puts, Trap Door Coming!",-1 +"CAT Caterpillar Machine etail Sales Drop Accelerates, ed by Asia ",-1 +Watch CAT under 87. Could flush all the way down to 86.40.,-1 +CAT FED going to buy Tractors too??? I don't think so! Should be down 4-5% today imo!,-1 +CAT ooking for 5% down Today!,-1 +"user CAT Exactly, someone has one too many clients in the wrong sector! Dumbasses!",-1 +CAT DE JOY down they go. PT,-1 +CAT following DE Freefall!,-1 +CAT DE in Free fall,-1 +"Another day, another new all-time high for Burger King - BKW. WEN is still sleeping.",1 +CAT 82 looks very possible imo.... ,-1 +"ES_F Bernanke sees spring slump? Will he blame 25% SPY crash on Italy?Are they hooking plows to vespa scooters,instead of CAT tractors?",-1 +"CAT Trap door will open soon imo, now German GDP Weakening, say goodbye to any growth!",-1 +CAT Once she loses 86.50 ookout Below!!! Straight to 80 imo...,-1 +"CAT Pure Stupidity imo... Germany and China Slowing, lets buy some CAT O! ignorance is bliss!",-1 +JCP in annual report says fixing performance could take longer than initially expected & any strategy could be expensive - Cuts 43K jobs,-1 +CIMT already up A gift IMO has much legs operates in 35 countries OC NGT GDX GDXJ as SV GD rise have a new floor1600 GAZ CO,1 +"And just like that, when no one is watching WEN too off",1 +Confirmed intraday Short signal today after earnings: MOV OC OSS,-1 +AIG #MApattern ,-1 +VTX finally broke above resistance after a period of consolidation. I still like this stock ,1 +If VHC breaks the support level at 21.68 then it could bring 21 area. No reasons to buy yet. ,-1 +AAP breaked SMA50. Clear ptrend here. In my radar from 419 ,1 +"Is AAP Alive? Well, yes ... yes, it is. ",1 +Starter long BAC after hours on Friday 12.56,1 +AAP - It's time to invest in Apple shares? ,1 +AAP Now it is time to fill the gap to the up above ~502. ,1 + blog post ,-1 +XCO 6.50 Wilbur oss has a stake in NG GA GAZ has done well taking 1/2 or All Maybe resistance 4 possible swing trade DGAZ BIOF,1 +Short term portfolio consists of 3 shorts CPB FTE and YCS. ong 1 stock: MS,-1 +"Adding COH Coach to short term portfolio, extremely oversold and good fundamentals. Superior sales growth, margins, OE. elatively low P/E",1 +YHOO 5 min - looking for a nice smooth 20/50MA 1 setup Monday for a ong. Scalp and 2.15% short. ,1 +Surprise! GOOG chairman Eric Schmidt uses.. a BBY ,1 +V - angebound in the consol. pattern. Volume coming in. Top of channel is vol res. Could explode. ,1 +FCX - ooks like it wants to test recent lows. Stop is over the descending trend line. ,-1 +cool stuff. Don't rock the boat tho! (see ISG) :) user Heart epair Breakthroughs eplace Surgeon's Knife EW,1 +Bought my very first NKE golf apparel yesterday...golf is now a serious fashion biz. crazy and young and colorful ,1 +EMN - Increasing selling volume. Next support is the ascending trend line. ,-1 +"Two New ongs For Monday: Cerner CEN, and Packaging Corp PKG - ",1 +SHOT Setups: GOOG OVTI AN DOX WN CTXS OC PANW ,-1 +DNDN Daily broke support last week at 5.1 and the trend is down. Momentum indicators are oversold ,-1 +"#Bullish ZAGG T user Buy An invisibleSHIED, Get An invisibleSHIED Free [No Discount Code Needed] - zagg.to/dHxJYy",-1 +"Just finished The Week Ahead Commentary and posted to the members area. Foucs Watch Stocks Short FO,WPC,NKD,SQI,TTS,SSTK,OGE",-1 +CPB sitting at a 52 week high. I am short but bracketed with 43.70 being my stop and 41.78 being my trigger. Not looking good right now.,-1 +"user JT if you had missed AAP on Friday, what would you do tomorrow? buy if HOD from Friday is broken?",1 +DE anybody really expect a bid from BX especially much over the current price? Still sounds like a bunch of noise.,-1 +"Trade idea short after the trend break 62 , target 45, cut above 71 ",-1 +M one of the ten new weekly 2faced longs purchased at friday's close.,1 +PGTI one of the ten new weekly 2faced longs purchased at friday's close.,1 +opening momo watchlist: ATS DN KOG ZAZA ANA TSX SPT HAO MH GAE,1 +ACAD looking for a move over 7.95,1 +VHC could fall apart,-1 +Today's Watchlist for ONG Stocks: TIBX; HN; SNFCA; ECT; BBY; NIHD #stocks #trading,1 +V - watching this channel closely. Already at 11% vol. Slightly above average. ,1 +M ong M - looking for Fridays highs - Hourly buy setting up,1 +"ong V for trade at 161.20, hope you have been watching this channel. ",1 +BAC Short Again Seem Weak a bit,-1 +"V here comes the breakout attempt, long time in the making let's see what it's got ",1 +ACAD taking more off here,1 +GV nice continuation ,1 +VS breaking out today: ,1 +FAN just keeps on giving,-1 +"GS pennant signals a consolidation, then a breakout through resistance ",1 +I will short FCX under 32.83.,-1 +AY 4.95ish next tgt,1 +Stocks Crossing Above their 50 day MA: CAM OW XOM AIG MHP PX CCI DOW AT ABT ADI HOT MO PP SB ,1 +OWE STOP IN APO to 18.75.,-1 +Stock Crossing Above their 200 Day MA: AI NH ,1 +"OWE STOP IN APO to 18.56, that is a guaranteed .50 cents gain on the second 1/2.",-1 +OWE STOP IN APO to 18.45.,-1 +"I am short 4,750 ATB and outright short 5,000 38.30 AIG , failed at trend line, stop at 38.40 ",-1 +I like APC short.,-1 +GPN looking like a short.,-1 +SHOT FCX 32.81.,-1 +CAT tap tap.,-1 +Hope you got short! AIG ,-1 +"GT crosses 200MA - P/E 19.11, No Div ",-1 +Out 3/4 of short VHC,-1 +TJX breaking resistance today ,1 +user: AAP Is there such a thing as a long squeeze? if you have a tight covered call,1 +short OC starting to work towards 38,-1 +GPN trying to move higher,1 +OC coming to 29.50 or wishful thinking?? 0.8% Div - Buys Tekelec - 3rd major buy this yr ,-1 +GE dividend gets better...3.20% now. Buyer in the hole. DIA,1 +Citi reiterates sell on BBY & TP of 6 - Shockingly low support - Fewer than 5% stores sold out - Most T employees not even trained,-1 +I will short FDX under 96.85. ,-1 +"Strongest stock on my watchlist today is ECHO. ogistics, ftw.",1 +IBM Has 3D Printing on its adar as a Transforming Technology ,1 +EXC seems that the road to the South is clear... More picks at ,-1 +EDS up 11.61% Solid again.,1 +"Added long FTI 53. Stock is strong in weak tap, has strong short-term news with new contracts. ",1 +Notable S in oil & gas equipment & svs stocks: OII FTI TTI,1 +short MS small,-1 +A ot of New Additions to the Short Watch-ist | EBAY AIA BBVA at the top of the list ,-1 +"HCA continued relative strength today, moving to fresh highs ",1 +AKAM is on the radar as a potential short below 34 ,-1 +GOOG trying some short here around 809,-1 +"If one is day trading like we usually are, then target is something like 96.35 to 95.85. FDX",-1 +'Expensive' and 'Cheap' I dive a little deeper for you (new blog post) nke aapl spy,1 +GOOG will look to cover little around 808,-1 +"Watch AMTd, once it crosses under 20.50, it will be a home wrecker.",-1 +user any thoughts on short entrance on GS,-1 +I WI SHOT WFC under 37.,-1 +CIEN still not done going down.,-1 +GOOG short next tgt 806-806.50,-1 +SHOT WFC 36.99.,-1 +OWE STOP IN FDX to 96.50.,-1 +user BrennanBasnicki was looking 145.50 but missed unfortunately GS,-1 +"GOOG short, moving slower than I expected, covered a little more here around 807.50, 809.20 stop now",-1 +VNG getting small position here 2.70 -2.73,1 +"APC, I passed on that short, and it did do a 1 dollar roll.",-1 +SHOT ATI 31.10,-1 +"STXS target is 2.38, that sucker will give almost everything back.",-1 +AAP gap fill and go? hope so!,1 +COVEED FDX 96.50 from 96.85.,-1 +Which stocks on your watchlist are holding up today? Focus on those. I'm watching: ECHO BCC WSM ABBV ANGI among others.,1 +AMTD Come on give it up.,-1 +"Healthcare stock BKS pulled back on a bad rating, but it's still technically sound ",1 +AAP let's see if it can bounce to 465+ now... cautiously bullish,1 +"ANA Get long Arena here's why, seekingalpha.com/article/1298901 ",1 +we are loving the upside movement on our CAI position today. great way to start the week!,1 +BAC aising My Stop a little...,1 +AAP moving great :),1 +eaders acting well. V new highs. continues highers despite the market.,1 +GOOG having a hard time with 810,-1 +"AAP ove it or hate it...gotta' admit, it's rarely boring! ;-)",1 +WMT 5 min ,1 +"FYI 4/20 165C's -Avg px 0.93 user: ong V for trade at 161.20, hope you have been watching this channel. ",1 +"Alright. I think the 8th time's the charm...C'mon, guys...P & OVE 466.85 this time. AAP =^.^=",1 +Did I just see a 5.39 on GPN transaction? Would be fine by me if it traded down to that this week.,-1 +BAC Begin ong position 12.37,1 +Goldman drops EA from conviction-buy to buy ,-1 +"Green Daily Triangle on TC,....pdating ong and Short Position ",-1 +"CA continuing to work well. Glad I bought a decent size block, probably cutting out of this one soon. lol",-1 +GOOG 809ish stop on rest of the short position,-1 +BAC Full Position (ong) for A quick swing trade,1 +"DNDN, turning green bull hammer close",1 +"I will swing WFC, ATI, and FCX Short.",-1 +AAP really looked like a B trap fri- to open.. Trade Strong,1 +"BAC No selling Target, Will sellwillit stop to move up. Will Just raise my Stop Step by Step till it will be triggered !",1 +user: TJX TJX. Fresh All Time High & plenty of support nearby. ,1 +Keep going up GPN. Open up an even better put buying spot.,-1 +HZNP looks to be setting up for a breakout on volume ,1 +"MTG those trapped in here should actually be thankful the company diluted on everyone, otherwise it'd be back down to 2 lol",-1 +NG signs deal AMP ETF inches forward with holdings of companies in NG SO DIG WTI OI OI CO,1 +BAC Keep Overnight for Swing !,1 +"AAP Someone please mention a rumor and your analysis.. if your hoping for a stock to perform, your not doing your homework. #study",1 +SWFT Trend well in tact here. Now confirming the move. Other set ups I like: ,1 +MS ready to crack. All technicals read bearish. Holding long Apr 22 puts. ,-1 +Shorting Delta Airlines in the morning. Flying way too high for its performance - pun intended! DA,-1 +"Eyeing ADBE as a possible short set-up, would like to see a little more downside volume first.",-1 +PHM Nice ooking Cup & Handle with a pivot of 21.6 when it breaks this resistance on volume go long ,1 +V Cleared this consolidation channel today. Setting up for higher prices. ,1 +GW Corning Set To Emerge From 18-Month Base ,1 +GD SV FCX AY ABX NEM - Gold price falls below 1.600 lower demand for shelter ,-1 +"ANA strong start, like it over 8.70",1 +IDTI like it over 7.41-42,1 +"ACAD trying to go higher, needs a followthru here",1 +AN get back down here!!! so silly.,-1 +Today's Watchlist for ONG Stocks: JASO; ZIOP; VHC; SNFCA; TS #stocks #trading,1 +AAP kumo - :)~ earjet no kumo twist ,-1 +Oil & gas equipment and svs stocks continue to show S: FTI TTI OII,1 +"SAVE flying high the last few weeks, time for lower altitudes More picks at ",-1 +VS needs over 56.... ,1 +BAC Just let digest the news with a pullback... after we should Slowly rally...,1 +EDS ock on again. P 13.39%,1 +"OWW through 5.70, possible move to 5.90-6",1 +ASTX popping out of downtrend/mini wedge ,1 +FEIC is approaching new all-time highs,1 +"THX posted the other day, may be getting ready ",1 +EVC user missyaubaby I'm short from ytd and today. ,-1 +M 5 min flag. ,1 +"I'm now out, but congrats to those who took this trade. Honestly not a hard decision to make. V ",1 +"I like F and I like INTC, but I just sold them both to triple my PGH in one of my retirement accounts.",1 +"GPN nice intraday flag here, trying over 6.10",1 +"HCA still a picture of perfect health, up six days straight, nice trend ",1 +"BYD already made a big move but flagging well here, may be worth a shot long over 8.16",1 +What's larger: Cash on the sidelines waiting for pullback to buy stocks? or Cash on sidelines waiting for an AAP product line refresh?,1 +SHD now trading under 200D Moving-Average ,-1 +bought a little MT Domestic Drones are inevitable!,1 +AIG show us something!!! ,-1 +eally considering adding some of those water utility names. WT AWK MSEX YOW SJW AW CWT Might pick 3 or so. ike the divi's,1 +"PO covering some here, possible pullback to 24ish",-1 +"NTS another one that looks very strong right now. Buy over 55.25, tgt 56 then 58. user ",1 +Added bear call spread in STJ at Apr20 43/45 level for potential 12% gain.,-1 +"DNDN grow wings you pig, 50 million shorts going to start covering soon enough",1 +"XCO SD Staying patient here, not adding anything until market pulls back. Will let my positions run if the market continues to take off",1 +user DNDN has always been a name to buy when things look the ugliest,1 +OAS market cap is in the sweet spot for a takeover bid,1 +BAC Add some on the pullback if my 12.22 order is fill,1 +OAS heading back to new 52 week highs,1 +AAP broke trend,-1 +ooking for SPX ATH soon. That's my thought if I don't use my brain. Has worked like this most times then why mess by using my brain AAP,1 +OWE STOP in FMD to 5.26 20ma.,-1 +"NFX Almost time to short this puppy? These multiples are ridiculous, it is basically an online Blockbuster, that is trying to make films",-1 +It's rare for AMZN to not rally in a holiday shortened week. Think last Thanksgiving was an exception.,1 +EDS Solid day agin for this one. I like jumpy stocks.,1 +AAP going back to OD,-1 +CAT green to red soon.,-1 +"DNDN, nice 5 minute green volume bars, lows in",1 +BA continuing it's run ,1 +an epic ms collapse would be ideal and appreciated this afternoon.,-1 +BAC Big Block on 2,1 +GOOG still under ma10...just a few more days,-1 +"BWD, stepping in short. I do not see the necessary volume to take this past 86.5. Set tight stops ",-1 + easy look at last 3 yrs annual income data: ,1 +NAN Spring loaded (ascending triangle) SI strong here. 20.00 now key. Others I like: AX DDD (MACD) VMW ,1 +Watch NKD here. Selling volume has been picking up and it's now below its 20 day moving average. Candle still needs to close.,-1 +"NFX 10days ago gave you 10 short then orange dot buy called for 10 up ,DONE ! easy as streaming ",1 +Smart traders taking your money! GPN,-1 +well no complaints at this point regarding the 185.72 bid in NFX :),1 +"AMZN daily,I have added arrows to buy signals each day target still 263+ no doubt will get there. ",1 +"BYD triggered, 8.10 stop, 8.25 1st tgt",1 +markets at the highs of the day. spy ms still chopping around. ridiculous.,-1 +KCG back in at 3.8 :) ,1 +"BYD next tgt 8.35, not sure if it has the mojo, 815 stop",1 +"BAC Big Boy, Buy Big Block under... on 2 ;-)",1 +NFX uggh! the one put (May 2013) I had might get wiped out - to exit of double down?,-1 +"ANAC is toast, no volume, free fall from here. Nice run while it lasted, time to close some gaps.",-1 +MSFT - A Spanish group sues Microsoft to the European nion,-1 +AAP I bought 431.79 on March 14th. The spx was 1563 that day and it's now 1563. I'm +6.88% and you guys are bearish? come on man!,1 +"Those were pretty looking breakouts on MA and V. I was skeptical last week, but I'm on board now. et's see where they land.",1 +NVDA remains trapped between the 50SMA and the 200SMA. Slow sto trying to recover & cross over. ,1 +ANAC come on up to me so I can short you more,-1 +"AMZN - Bearish Divergence, H&S, and 10EMA looking to possibly cross 21EMA. Might have to wait for SPY to top first",-1 +"AMZN Bearish Divergence, H&S, and 10EMA looking to possibly cross 21EMA. Might have to wait for SPY to top first",-1 +MA MAJO BEAISH DIVEGENCE(NOW CONFIMED ON MACD-AS WE AS SI). DECEASING VOME.,-1 +8 Notable 52wk HIGHS By Desc % Price Delta [EOD20130326] KS CBI OII APC FT BEN AW YN ,1 +AMK a bear flag to keep an eye on for anyone interested in a short ,-1 +"Shorting GM and TSA once again. TSA At the high end short term over bought, channel continuation or right shoulder falling H&S...",-1 +V total animal #VISA AXP MA who needs cash? #deleverage deleveraging! XF ,1 +G same pattern as HIMX developed at 4.00 will start buying a position for the next move up - this one is not done by any means,1 +AIG - on watch for tomorrow. ,1 +PFE break out.. Pay attention to rising wedge. ,-1 +BID -puts were active yesterday going out to Jan ,-1 +AAP 458 PM good start for the bear :),-1 +FAN worse and worse in premarket trading even if it's on low volume,-1 +MNK long above 3.50,1 +ooks like Cliffs is falling off a cliff right now. Geronimo!!!! CF,-1 +MSFT - The news of the new Microsoft Windows Blue ,-1 +GID like it over the high,1 +AN is at least gonna sink to 7.60.,-1 +A close above 197 on NFX and it gets into the next orbit that can take it to around 225 eventually.,1 +"if AAP runs up before earnings it will drop on disapointment or even a small miss, if we stay below 490 it will POP",1 +"GEVO nice start on ok volume, looking for entry",1 +"GID working, 46.50 1st tgt",1 +Short CF and MMM,-1 +"OAS, perfect opportunity to the buy the dip on this name. NG higher",1 +"BBY trying some short here, high of day stop",-1 +"GID reached my 1st tgt, 46.75 nxt",1 +"OAS wants to climb, this dip is a gift",1 +"CHTP nice bounce off 2, looking for followthrough here",1 +"GID still acting well, 46.20 stop on rest",1 +AAP below 557 has led to downside follow thru. i have 452 as my 1st support,-1 +"FIO barely red, this stock due for one of it's famous rips higher, keep an eye, I bought some yesterday",1 +i'm amazed that ms is holding up in this tape. thought for sure once it hit below 22 this morning it would tank. wrong again.,-1 +DV time to move South. More picks at ,-1 +emember: ASTM need to raise money soon. At this point things are getting difficult. everse Split here too?,-1 +"GID taking more off on this pop here, just dont like the volume, leaving last piece for a move to 47ish",1 +Failing on a 30-minute AAP #Apple NDX QQQ fake-out on daily ,-1 +"GOOG short, 804.20 stop on rest",-1 +SCHW - this 17.20 level is a 50% pullback from Feb. low - we added a pretty decent chunk here - looks scary - buy fear,1 +"MNKD flagging nicely, like it over 3.39",1 +GOOG tightening stop on rest - 803.2,-1 +"GEVO 1st tgt 2.30, 220 stop",1 +"ES_F ule of thumb is that former momo names need 3 years to reset from top to the next bottom, former popped junk like NFX best short",-1 +AMK a nice short below 3.99 ,-1 +JCOM - new all-time highs after consolidating its earnings gap for a month or so ,1 +KS looks ugly to me. A close below 106 and its headed below 100.,-1 +"MNX Bullish pattern, confirming: (break out mode) Also like here: NAN SCA GDOT VMW PAY ",1 +AAP 10 SMA about cross above 50 SMA; hasn't been above since October. ,1 +"EPS 1st tgt 7.45-50 if it can bounce here, possible extension to 8 later",1 +JCC long overnight 1.78 -1.80,1 +"The pattern in DNDN reminds of HGSI, everyone threw in the towel & then they received a nice takeover bid with huge premium out of nowhere",1 +"FIO, someone needs to dig up the Wizard of Woz & put him on CNBC again. He always gets the stock running. Bought stock yesterday",1 +"EPS hit my 1st tgt, 7.65-70 next",1 +SHOT AO 38.99,-1 +"C should pop of this level, stop under lows if wrong",1 +"EPS still think there is a better than 50% chance it tags 8, but moving stop on rest to 7.35",1 +"NG NG_F finally taking off here, KWK XCO SD all these stocks are lagging the move in Natural Gas here, think these have a 10% up move",1 +"NG Increasing natural gas prices not exactly great for Cheniere, even if they are just a toll gate. owers the arbitrage potential...",-1 +BAC WFC in the hole finally.,-1 +AAP this thing going for 450,-1 +MCP new 52-week low here. eminds me of coal stocks ACI AN CF WT BT JCC,-1 +"GOOG 801ish 1st tgt, 803.20 stop",-1 +GTAT - breakout entry above 3.03 ,1 +HG is hovering near all-time highs ,1 +NFX weekly 190 puts in play,-1 +Darn it we missed BSFT short.,-1 +EPS made a quick 10 min trade 7.52-7.73. looks like might of jumped out too early might pass 8.00,1 +GS whoop that was it the 38.25 fib line.,-1 +GNW expecting this consolidation flag to resolve soon: ,1 +"CF Shifting on the 15 minute intraday, suspect to trade OWE - careful shorting lows, backs and fills. Disclosure: Short CF",-1 +M breakout gap held - 60 min. ong 1/2 position post EPS. Back in J calls w/ profit preEPS ,1 +CF trying to bounce here 191.50ish 1st tgt,1 +CF taking some off here close to 19150,1 +"AMZN long I have posted for days hits target today for nice 11+ gain, just sharing what it simple ",1 +"VTX ..working a flag just above downtrend line breakout, looks higher ",1 +AAP has made no attempt to fight this sell off,-1 +ONG CF here 18.30.,1 +"CF still in a flag here, not sure how much mojo it has, but hoping for a move to 192 or so from here",1 +"CF finally, looking for 141.80-90 next tgt",1 +GEVO taking half off 2.29,1 +"GS I think the odds on play is probably for higher prices, in due time. ",1 +On a technical basis NVDA is ready to break its 200SMA. Some technicals are turning up here. ,1 +BAC Thursday will Close Around 12.50 IMO (Opex),1 +"HTZ great move to new highs out of that triangle, very strong ",1 +"PKG three back to back strong days, good volume too, very nice move ",1 +added to my AAP long,1 +"TGT, searching for shorts, took a small put pos. for a quick trade, just to scratch that itch. ",-1 +HOS Out of the triangle! from ,1 +"AMK broke untested support line of flag (can be adj), but holding prior retracement low (no pstn) ",-1 +HEK Cup and handle formation just dying to pop!,1 +When we drop expecting a 8-10% correction SPX ES_F SPY QQQ IWM NDX AAP,-1 +user: When we drop expecting a 8-10% correction SPX ES_F SPY QQQ IWM NDX AAP,-1 +"CX is a good short here at 87.30. P/E too high, hitting upper trendline ",-1 +otten aapl spy,-1 +CO had this on the list for break of 7.00 and risk was too much so no buy man I missed a good one - low volume deterrent caused the miss,1 +JCP 38.24% short float,1 +XONE beat the expectations tomorrow will be a 3D day DDD SSYS,1 +ONG Setups: CF SPT DDD CZ AMI APA AXN ANIK CVT ,1 +SHOT Setups: AAP GOOG BBY ,-1 +"EXPE not looking too good after breaking the uptrend, watch your fib retracements on the way down ",-1 +"CEN just giving everybody more buying opp IMHO, magnet rip to 100 on deck ",1 +IBM cant wait for test of 205 then 200 it;s coming who u fooling,-1 +"ock star Direct TV DTV continues to power higher, now up 14.3% since March 11 in the long term portfolio! ",1 +Should I short PXD at the open for a BearishBuck?,-1 +user Time and time again revenues slow down for hot stocks like lulu and they bend over to hide the real cause.,-1 +Thinking NAV short. osing money and borrowing more.,-1 +CM insider sells 1M worth of stock every week ,-1 +"This been good to us since Feb DECK now waking up again, your on #DECK #DECKES ",1 +NKD looking distressed. Anticipating a gap down in the coming days. Closed off of it's today & up on declining up volume again.,-1 + thinking out loud. 50 mva sub 200 mva- done. Bottoming tails at 61.60 providing obvious stop. Catalyst higher? 29% short interest.,1 +of some of the most watched biotechs AMGN looks to have the most room to go higher. CEG VX AGN BIIB look very close to stall speed.,1 +COST looking to go higher.,1 +MWIV looking to go higher.,1 +oh GID poised to go higher. almost forgot this one.,1 +Watching these a little more closely (again) after today's action: BID DECK COST Others: MNX VMW NAN TXH ,1 +"no position for me, my boss took his 1st in position in a long time (short BBY) so maybe contrarian thesis here i am short GME tomorrow",-1 +Could this false breakout on BAC take us down to 11 ? ,-1 +NVDA has started to bounce & broke out from a falling wedge closing above resistance 12.6 level ,1 +TSO Keep this small Cup with Handle on your watch list. Breakout watch over 60 on volume. ,1 +ADM Volume is picking up again. Next buy when clears 33.13 on volume. ,1 +GPN Stock price finally broke out one of the most important resistances in the short term at 6.17 ,1 +"user benrab no position ever, no payment ever, just trying to explain the fraud that is likely zagg. Deny it at you're own risk.",-1 +"Trying to finish a post on zagg that, if it doesn't move you to sell everything, proves you are in complete denial and/or over your head.",-1 +MOS long ,1 +"OC long, todays ultra small range, inside & following yest hammer, has my attention...lets watch ",1 +"VITC long, higher lows with highs stuck at 20 & 50SMA zone, c if it clears & prints a .30 candle ",1 +"My SHOTS, various strats, AXDX CMCO DGIT D ECYT EPIQ GDD GMAN ICGE IDIX MXW OME PETS ECN SCMP SGI SIMO SNFCA",-1 +"HZNP first step 3,5",1 +o-Hi Setups: MNKD DVAX ANAD ATM AZK BEE DANG GEVO HN MTO PG PPC SVM SAT ,1 +New ong entry - IBM Big Blue Flashes Green - ,1 +GOOG will add to this short position when breaks 3/18 lows on volume (winning trade) ,-1 +It's fair to say trendfollowers who where short PX at the close yesterday will be having a very uncomfortable day today.,1 +Will short 300 shares of PXD at the open for a #BearishBuck.,-1 +DN looking for a move over 10.60,1 +"Hit stops, out of AAP longs from yesterday. Falling knife??",-1 +"AAP there it goes, peeling some here",1 +HAO like it on a pop over 6 w vol,1 +"ZNGA Short Week, elease of eal Money Gaming in K on April 1st after expiration of FB Contract. Should be a nice gap up next week. 4.00",1 +PX taking some off here 15.95,1 +GOOG AAP short positions for days paying off nicely 30+ gians VIDEO ,-1 +DN trying to push through 10.60,1 +"SPW Still climbing after yesterday's gains. I love buying panic, cheap shares.",1 +SGN time to book some profits. More selections at ,-1 +AMK breaking below yest's lows & below prior infliction pt low. Illiquid stock ,-1 +"MTG.. got a little long yesterday, like the orderly pullback/consol. after the big rip,target 6 ",1 +"SWI good follow-through to yesterday's bounce from support, ideally would like volume on upside now ",1 +EAT is hungry for all-time highs today.,1 +keep an eye on CAI. we are long from 3.95 and it is setting up well for earnings on 4/2.,1 +"HTZ another break to new highs with follow-thru, nothing bearish in any of these, follow the trend ",1 +"S continues to work well, big breakout, retest, and follow-through, and all on good volume ",1 +"DECK all on deck as the shorts scramble to cover - pop, pop boom!! uckly they don't wear ggs in Cyprus",1 +HEK still waiting for the breakout above 4. 10ema is support down at 4.2.,1 +SEV from yest post/entry out 100% +.20,1 +JB IDTI lookn for a trade,1 +good stuff for TSA here ,1 +OC XX also watchn for a long,1 +user: CEN nice orderly channel. setting up for higher prices IMO. volume confirmation of course. ,1 +CSOD Expands Presence in Public Sector to Drive Continued Momentum ,1 +OWEED STOP IN FCX to 33.12.,-1 +TSO on the move. Breakout watch over 60 on volume.,1 +VNG getting more 2.80 thats bottom,1 +"GOOG puts worked today, and so did CEG calls (V options +100% this week)",1 +NN looking quite bearish at the moment.,-1 +NG bearish action today looking like a top as nat gas jumps.,-1 +SCHW - we added more to the long today,1 +"SGMO current 1st target is 10.03, and second is 10.32. Darn it.",1 +AIG in 38.50 w Put target around 37.90,-1 +GOOG ?Qu? esperas para caer de una vez?,-1 +"GOOG Dont you see what is AAP doing? Fall Fall, damn it....",-1 +AAP big time drop today on a day when market is up SPY,-1 +"GOOG in the 795 puts for .55, AAP is Crashing!",-1 +GOOG Slipping!,-1 +"GOOG The leaders move first and then the index follow, and not the other way around...",-1 +GOOG New OD!,-1 +GOOG and AAP they want out for April earnings?,-1 +AAP Support at 442ish and then gap fill below. ,-1 +VVS pop with volume,1 +user: AAP trying to bottom soon. It may take 1-2 wks with a target low of 430-440. ,1 +Watch APC under 88.,-1 +APC weeeee,-1 +"GOOG both FB and AAP down almost 2%, trap door coming for the GOOG!",-1 +"DE putting in a bearish engulfing so far, probably needs to test the 200 day ma ",-1 +"user: GOOG next stop 750 area ?~~First has a date with the 50 SMA - EMA, if it goes below that then you?ll be right",-1 +MA daily had red dot but will confirm it with cross of PWmo2 white. ,-1 + we all know what happens to broken momo plays right?,-1 +AAP trying short here,-1 +bought some SAAS on breakout with volume,1 +NVDA looks super coiled and nice,1 +VNG Just bought this on a whim at 2.83 this AM... Wow. What a pick. ZNGA same thing will happen... hold on longs.,1 +any news here? EBAY,1 +VNG was so nice so quick almost too quick but not fast enough nailed 3.10+ sells still holding some looks great -everyone will love it now,1 +"Green Weekly Triangle on JB,.....Scaling p on ong Position ",1 +"I will short CAT under 86.65., I also like CAM short.",-1 +VNG took some offt table from 2.75 longs today at 3.20 - still holding big part overnight too,1 +APP on a tear. Great short-squeeze play.,1 +AAP please fasten yor seatbelts and enjoy the ride....,-1 +AAP... you're going to have a tradable bounce on the heels of this post-triangle breakdown.,1 +"sky rockets in flight, afternoon delight EBAY",1 +"BBY It was interesting to hear on CNBC that there are big companies interested in this company, including Microsoft, Amazon,.. AMZN MSFT",1 +"user I'm an analyst, after/while I analyze zagg, I know for a fact it is a dog with fleas. I know much more than you, trust me.",-1 +AFFY iftoff Short squeeze?,1 +EBAY Management should be fired on that comment alone. What were you waiting for knuckleheads,1 +"AFFY 30 just two months ago, intrinsic value in the IP and 400M in back tax losses.",1 +DDD shows support at 30 good buy along with XONE PCP PB DASTY ONVO CIMT which mentioned yesterday was nice entry 3D imaging=Future,1 +AAP China intensifies attacks on Apple ,-1 +"AFFY looking for a double like PX here, 75% shrs shorted just like PX.",1 +On the other hand u have AMZN who is takg the baseball bat approach to building the moat They have no fear doing that Invest Jeff Invest!,1 +ONVO I think we're all waiting for a little dip DDD was a nice entry yesterday OC Apr 20 call options a few days ago at 32 strike,1 +Why are more people not talking about this China News??? Big Deal Imo! AAP China intensifies attacks on Apple ,-1 +BBY Downgraded by GS... SE,-1 +AEG and DECK if anyone can find shares. Good Shorts imo.,-1 +AAP (daily) Three Black Crows and 50 (ema) teaming up** ,-1 +Milwaukee's CAT to lay off 300 employees in So. Mke branch ,-1 +user: user: AAP (daily) Three Black Crows and 50 (ema) teaming up** ,-1 +AAP Full Stoch analysis yesterday ,-1 +"S hmmm, I dunno, I think this has some upside, what do you think? ",1 +"CXW this stock is so underowned and played, nice breakout setting up here ",1 +AFFY un to DOBE continues,1 +Major game consoles now stream 6 month old games at heavily reduced price.There won't be any need for physical used games anymore. GME to 0,-1 +VMI GOOG punch below bottom BB. both are ridiculously oversold imo.,1 +BAC is like watching a plant grow ;-) But my DO.to position is up 2.75% today !!! :),1 +AAP China news will Catch Fire this weekend just watch!,-1 +VNG going to more hod's this is great so long under 3.00 thanks for following,1 +DECK just like magic.,-1 +BAC OPEX in Work !!! ,1 +oh APC....,-1 +Full Analysis Blog Post from yesterday Watch That 50! (EMA) - AAP ,-1 +VNG I bought at 2.78 then went to bathroom just like any normal day came back and at 3.27 - what a poop lol,1 +"CSN,....Descending Triangle Formation, please check any adding on position open, Akstergi ....... ",-1 +"user check my post about CSN, it is for you",-1 +"ast wave of gaming consoles was released Nov '05 - Nov '06, look at GME price that year and the year after",1 +"GM, DA and TSA shorts all did well today in an up market. Tell's me these were good choices to short.",-1 +MS long very close to my stop of 21.50. Not looking good on this one. ooking back I broke my long-side rule of solid earnings delivery.,-1 +Winners today in my long term portfolio: SP XV MGK BO COH IBM EWH ,1 +"V looking extended here, could pull back 15 - 20 dollars. Strong company though, too dangerous for me to short me thinks.",-1 +AAP ..final shakeout before earnings? long and using tight stop of 437 or its toast ,1 +"user NOV went up nicely this week, no doubt. Not the only story in the market...no reason to be here...move on. Pick another stock.",-1 +NVDA confirmed my previous analyse & broke decisively above its 200SMA. Bullish setup ,1 +AD Next buy point would be on the day it blows through 1.95 on heavy volume. ,1 +ASTX Daily technical indicators are bullish. Breakout watch over 4.58 ,1 +VNG allied hard Friday w volume.If it clears back over 3.43 50SMA may have some good upside ,1 +ooks ready to make new highs. 9&20 SMAs are both rising w S trading above them. Breakout over 6.22 ,1 +With strong cash position/margins improving/ 0 debt & new devices being launched BBY is definitely a takeover candidate CSCO AMZN INTC,1 +"My Fox Business appearance yesterday. Still bullish NFX, GMC, CST. ",1 +KWK This deal gives Quicksilver ample liquidity for expanded production going into 2H 2013 & early 2014.This is a 4-5 stock trading ~ 2,1 +VNG let this V run up next week to the mid 4's or higher. I will sell & jump back in when falls the next few weeks. Been in this too,1 +Identified this topping pattern wks ago( ) Here is the AAP / GOOG update ,-1 +Next week a nice pull back to 438 on AAP and 787 on GOOG could really set the QQQ up for it's run over 70.,1 +SBX As long as the 50EMA holds on a closing basis at 55.89 I remain bullish. ,1 +MSFT broke out of a major resistance Thursday and may be headed higher from here. ,1 +INTC ooks ready to move higher from here. Buy point is at 22.02 (200EMA). Bullish setup. ,1 +QCOM could test the recent highs if it breaks resistance at 67.2 on strong volume ,1 +STZ Nice Bullish flag. Buy point is as the stock breaks over 47.82 ,1 +PM best setup if market can hold 100 roll ,1 +"VOCS example on 5min, using COSE below 20ema NOT low for your stop, not traded but good for +.15 ",1 +Food Sector as always doing extremely well: PZZA DPZ JACK MCD CAKE,1 +"Judging from past 3yrs, expecting 10-k to be snuck in tonight or on Monday for JOSB. The suspense is killing me.",-1 +How much did ZAGG pay Matt Barkley for this BS interview/endorsement???? via user,-1 +"AMZN to buy book focused social network Goodreads (16M users, 23M reviews, 30K book clubs) for est 150M",1 +JCP actually looks decent with stop under recent low and possible retest of resist line ,1 +Sizemore on Fox: Cashing in on the Echo Boomers - Sizemore Insights ABT MJN BBBY KMB,1 +"Groupon evisited: New Mission, New eporting Issues ? Grumpy Old Accountants GPN ",-1 +"ANIK long 14.59 / .61, nice consolidation period, waiting for its day, past resist 15.27, 15.52 ",1 + - any day now. When it gets below 61.60. ,-1 +JPM - not looking pretty here. ,-1 + Weekly.Barely hanging onto double support area.Possible break this week after last week's rest ,-1 +"All things gambling looking pretty good here with March Madness, MGM VS WYNN",1 +IBM - above 215.90 there are some clear blue skies.... Also big part of DJIA making news highs. ,1 +"JOSB 50% off on almost everything. Funny, they cited increased promotions as a big reason why gross margins were down...",-1 +BCM Attempt #4!! hopefully it will make it this time!!CNBC/Analysts or some catalyst will help!! ,1 +ADSK daily lined watching this one over 41.60 might continue ,1 +BODY breakout on weekly over 20 and resistance trend line h/t user ,1 +DE considering buying some put options...,-1 +Happy Easter! SHOT Setups: CS ISG CF AN NKD OW MOH MTZ BI ,-1 +CAT may try to jump on the boat with some Put options here as well...,-1 +JCC this will turn and be the darling agian up very big - I am OADING up down here - mark my words 1.75 - will re share at 2.15++ target,1 +"If AAP goes to over 451, I will go short. Still weak stock.",-1 +MMM looks ready to break out. ooking to go long on minor weakness (105.50). ,1 +AMZN - Closed over volume support inside of the descending channel and tested 50% retrace. ,1 +BBT coiled up after finding support at 50/200 sma's after stress test results. eports on 4/18 ,1 +"JCP In oscillating range, oscillators say over-sold, bounced on volume at pivot point, contracted B-Bands, i see a test of 16.50.",1 +"U.S. crude prices are on track to hit a new 18-year low Friday, putting the energy market on course for another bru… https://t.co/SYdekYg2aD",-1 +Megabanks enjoy certain advantages in this weeks markets which the oil patch definitely doesn’t. https://t.co/jui3VoKr7Y,1 +"Heard on the Street: U.S. stock bulls should take a careful look at China, where the post-coronavirus rebound has b… https://t.co/Ct9zPe4ZGG",-1 +China’s burgeoning market for bonds backed by mortgages and car loans is facing its first major test https://t.co/ywHrzgBm6r,-1 +Selling your home to a computer was supposed to be the future. But that was before the coronavirus pandemic. https://t.co/3EK1wJSvFs,-1 +A surge of Saudi crude is expected to worsen a U.S. supply glut as drillers and refiners cut output and storage spa… https://t.co/44Ndex9Qpz,1 +"RT @JChengWSJ: Coronavirus is making U.S.-China decoupling more likely, U.S. companies in China say, disrupting supply chains and straining…",-1 +RT @kosakunarioka: India’s RBI Takes Additional Steps to Support Economy https://t.co/XKnJ8zW5yz via @WSJ,1 +RT @joannechiuhk: Markets power ahead even as statistics showed China’s economy contracted 6.8% from a year earlier in the first quarter ht…,1 +"RT @JChengWSJ: @QiLiyan @TByGraceZhu Update: China's official first-quarter GDP was -6.8% from last year, the first decline since records b…",-1 +"China’s restrictions strand face masks, coronavirus test kits and other critical products bound for the U.S., State… https://t.co/2jAdokQBJj",1 +Shoemakers churning out masks. Auto giants manufacturing ventilators. This is how the private sector goes to battle… https://t.co/0OBG94I1yC,-1 +"The Daily Shot: U.S. Crude Oil Trading Below $20, Near 18-Year Lows https://t.co/UBEtSOlk18",-1 +"Another 5.2 million Americans filed for unemployment benefits last week, bringing the total seeking aid in a month… https://t.co/Aw9VhuWFUk",-1 +Google will be “recalibrating” its focus and pace of investments in areas like data centers and machines—the compon… https://t.co/rl7UUQfOhg,1 +Another week of very high jobless claims means that April’s U.S. unemployment report could touch levels not seen in… https://t.co/VGcKC94O9c,-1 +"Abbott Laboratories has what it takes to ride out the coronavirus crisis, not just because it happens to make three… https://t.co/buR8yptRsU",1 +"The White House has a low opinion of the World Health Organization, but restricting alcohol sales is an idea that d… https://t.co/gstcKFnLN9",-1 +"France, Belgium, Greece, Austria and Spain are among countries whose regulators have barred bets on stocks sliding… https://t.co/POWpZjLAaN",-1 +Debate over when to reopen the economy has left the impression that economists are at odds against epidemiologists—… https://t.co/a0nEveBVqW,-1 +"RT @brian_mcgill: Where the $250 billion small business loans went, per 1,000 small businesses +https://t.co/jNuBmekelQ https://t.co/fk8gYOd…",1 +The forces fueling 2020’s oil bust https://t.co/28JP5GfWLR,-1 +"Global oil demand will drop by 6.8 million barrels a day in 2020, with the sharpest contraction coming in April ami… https://t.co/uqvTCl0bqm",-1 +Canadian bankers expect a bond boom https://t.co/YR90HrnovU,1 +RT @Birdyword: South Korean election results could revive efforts to wrestle control of major companies from the families that have control…,1 +RT @bysarahkrouse: Story on Verizon's purchase of conferencing platform BlueJeans here: https://t.co/CfZo9K1Zoa,1 +Heard on the Street: Digital business models and health care are places to hide in a pandemic-induced recession. Eu… https://t.co/ijgQm4OFZS,1 +"Officials expect another surge as applications processed for newly-eligible gig-economy workers, self-employed https://t.co/FZZRxqmYl4",1 +RT @AmrithRamkumar: A big disconnect—Stocks have rebounded even with investors hoarding gold and large swaths of the economy still frozen:…,-1 +"Heard on the Street: Investors are betting on IAC’s remodel, but just how quickly can the whole thing be fixed? https://t.co/COJsGVy9pH",1 +"RT @lizrhoffman: Morgan Stanley profits down 30%, the least bad of big banks. But warns it might not meet those financial targets that its…",-1 +"Morgan Stanley’s results fell just shy of projections by analysts, who had revised their estimates downward as the… https://t.co/vGv8FsK57t",-1 +"Stock prices suggest a short recession with a swift rebound in corporate profits, while gains in havens signal worr… https://t.co/yN9DOmq8J0",1 +Online banking experienced delays as the federal government began depositing stimulus payments https://t.co/LLzl7NyfdL,1 +The first major national election of the coronavirus era offers new avenues to reform Korea Inc. https://t.co/OkGnUj3AY2,1 +Investors are anticipating new-home construction data and a Fed survey on manufacturing conditions https://t.co/KeFDcsHLTG,1 +BlackRock’s first-quarter profit fell 23% https://t.co/YLdaUS5Rbx,-1 +"RT @Birdyword: South Korea's Moon Jae-in and Japan's Shinzo Abe aren't exactly good mates. But with a parliamentary majority, Moon now has…",-1 +RT @newley: Indian startup Oyo Hotels & Homes is planning to move some employees off its payroll and onto the rolls of its biggest investor…,-1 +RT @kosakunarioka: Philippines Central Bank Cuts Key Rates as Covid-19 Disrupts Economy https://t.co/loqglU7hZC via @WSJ,1 +"RT @joannechiuhk: Major banks declined Thursday, after a big drop overnight in U.S. Treasury yields https://t.co/9ExvSxmsdw via @WSJ",-1 +"RT @greg_ip: Epidemiologists and economists aren't at odds. One measures the benefit of social distancing, the other costs. Their results s…",-1 +RT @DaveCBenoit: The banking system is not built for everyone in the whole country wondering if they got a government check on the same day…,-1 +Health insurance stocks should hold up fairly well during the Covid-19 crisis. Other parts of the health system won… https://t.co/GqkLCYg3Ai,-1 +Indian startup Oyo Hotels & Homes is planning to move some employees off its payroll and onto the rolls of its bigg… https://t.co/vsCd711RHe,-1 +Executives at firms like Goldman Sachs and JPMorgan had to balance the opportunity for trading profits with the saf… https://t.co/WSU305BtPw,1 +Wall Street by the charts: the dispersion in GDP forecasts has hit a record amid economic uncertainty https://t.co/ROGJ6Vl4d7,-1 +Apple’s new iPhone SE offers a cheaper entry into the ecosystem that the company needs to grow. https://t.co/1uB2tpY4ng,1 +"Many of the millions of restaurant, hotel and store workers who lost jobs because of coronavirus shutdowns are ente… https://t.co/eXaAYcplfq",-1 +"Heard on the Street: Wall Street got a big lift from capital-markets businesses in the first quarter, helping cushi… https://t.co/w8lQO17EPr",1 +"Retail sales fell 8.7% in March, the biggest month-over-month decline since the records began in 1992.https://t.co/IMsh5t8Ksh",-1 +"Historically bad U.S. retail and industrial data for March mean April will be worse, digging a deep hole for the ec… https://t.co/1ymzmELEyR",-1 +RT @djtgallagher: A cheap iPhone still has its place for Apple - especially now. For @WSJheard - https://t.co/zvZQDMlPNW,1 +"Heard on the Street: Bailout is probably the best aid package that airline investors could hope for, but it doesn’t… https://t.co/SSXOdZWbr0",1 +Saudi Arabia Markets Dollar Bond to Plug Spending Gap https://t.co/Qcidt8s2lq,1 +"Occidental Petroleum, which has sought to conserve cash as oil prices plunge, opts to pay Buffett’s dividend in sha… https://t.co/PlhH0dWEoR",1 +"RT @ychernova: U.S. startups raised $34.2B in Q1, up 10% over Q4, per Pitchbook. But the situation changed. ""There will be a marked drop-of…",-1 +RT @jonsindreu: The U.S. airline aid packageis probably the best that investors could hope for. But the fact that carriers will already be…,1 +RT @AmrithRamkumar: Just a staggering increase in oil inventories recently. @sarahtoy17 explains why the trend could push some prices below…,-1 +Heard on the Street: The earnings hit for S&P 500 companies will likely be much bigger than they are guessing https://t.co/Wesotl6Rwc,-1 +RT @PaulPage: The 8.7% drop in U.S. retail sales in March was the largest on record. https://t.co/y03aCdeqAG via @WSJ,-1 +"Citigroup increased its loan loss provision, money for loans it now thinks can go bad, by $4.92 billion, https://t.co/s7oVQHaFq7",-1 +Dollar rallies as concerns about the economic impact of the coronavirus and the lack of a global policy response fu… https://t.co/urSIlVFS74,-1 +"RT @lizrhoffman: “We were on a good roll through January and February,” Goldman CFO Stephen Scherr tells me. “Then came March.” + +Updated w…",-1 +RT @sarahtoy17: The coronavirus pandemic is turning oil markets upside down. https://t.co/SKuxRyyP3Y,-1 +RT @jdlahart: Don’t Trust the ‘E’ in the Stock Market’s P/E Ratio - my latest https://t.co/HxtMOwshmo,-1 +"RT @aosipovich: Scoop! Wall Street ""task force"" with BLK, Citadel Securities, MS and other firms eyes changes to US circuit-breaker rules a…",1 +Heard on the Street: Can’t get your hands on a Nintendo console to play Animal Crossing: New Horizons? You could al… https://t.co/l24tlufi8A,1 +"Paradoxically, the Fed’s success holds the key for further rallies in the price of gold https://t.co/lNHQOmqIac",1 +"RT @lizrhoffman: Goldman's profit down 46% on a wave of expected loan defaults, though its old Wall Street businesses held up well. https:/…",-1 +"RT @josephttwallace: Glutted Oil Markets’ Next Worry: Subzero Prices -- great article by @sarahtoy17 + https://t.co/8v5PfdJlDX via @WSJ",-1 +"RT @WSJheard: Can’t get your hands on a Nintendo console to play the new version of ""Animal Crossing""? You could always buy Nintendo stock…",1 +"Heard on the Street: Luxury, liquor and sunglasses brands in airports will suffer from falling traveler numbers https://t.co/bW38B0LTjZ",-1 +"In areas where tanker-ship storage for oil isn’t readily available, producers could need to go to extremes to get r… https://t.co/secHR2Pscn",-1 +Emerging markets have rushed to tap a flood of easy money from investors in recent years. That is likely to put bon… https://t.co/x5XbcAmKth,1 +"The bank, the second largest in the U.S. by assets, reported revenue of $22.77 billion, down from $23 billion a yea… https://t.co/Vsgar9u1uV",-1 +Global oil demand is expected to fall by a record 9.3 million barrels a day this year as government-implemented loc… https://t.co/tC7XZi5Fcp,-1 +Global stocks fell as investors await key data on U.S. retail sales and manufacturing. https://t.co/UAw0HdXFKI,-1 +"Glencore, Teck, First Quantum and other miners, find some mines under siege by protesters accusing them of bringing… https://t.co/cS7tPLPgc6",-1 +"RT @Birdyword: Ironically, the surge in the price of gold is largely because the market expects the Fed's recent measures to be successful.…",1 +RT @CGrantWSJ: $JNJ CFO Joe Wolk tells me he wasn't 100% sure until last week that the company would be giving 2020 guidance today. Their a…,1 +"RT @joannechiuhk: The economy has almost certainly entered a recession affecting most of the world, with a severity unmatched by anything e…",-1 +RT @Trefor1: Renault is shutting its main China business. And it probably won't be the only struggling foreign auto maker to wave the white…,-1 +"RT @joannechiuhk: The banks for years rode consumer spending and borrowing to big profits. Now, they are preparing to struggle alongside th…",-1 +"For many small investors, their inability to cash out shares in nontraded REITs couldn’t come at a worse time. https://t.co/D1JJFO554f",-1 +KKR waves a flag of caution over damage to its business and investments from the pandemic https://t.co/nJBHczoJLQ,-1 +Saudi Crown Prince Mohammed bin Salman’s Public Investment Fund is pressing forward with buyout of U.K. Premier Lea… https://t.co/gaL1jay0hG,1 +"Chinese businesses are bouncing back, but the pandemic has depressed economic activity and consumer demand in key W… https://t.co/6N34UNNHPF",1 +Clearlake Capital has raised more than $7 billion for new flagship fund https://t.co/9vgKDP5ufP,1 +Lockdowns and travel curbs are delaying the work of compliance monitors who prefer to see first-hand if companies a… https://t.co/VYoWx2PhCR,1 +The Daily Shot: Freight Recession Deepens https://t.co/wMIRh7rXRa,-1 +Coronavirus is forcing companies to either postpone their annual meetings or take them virtual—a first for many exe… https://t.co/RwutyBuDxh,-1 +Biotechnology-focused venture capitalists are finding ways to continue forming new drug startups despite restrictio… https://t.co/DTBYJvl8z3,1 +"Mall and shopping-center owners are compiling a blacklist of large, usually financially stable tenants that haven’t… https://t.co/qgBnOqRKdg",-1 +"The economy has almost certainly entered a recession affecting most of the world, with a severity unmatched by anyt… https://t.co/57j70HPwXG",-1 +Distinguishing wants and needs in labeling which products are “essential” is tricky https://t.co/4nkl7acGsD,-1 +Sales of Listerine mouthwash have been surprisingly strong during the lockdowns. https://t.co/Fu3q2YAa0F,1 +Community lenders are having a tough time getting a piece of the $350 billion set aside under the SBA’s Paycheck Pr… https://t.co/ayl6imT2D7,-1 +"The banks for years rode consumer spending and borrowing to big profits. Now, they are preparing to struggle alongs… https://t.co/sJ5Ykau6Id",-1 +"While bank shares stumbled, the rest of the stock market took off today. Dow up 2.4%, Nasdaq up 4%: https://t.co/crzdvYix6F",-1 +"‘Amid coronavirus-related upheaval to the car industry, we believe Tesla increasingly has a leg up vs. other automa… https://t.co/EshF0EYkwx",1 +Heard on the Street: Johnson & Johnson announced a dividend increase Tuesday—a bold statement in this economic envi… https://t.co/x29S85yW4l,1 +JPMorgan Chase and Wells Fargo have set aside billions of dollars to cope with the coronavirus fallout. That may be… https://t.co/4Qjo91tGth,1 +"A half-trillion-euro plan to cushion Europe from the coronavirus didn’t include common debt issuance, a negative fo… https://t.co/wEXnM8S7A6",-1 +"The mining industry, a bellwether for the globalized economy, has been hit by protests at mines world-wide… https://t.co/T3hnmdDpBA",-1 +"“Since humans started using oil, we have never seen anything like this.” The world’s thirst for oil is suddenly no… https://t.co/fMsg0XTP7b",-1 +"Heard on the Street: Norwegian Air could succeed in its last-ditch effort to survive the coronavirus crisis, but wi… https://t.co/mURLpUzK46",1 +Oil prices are down about 65% this year. https://t.co/uB1V7H67xQ,-1 +The fund will provide financing to companies hit by the novel coronavirus pandemic. https://t.co/ED60IoCCDv,1 +"The Fed temporarily lifted restrictions on Wells Fargo’s growth, allowing the troubled bank to make more loans duri… https://t.co/9wEccwNQ28",1 +Heard on the Street: The plunging value of the portfolio companies in SoftBank’s $100 billion Vision Fund accounts… https://t.co/j82EgEAjzR,1 +Heard on the Street: Food deliverers such as Grubhub are dependent on the health of ailing restaurants https://t.co/BD1k2lqC8N,-1 +Heard on the Street: Don’t be fooled by improving Chinese exports https://t.co/0q5v6bc5Wl,1 +"JPMorgan Chase reported earnings, making it the first major U.S. bank to show how the spreading coronavirus has aff… https://t.co/FctuUBKRLJ",-1 +RT @miriamgottfried: Scoop: General Atlantic is teaming up with veteran credit investor Tripp Smith to raise a fund that will provide finan…,1 +Stock markets around the world rose on optimism that economic activity may improve resume in the near future https://t.co/iSORRoQWtL,1 +RT @joannechiuhk: SoftBank Expects Nearly $17 Billion Loss on Tech-Focused Vision Fund https://t.co/6UDu1Ovy30 via @WSJ,-1 +"RT @NickTimiraos: Businesses, not governments, have a huge say in how economies reopen after the pandemic recedes https://t.co/wfRNRsokN4",1 +There are arguments for American banks both to suspend and to keep their dividend payouts. But the degree of credit… https://t.co/a30vacnv70,1 +"RT @PatFitzgerald23: The XFL was in the middle of a promising reboot season before canceling its games because of coronavirus, now Vince Mc…",-1 +"Citing improved money-market conditions, the bank said it would soon ease back on operations designed to add short-… https://t.co/GACHU03nOM",1 +Market research firms IDC and Gartner both reported a large and surprising drop in first-quarter PC sales on Monday https://t.co/3G9gnZn3IW,-1 +"The 30-year Treasury yield settled at 1.392%, its highest close since March 26. https://t.co/K6eY3hJOOs",1 +"RT @djtgallagher: WFH was going to be a very short-lived boost for PC sales, but even that didn't happen. Now, a major recession ahead wil…",-1 +Beating the sports betting slump https://t.co/Mt4W89Clvd,-1 +"Increasingly desperate small businesses are seeking help wherever they can find it, filing claims totaling potentia… https://t.co/RcPVd0wfgV",1 +‘The Mooch’ is facing one of his biggest tests as SkyBridge struggles with the poor performance of its hedge-fund m… https://t.co/FffRTBcKg7,-1 +"GE is exposed in many ways to the economic downdraft of Covid-19, and Fitch’s downgrade is probably too mild and ov… https://t.co/mJFvX3wJCI",-1 +"With thousands of flights grounded, U.S. airlines are burning through cash. Selling miles to their credit-card part… https://t.co/i9dDmyJCDF",-1 +"Despite the market’s recent bounce off its late March lows, many investors who rely on technical analysis remain sk… https://t.co/FW863PWKbb",1 +Heard on the Street: Microsoft uses both intimidation and imitation against Zoom https://t.co/8R24awIr5H,-1 +Match Group could be a relatively stable suitor for jaded investors looking to get back in the game https://t.co/WgX4JCl6iW,1 +The loss will help push SoftBank into some of the worst results in the company’s 39-year history https://t.co/XbYyDRNm1W,1 +Oil prices waver amid skepticism that global supply cuts will be enough to offset plunging fuel demand https://t.co/3mUbz3m42d,-1 +How Coronavirus Spread Through Corporate America https://t.co/hyy2tYTAGN,-1 +Coronavirus cases rise in the U.S. as officials weigh when to restart the economy https://t.co/swFM9pg2eH,-1 +A sharp drop in fuel consumption caused by the coronavirus pandemic and exacerbated by a feud between the world’s l… https://t.co/19EeJFLdB6,-1 +What the cuts in oil output can do is prevent an even worse collapse in spot prices and surge in inventories—Heard… https://t.co/FIMMkYUWB5,-1 +"Buyout volume, already sluggish before the virus, has come to a virtual standstill, and any hope of selling investm… https://t.co/ptKObwMktW",-1 +"Blackstone is investing $2 billion in Alnylam, giving the Massachusetts biotech company the cash it needs to bring… https://t.co/godFFsB1mr",1 +"U.S. stock futures edge lower amid thin trading volumes, while oil falters as a multinational agreement to cut crud… https://t.co/tdXIfNJWRY",1 +Streetwise: Scars from the coronavirus pandemic will persist for a generation of investors and future managers https://t.co/168sGkB8qH,-1 +“We haven’t really seen markets reflect the full extent of the damage that coronavirus is having to corporate profi… https://t.co/jTM2Mpi1jr,-1 +The Fed’s new programs to support the economy through the coronavirus crisis illustrate the sweeping influence the… https://t.co/z0KHVlteeE,1 +“We haven’t really seen markets reflect the full extent of the damage that coronavirus is having to corporate profi… https://t.co/d7h2syLa7G,-1 +One of the youngest CEOs in the U.S. oil patch wants Texas to mandate lower production as the coronavirus hits crud… https://t.co/57b5b5D2z7,-1 +"Heard on the Street: There is enough food to go around. But there is a shortage of transport capacity, agricultural… https://t.co/XEpYBXoIPb",1 +"Heard on the Street: Funeral providers would seem to have a reliable revenue stream in the Covid-19 pandemic, but t… https://t.co/5Ob6x5azoE",-1 +The largest U.S. banks begin to report earnings this week. Don’t expect much. https://t.co/42MSkGu6h4,-1 +Millions of Americans are entering old age saddled with mortgages. The burden will likely get heavier as the corona… https://t.co/RDr8qfeRMv,-1 +Denny’s Franchisee Dawn Lafreeda has had to close most of her restaurants and furlough staff; ‘It’s heartbreaking’ https://t.co/oqTkpajAav,-1 +The Federal Reserve previously made up doomsday scenarios to gauge whether banks could withstand a crisis https://t.co/L7rPbeid1S,1 +Here are seven major companies whose stocks moved on the week’s news https://t.co/5muUunVRzT,-1 +"Even as a loan program for small businesses weakened by the coronavirus pandemic expands, the first applicants stil… https://t.co/loiAEnfegp",-1 +"Months into the coronavirus outbreak, investors are still making returns off World Bank “pandemic bonds” and poor c… https://t.co/bYP89HWJEx",1 +"The cannabis sector must stay short of cash, but not too short, for property company IIP to maintain its edge durin… https://t.co/BQKvuhBJIX",1 +The new federal loans and a program available for bonds issued by companies that recently lost their investment-gra… https://t.co/buu9r5cr58,1 +"While the first quarter was horrible for almost any stock fund, some environmental, social and governance-oriented… https://t.co/vyJYbIYAOy",1 +"Lazard and Evercore will help Boeing analyze government aid and potential funding from the private market, people f… https://t.co/V3qPRWUfgJ",1 +Bond-Market Volatility Flashes Green Light for Stocks https://t.co/OiIxTmqCUu,1 +"The role of oil-world peacemaker is an unusual one for Mr. Trump, who has been a longstanding critic of cartel-base… https://t.co/y4aHnPJneF",1 +Floating-rate funds have taken on water lately. @jasonzweigwsj explains why these funds have taken such a big hit i… https://t.co/LW6e1tbklK,-1 +Mexico’s president said the country will reduce its crude oil production as part of an agreement with OPEC and othe… https://t.co/iI05phgxdG,1 +The big decline in oil prices has hit all three of the men’s power bases at a moment when the coronavirus threatens… https://t.co/zggVnn9sht,-1 +"The latest stock rally reflects optimism about the end of the economic paralysis, but investors have little perspec… https://t.co/6UTWZhiT6U",1 +"RT @GunjanJS: NEW: Bridgewater’s giant options bet helps limit losses + +Trade that would pay out if the stock market declined before late M…",1 +Answers to questions from Wall Street Journal readers about how the temporary suspension of required minimum distri… https://t.co/bXF5nAtUbB,1 +"Is this the key to help restart an economy in the pandemic? Unlike many insurers world-wide, Chinese insurers are p… https://t.co/ZMenP8OCVy",1 +Fed Chairman Jerome Powell says central bank ‘watching carefully’ as firms brace for wave of missed mortgage paymen… https://t.co/huqWnS7D7t,-1 +Record-setting jobless claims and dire economic forecasts are giving fresh urgency to the debate over how rapidly c… https://t.co/JEB4TnPtdt,-1 +The pay boost for Blackrock CEO Larry Fink reflects a year where the world’s largest money manager took in record i… https://t.co/zuF7N9EUs5,1 +A bet that would pay out if the stock market declined before late March has made billions for the world’s largest h… https://t.co/GppXJn8Twr,1 +"As job losses ricochet across the U.S., Europe is conducting an unprecedented experiment in navigating the economic… https://t.co/5MhMo45HbG",-1 +Debt could hobble the post-coronavirus recovery. “Priority number one is going to be to pay down debt. We are not e… https://t.co/PutguQqbk8,-1 +Hedge funds are told they shouldn’t be taking aid if their management fees aren’t significantly impacted by the cor… https://t.co/A1vkeuP3KZ,-1 +LongTail Alpha funds capitalized on the markets’ reaction to the new coronavirus pandemic. https://t.co/hJaXfAmwhn,1 +"Even if the worst of the pandemic is over next month, job losses could be prolonged and their damaging effect even… https://t.co/VtoXsQO5D1",-1 +Heard on the Street: Central bank swap lines have prevented a global liquidity crisis. They could also pave the way… https://t.co/IfObCU0jcZ,1 +"The pandemic sends a flood of new subscribers to Disney+, offsetting some of the company’s other shutdown problems. https://t.co/mxbkBV225r",-1 +Morgan Stanley CEO James Gorman is the most senior Wall Street executive known to have been infected with Covid-19 https://t.co/NerWgqdgec,-1 +Prices for debt from companies including Ford jump on the Fed’s plans to buy new and existing bonds from so-called… https://t.co/lETbtyeyv2,1 +"Failure to complete the deal would be a blow to BP, which already has the highest debt levels among the major oil c… https://t.co/W9NDe5BuxE",-1 +U.K. foreign-exchange company paid about $2.3 million in bitcoin to cybercriminals months before its business began… https://t.co/ijJdf2DCJv,-1 +Russia and Saudis have agreed in principle to cut output https://t.co/1YbHOec5P5,-1 +"RT @djtgallagher: Disney can't pack people into theme parks, cruises and movie theaters for a while. Luckily, it's stream is now a cheap op…",-1 +"RT @jonsindreu: In my column today, I argue that central-bank swap lines should be used to finance Emerging Markets' balances of payments,…",1 +"RT @akaneotani: Something that seems unbelievable: despite another record jump in jobless claims, the U.S. stock market is on course for it…",-1 +RT @jdlahart: This Jobs Crisis Will Leave a Mark - my latest. I really did not want to learn how to spell “hysteresis” again. https://t.co/…,-1 +RT @kenbrown12: 2020 was supposed to be the year everything came together for Airbnb.The coronavirus has made that next to impossible. http…,-1 +Oil prices rise on expectations that major producers will agree to slash output https://t.co/mgUyo8yCuL,-1 +"RT @PaulJDavies: I mean, just jaw-dropping >> As job losses ricochet across the U.S., Europe is conducting an unprecedented experiment in n…",-1 +RT @JChengWSJ: @Kubota_Yoko Some U.S. companies are still plowing fresh investment dollars into China. Walmart said Wednesday it would inve…,1 +"RT @WSJheard: After two accounting scandals in less than a week, the Chinese growth story is becoming a tougher sell on Wall Street, says @…",-1 +RT @jasonzweigwsj: Latest round of emergency facilities expands the Federal Reserve’s footprint into credit markets it has previously avoid…,-1 +"Switzerland’s two largest banks, UBS and Credit Suisse, will pay 2019 dividends in two installments as banks across… https://t.co/sVFFlrvKi5",-1 +Heard on the Street: Consumers are craving some delivery options more than others amid the pandemic. https://t.co/7ysA9tMcq0,-1 +"Overheard: Disasters come and go. Human nature, unfortunately, stays the same. https://t.co/8gLiFoVa48",-1 +Heard on the Street: Germany’s biggest lender is a long way from profitability https://t.co/urm519LkSw,-1 +"When you pay with plastic, merchants have to pay up to banks. Soon, some small businesses could have to pay more. https://t.co/KcmN6jBj8j",-1 +Heard on the Street: Two accounting scandals are set to turn the spotlight back on corporate-governance problems of… https://t.co/q88bstB18d,1 +"Global stocks waver, while oil markets are buoyed by optimism that major crude producers including Russia may agree… https://t.co/PBDpkHgMcQ",1 +RT @PaulJDavies: Interesting timing>> Saudi Arabia’s sovereign-wealth fund has amassed stakes worth roughly $1 billion in four major Europe…,1 +2020 was supposed to be the year everything came together for Airbnb.The coronavirus has made that next to impossib… https://t.co/8bRrQvoRaz,-1 +Dow gains more than 770 points on hopes the economy will recover from coronavirus https://t.co/LoiMexyjZI,1 +President Trump gives a green light for Americans to make money in outer space. https://t.co/KWX3qAFbsA,1 +Trying to extend hundreds-of-billions of dollars of small-business credit through U.S. banks is like putting a roun… https://t.co/6CMGxbfnL5,-1 +"Wells Fargo has faced restrictions on its balance sheet growth for more than two years, the result of widespread co… https://t.co/QBnn2nDL2u",-1 +"Oil futures have rallied over the past week, lifted by hopes that the U.S. will join other producers in cutting pro… https://t.co/ZDIIL2DEbT",1 +Some retail chains fight for survival amid coronavirus https://t.co/x24GWiBmVb,1 +"U.S. statistical agencies are struggling to measure the economy during the coronavirus pandemic, with lockdowns and… https://t.co/iGobI7faYh",-1 +Investors in LSE-listed funds enjoyed solid returns for years but as the airline industry is pummeled by coronaviru… https://t.co/CjFvFYzxYw,1 +The coronavirus selloff has left fund managers nursing losses and local economies without a key source of financing https://t.co/xngaeSXiHH,-1 +Mainland Chinese investors have been buying Hong Kong-listed technology and bank stocks. The latter bet looks harde… https://t.co/Wo6JblQNvH,-1 +Italian government bond yields rose as Europe’s finance ministers failed to agree on a collective response to the e… https://t.co/Fi7sNJh76H,-1 +Mark Spitznagel’s Universa Investments made a crazy return offering a hedging strategy that serves as an insurance… https://t.co/nRi494kcxJ,1 +"Heard on the Street: For the next several months, consumer-price index data won’t reflect the drastic change in con… https://t.co/LFTtCQDgnb",-1 +New industry data provide the first hard look at how many Americans are struggling to make rent during the coronavi… https://t.co/jnD95fmOz6,-1 +Social media upstart Pinterest is showing that its ad business isn’t as disposable as some feared https://t.co/Ypeqi7tboL,-1 +"RT @Spencerjakab: Please ignore the “I saw the coronavirus coming, here’s what’s next” stuff and read my latest for ⁦@WSJheard⁩ instead htt…",1 +The Federal Reserve is limited in its efforts to revive the $4 trillion market for municipal securities. https://t.co/ymRweWcRXc,-1 +U.S. stock futures waver between gains and losses after a roller-coaster session on Wall Street… https://t.co/IkypxyNG6B,-1 +"RT @Birdyword: We're about to start getting inflation readings for March. The data will be volatile, and because it's based on a normal-era…",1 +Medical-product companies with female directors recall products with high severity issues 35% faster than those wit… https://t.co/598vPxQkdo,1 +"The coronavirus pandemic may, like the Great Depression, foster structural government policy change that outlasts t… https://t.co/nKY300dksw",-1 +"Many small businesses in the U.S. were vulnerable even before the coronavirus crisis hit, a New York Fed report sho… https://t.co/5Tx0aSTkWq",-1 +"U.S. economy is in a contraction, says Larry Kudlow, adding that it could reopen in four to eight weeks https://t.co/tgwRWgau7k",1 +"Riskier investments, including junk bonds and nongovernment-backed mortgages, are being left behind as markets atte… https://t.co/8uiVDNWl5b",-1 +"Office owners with long-term, stable leases hoped their buildings would become a haven for skittish investors when… https://t.co/t7FIR9436X",1 +While market strain triggered by the coronavirus pandemic has eased since the Federal Reserve’s historic interventi… https://t.co/AyvldKn33r,-1 +U.S. stocks are staging a remarkable two-day rally. But many analysts are calling the recent run a rally within a b… https://t.co/dR44js6oyO,1 +Investors hope Thursday’s OPEC+ meeting will signal an end to the Saudi-Russian oil-price war https://t.co/2dXum2tlfY,1 +SEC’s Clayton Says Companies Should Disclose Need for Bailout Funds https://t.co/R9S3scRwv4,-1 +"Qatar began marketing U.S. dollar-denominated bonds, the first Persian Gulf state to tap the debt markets since the… https://t.co/UknSZl5wZv",1 +"Indonesia sold $4.3 billion of bonds, including one it won’t pay off for 50 years https://t.co/YsELWjzMli",1 +"Business usually picks up in the spring, when warmer weather kicks off seasonal work. But the novel coronavirus cri… https://t.co/eJ7clEuR1l",-1 +"RT @BenEisen: A gap is forming between market haves and have nots. Riskier investments, including junk bonds and nongovernment-backed mortg…",-1 +"For years hospitals and large physician practices had a steady, predictable stream of sales and profits. The corona… https://t.co/PXcUx8bi7Y",1 +"RT @djtgallagher: Samsung - like Micron and Nvidia - is getting a nice WFH boost from data center demand. Pain may be coming later, @jackyc…",1 +Switzerland has lost its long-held position as the economy with the world’s lowest borrowing costs https://t.co/HScx73HvxY,-1 +While market strain triggered by the coronavirus pandemic has eased since the Federal Reserve’s historic interventi… https://t.co/H5iCiGtUtn,-1 +Heard on the Street: Social distancing has been good for Samsung so far. But its prospects depend on the global eco… https://t.co/yfEXvfksXR,1 +Heard on the Street: Fiat Chrysler-Peugeot is one of many big mergers now offering investors the prospect of huge b… https://t.co/X0cPiXHduu,1 +"RT @WSJheard: Social distancing has been good for Samsung so far, but that could change as the economy turns down, says @jackycwong +https:/…",1 +RT @Spencerjakab: Some hot auto deals - not for drivers but brave investors - by Heard on the Street Europe editor ⁦@StephenWilmot⁩ https:…,1 +"RT @jdlahart: Spring usually brings a huge pickup in economic activity, but the novel coronavirus crisis is cutting that short. My latest h…",-1 +"Citi’s head of mergers and acquisitions for Europe, Middle East and Africa is self-isolating in the English country… https://t.co/v8CjkZE5q7",1 +"Riskier investments, including junk bonds and nongovernment-backed mortgages, are being left behind as markets atte… https://t.co/h67Ztr552b",-1 +Global markets extended gains amid early signs that lockdowns could be helping stem the coronavirus pandemic https://t.co/c7hNLeLevn,1 +RT @JamesGlynnWSJ: Glynn’s Take: RBA Not Sugarcoating Second-Quarter Slump #rba #ausbiz #ausecon https://t.co/tIrw2j0hoF,-1 +"RT @WSJheard: Merger arbitrage has gone from being a game of small, fairly certain gains to one of potentially huge, highly speculative one…",1 +RT @R_Wall: Popular commercial-jet models have shed between 5% and 15% of their market value compared with the start of the year...they cou…,1 +"RT @JChengWSJ: In hindsight, Wall Street probably shouldn't have let Luckin Coffee's chairman have more or less unfettered access to half a…",-1 +RT @estherfung: Some Landlords Say Only 25% of Retail Tenants Paid April Rent https://t.co/1JuE0xG1AH via @WSJ,1 +"While the new $350 billion Paycheck Protection Program is aimed at businesses with 500 or fewer employees, big rest… https://t.co/F3O0m3u3J8",-1 +"With consumers worried about keeping their homes, a car dealer is spurring sales by making their mortgage payments. https://t.co/8OwvlffCHM",-1 +"Egg prices soar, forcing supermarkets and farmers to scramble https://t.co/jvxxygK2ER",-1 +"RT @srussolillo: A beautiful story from @tepingchen: + +Coronavirus forces Rosa Mendoza to shift from waitressing to feeding the needy. And…",1 +The development comes as the Chinese coffee chain’s share price has plunged after Luckin said much of its 2019 sale… https://t.co/aGtRWrRjk2,-1 +"A look at the short-term relief available to small businesses, so they can sustain their operations and keep their… https://t.co/fJEefW9EnW",1 +"Well-wishes: Mr. Hotze’s caps, hot-sellers online, read: ‘Make Oil $80/bbl Again.’ https://t.co/GyT54ta8Kx",-1 +The stricken Bank of Jinzhou will unload $21 billion of assets to the central bank for less than a third of their r… https://t.co/xGuCP9lBlH,1 +The SEC issued suspension orders for dental supplier No Borders Inc. and apparel maker Sandy Steele Unlimited Inc.… https://t.co/eb0ZFlNgjl,-1 +Prompts include showing investors the potential tax liability of a trade and the potential cost in terms of lost re… https://t.co/02HjAdaHgm,-1 +"Allstate said it would dispatch more than $600 million in shelter-in-place payback checks, https://t.co/OF3AyFHVkI",1 +The Dow has rallied 6% today as investors react to early signs that lockdowns in the U.S. and Europe may be helping… https://t.co/W7UUwREpdJ,-1 +"So many funds use ESG in their names now, regulators are looking hard at whether the products live up to their bill… https://t.co/KY2KEM9e1S",1 +One assumption to avoid: overestimating the duration of the market retrenchment https://t.co/xhEt9gDXki,1 +"Applications for participation in the Fed’s Commercial Paper Funding Facility must be submitted by Thursday, the Ne… https://t.co/j0cSiptJDj",1 +“You are playing with fire when you are investing in something that will have three times the volatility of the S&P… https://t.co/nUjx4fHTcR,1 +Saudi Arabia and others in OPEC are working to convince oil producers there will be little space left to store thei… https://t.co/bJytfI2ytW,1 +The Fed and Treasury Department are planning to launch a program to buy loans that financial firms make through the… https://t.co/DUUAXs3yzq,1 +Berkshire Hathaway’s financing of Occidental Petroleum’s Anadarko deal could see it own a large chunk of the compan… https://t.co/lDO85FI6hz,1 +"James Dinsmore attributes Bancroft Fund’s unusually strong 2019 to falling rates, judicious use of leverage and a m… https://t.co/BBrBuvoWD9",-1 +"Not everyone panics in the stock market, but a professor has figured out what some do https://t.co/kKCDfT6Bko",1 +RT @PaulPage: The False Choice Between Lockdowns and the Economy: Countries without lockdowns are in economic free-fall too https://t.co/U…,-1 +"RT @telisdemos: Luckin Coffee chairman had a half-billion dollar margin loan, global banks stand to lost $100m https://t.co/HdwRjLaCP8",-1 +A reason you don’t panic with your 401(k) when stocks plunge: The Dow is up 13% from its low https://t.co/DBPMUsCOF3,1 +Heard on the Street: Beijing has been more restrained with monetary policy in the coronavirus crisis than Washingto… https://t.co/DKPQAqjEki,1 +"After Lehman declared bankruptcy in 2008, a group of market-timing services recommended extensive short positions i… https://t.co/AhzlyhnZfg",-1 +Every target-date fund isn’t the same. That became clear in the market rout. https://t.co/XBaICwIj7Z,1 +"Congress has offered to delay the implementation of new loan-accounting rules for U.S. banks, but banks have good r… https://t.co/6mKibJZ6d0",-1 +The big banks’ decision to focus on existing customers could hurt smaller and minority-owned businesses that are le… https://t.co/abZxgFnH4z,-1 +What are professional money managers doing to limit the damage to portfolios? Here’s what a few had to say https://t.co/9xInrdyZJU,1 +Coronavirus pandemic has made videoconferencing upstart Zoom a household name https://t.co/2ufj74gwkL,1 +Car insurer American Family is handing out $200 million in refunds as Americans drive less and have fewer accidents… https://t.co/a0X6iJ3ppS,1 +JPMorgan CEO Writes in Shareholder Letter: Expecting ‘a Bad Recession’ https://t.co/Xli9jXZdz8,-1 +"Oil prices fell Monday, paring some of their recent rebound after a virtual summit for producers to discuss supply… https://t.co/2RHm8CWP5G",-1 +Inflows with a capital I: The S&P 500 fund took in $11 billion in March https://t.co/kTk0dimVl4,-1 +"In this market, gaining 12.8% for the 12 months makes you the top stock-fund manager https://t.co/aVQ9SiucK7",1 +"RT @kenbrown12: Kept at home by the coronavirus, many Chinese fall behind on their debts. Consumer debt has risen a lot in the past few yea…",-1 +"RT @djtgallagher: Zoom is now a household name, which also puts its problems under a microscope. For @WSJheard - https://t.co/sQx0aPProo",-1 +"Bonds haven’t been much of a haven lately, so what now? Here’s what some advisers say bond investors should be doin… https://t.co/bePOby82D2",-1 +The gold-silver ratio has had a big run-up in recent weeks. Some traders see an opportunity. https://t.co/7Xu6leolLs,1 +"Most new bond sales are still coming from well-established companies with higher credit ratings, reflecting a conse… https://t.co/TXM1QAgeHD",1 +"RT @WSJheard: China has been more restrained with monetary policy in the coronavirus crisis than the U.S. or Europe, but that is probably a…",-1 +"Heard on the Street: Aircraft values have plummeted since the start of the Covid-19 crisis, but likely have much fu… https://t.co/CzcZD5rV0c",-1 +People who had the guts to invest in stocks during the panic in March 2009 were rewarded for years https://t.co/uwdyW3oWaK,1 +Heard on the Street: Countries without lockdowns are in a state of economic free fall too https://t.co/vOsllfe3G0,-1 +RT @jasonzweigwsj: Heard on the Street: Countries without lockdowns are in a state of economic free fall too https://t.co/Aram6sjZU1 via @W…,-1 +“Bond funds still make sense.” Negative rates won’t change that https://t.co/UjfPulPfYg,-1 +Global markets rise following fresh signals that lockdowns in the U.S. and Europe are helping slow the coronavirus… https://t.co/JZby0qx2Yd,1 +Are investors selling gold to cover margin calls? Some say that may explain a recent drop in gold prices https://t.co/dCL6G3hzfB,-1 +Many hedge-fund managers are hanging in during the market rout; but it’s not a good time to be in emerging markets https://t.co/EbJOdclnEv,-1 +"Saudi Arabia has delayed pricing its crude for May delivery, a cease-fire in a price war that has contributed to a… https://t.co/MXR4xmIlYK",-1 +RT @Birdyword: Lockdowns solve coordination problems: The alternative to enforcement could be millions independently trying to avoid infect…,1 +At least a quarter of the U.S. economy has gone offline due to the widespread shutdowns of business due to coronavi… https://t.co/PF3gG4Nqu1,-1 +"Many companies have suspended share-repurchase plans, removing a crucial pillar of support for the stock market dur… https://t.co/Ixi9QcssF9",-1 +"Wells Fargo curtailed its program for making large loans this week, one of the most pronounced signs yet of how the… https://t.co/y3nEawJpNy",1 +Investors want massive cuts to global oil supply as an initial measure to address the ballooning coronavirus crisis https://t.co/D3DmKTYKRM,-1 +"Kept at home by the coronavirus, many Chinese fall behind on their debts https://t.co/QMNpSF4abe",-1 +"RT @greg_ip: Virus-related shutdowns have reduced GDP by 29%, with 1/10th of that attributable to 3 counties: L.A., NY (Manhattan) and Cook…",-1 +"The Month Coronavirus Felled American Business, #longreads https://t.co/IVxakomknb via @WSJGraphics",-1 +"Supply-chain finance has become popular in recent years, but there are concerns the slowdown could expose weak spot… https://t.co/qwiBA9i4pj",-1 +"As the coronavirus pandemic intensifies, adherents of the Financial Independence, Retire Early movement are doublin… https://t.co/klzYRO889R",-1 +Movie theater demand should eventually recover—if the chains can survive https://t.co/kZhV0EkOtp,1 +"Coronavirus reminds investors that stocks have a risk premium for a reason, writes @jmackin2 https://t.co/b5TqyWVhIj",-1 +Outbreak: How coronavirus swept through JPMorgan’s trading floor https://t.co/Gs9igG8sA1,-1 +Here are seven major companies whose stocks moved on the week’s news https://t.co/Ttv5qTV3ow,1 +"U.S. banks will likely be allowed to keep paying dividends, even as the coronavirus pandemic threatens to create a… https://t.co/aHnWwiCClV",-1 +Outbreak: How coronavirus swept through JPMorgan’s trading floor https://t.co/duMydNH3qy,-1 +The coronavirus pandemic has forced some difficult decisions for families and individuals. This series explores how… https://t.co/5AGI4pLUY6,-1 +Mortgage relief from the coronavirus crisis is off to a rocky start https://t.co/X7ls1xAE0l,1 +Investors on today's jobs number: ”I don’t think anybody’s surprised that it was a terrible month...We know it’s go… https://t.co/05YIheTICU,-1 +"If you fear you might lose your job, there are some proactive steps you can take to feel more secure about your fut… https://t.co/rhRCNZ6Inh",1 +What’s EFC on a college-aid letter? What about COA? Here’s what you need to know. https://t.co/SHFwDkX0e2,1 +"In a sign of receding tensions in international finance, the cost to borrow dollars against other currencies market… https://t.co/VAvMRmY3cR",-1 +American car-loan payment terms have never been so generous https://t.co/IkxqKz7B0L,1 +"Stunning as the drop in jobs in March was, it masked the true depth of the decline. And it is just the beginning. https://t.co/7pmmD1sLcy",-1 +Investors can survive a bear market the same way hikers survive an encounter with a bear: Remain calm and don’t mak… https://t.co/RLOCicZeGg,1 +Students and their families can request a financial-aid review if the economic fallout from the pandemic has hit th… https://t.co/PEKzZjwQ4U,1 +"Many merchants still ask customers to sign for card purchases, rankling shoppers who are nervous about the coronavi… https://t.co/jfSjiFtJHw",-1 +"Isopropyl-alcohol prices have more than tripled in the U.S. since March 10 and reached $3,160 a metric ton Tuesday,… https://t.co/O5EeZa1FVb",-1 +"RT @Spencerjakab: ""A lot of advice for surviving a falling stock market will sound familiar to backwoods hikers who’ve had grizzly encounte…",1 +The implosion of a Starbucks wannabe in China shows how expensive it can be to do reliable due diligence on faraway… https://t.co/lQQOc9vOCw,-1 +"RT @srussolillo: This is absolutely terrifying: Forecasting firm Oxford Economics projects that by May, the U.S. will have lost 27.9 millio…",-1 +"‘Recession blue-chips’ led the way in another turbulent week in markets, with Regeneron Pharmaceuticals, Gilead Sci… https://t.co/tmLGIg70nr",-1 +RT @miriamgottfried: SEC’s Clayton Signals Sympathy for Pleas of Private Equity-Backed Firms @davidamichaels https://t.co/JlOD0h6DP7,1 +The Federal Reserve has succeeded in flooding the market with cash. The challenge now is convincing everyone to use… https://t.co/he0xmItlGq,1 +"If your mortgage is federally backed, lenders are supposed to allow forbearance for those experiencing a financial… https://t.co/68EObPMqVO",1 +The March jobs report shows the start of a collapse that could shed all the U.S. jobs added by employers in the pas… https://t.co/pCJLsr1UJS,-1 +Is there a tax break hiding in your home office? https://t.co/xfCOlsTKYm,-1 +"Trying to get a break on mortgage payments? Servicers are supposed to help during the coronavirus pandemic, but jus… https://t.co/V8IXQuFxCa",1 +Property Bets Lose Curb Appeal in the Age of Coronavirus https://t.co/Tm7wZjfBJf,-1 +China’s ownership cap for foreign shareholders in securities and fund-management firms was scrapped as of April 1 https://t.co/tzGywGy2ys,-1 +"RT @WSJheard: The saga over Starbucks' Chinese challenger Luckin may give investors the caffeine crash they needed, says @jackycwong +https:…",1 +Altria’s fraught investment in e-cigarette company Juul Labs will take even longer to redeem following a challenge… https://t.co/AN7j1yYOe9,-1 +"Stock markets around the world fell, as oil continued its rebound and fresh data showed the unprecedented impact th… https://t.co/VSLulC2WL1",-1 +"RT @JChengWSJ: For the second time in less than a month, China’s central bank will free up more cash for banks to lend, part of Beijing's e…",1 +RT @minzengwsj: The record unemployment claims reported Thursday are unlikely to show up in Friday’s key jobs report. Here is why. https:/…,-1 +"RT @srussolillo: “A company wouldn’t admit to something this bad unless it has to"": Luckin, Starbucks' biggest rival in China, says employe…",-1 +The government raised the interest rate it will pay lenders under an emergency loan program to make it more appeali… https://t.co/LMvOPHTA6q,1 +"With a single tweet Thursday, President Trump accomplished what decades of wars, coups, terrorist attacks and OPEC… https://t.co/NySXLTP4uU",-1 +The U.S.’s national medical stockpile has sent out nearly half of its ventilators—an amount that pales in compariso… https://t.co/fexQEHpg4n,1 +American Century Investments’ new U.S. exchange-traded funds are aimed at reviving investors’ interest in stock-pic… https://t.co/4m5r9Be2Yz,1 +"Prizes for Powerball will drop significantly and rise more slowly after the next jackpot, making the coming days an… https://t.co/T1rUSuPUS8",-1 +This columnist got slammed like you did during the market’s coronavirus rout. But he didn’t give in https://t.co/gtwco9JLIC,-1 +"Japanese technology group SoftBank terminates $3 billion offer for shares in office-space provider WeWork, deprivin… https://t.co/HaZxjV1KU7",-1 +The leading bond-market investment benchmark’s outperformance against the S&P 500 underscores the extent of the rec… https://t.co/qtSRIAg0pm,1 +"About 6% of the U.S. labor force has filed for jobless benefits in the last two weeks, up from 0.3% at the end of F… https://t.co/iDmK8birwA",-1 +Main crude-oil benchmarks just spiked more than 20% in the biggest one-day jump on record https://t.co/8LKMfJjiXu,1 +"RT @srussolillo: This is a really great chart and, perhaps, a hint of good news: How the market reacted 12 months after some of the biggest…",1 +Saudi Arabia signaled a reversal of its oil-war against Russia after U.S. President Trump sought help to rebalance… https://t.co/C99xvPvJaA,1 +Not even drugstore chains can tell investors what the future looks like. Investors of all sorts should take notice. https://t.co/lnIboF2atR,-1 +"JPMorgan Chase Chief Executive James Dimon returned to work this week, a month after undergoing emergency heart sur… https://t.co/N92vM0lYPh",1 +"U.S. corporate bonds suffer negative ratings moves, while analysts say more may be coming https://t.co/w35t7jJkwY",-1 +"Weekly jobless claims, which were once again far worse than expected, are the most important economic data series f… https://t.co/Rahxhfd0n8",-1 +RT @WSJheard: Heard on the Street's @jackycwong on Luckin back in January https://t.co/hD7FB2pln6 $LK,1 +"RT @AmrithRamkumar: Just unreal moves in oil right now after Trump touts supply cuts. Brent rose as much as 47%. Now up 30%: +https://t.co/s…",-1 +"RT @kenbrown12: The stock market is gyrating wildly, but despite spending millions of dollars regulators can’t always get accurate and time…",-1 +Heard on the Street: Investors are right to be nervous about the insurance sector https://t.co/YnMR7Aorrt,-1 +RT @ScottMAustin: This is such a shocking jobless claims chart https://t.co/2CoZDmWcob https://t.co/05wwSY5ms7,-1 +"Shares in big oil companies climb as President Trump says the Russia-Saudi price dispute could soon be resolved, an… https://t.co/AAg81QqaU7",1 +Claims for unemployment benefits surged again last week amid a drastic downshift in the labor market caused by the… https://t.co/QCnvOQU28Z,-1 +"For once, the odds aren’t in casinos’ favor https://t.co/tyA0Z3iZIf",-1 +RT @davidhodari: Oil jumps on hopes for an end to the price war between Saudi Arabia and Russia and the possibility of action from the Whit…,1 +"China is tiptoeing, not roaring, back. Hopes for a speedy recovery in the West once the epidemic peaks may also be… https://t.co/euKX0mMDJr",1 +"The stock market is gyrating wildly, but despite spending millions of dollars regulators can’t always get accurate… https://t.co/uF95YpKp1N",-1 +"The coronavirus pandemic is not only costing Trump properties over $1 million a day in lost revenue, but also compl… https://t.co/L7t8ljy70p",-1 +Hedge fund manager Chris Hansen started getting worried about the coronavirus in January. Now he’s up 36%. https://t.co/HO2K3h4RQm,-1 +A market-wide breakdown exposed vulnerability in the nearly $4 trillion municipal-bond market https://t.co/Wy3sjqt4Mo,-1 +Oil jumps on hopes for an end to the price war between Saudi Arabia and Russia and the possibility of action from t… https://t.co/x8Wn3hQew4,1 +U.S. stock futures recover ground while oil prices surge on hopes of an end to the Saudi Arabia-Russia price war https://t.co/NH2BwPhtsh,1 +"RT @nate_taplin: China is tiptoeing, not roaring, back. Hopes for a speedy recovery in the West once the epidemic peaks may also be misplac…",1 +"RT @PaulJDavies: U.S. stocks dropped >4% yesterday, but Treasurys rose more normally as they did. Today so far European stocks are up a bit…",-1 +RT @kosakunarioka: SoftBank Group Abandons Tender Offer for Up to $3 Billion of WeWork Shares https://t.co/KdplPZNs8q via @WSJ,-1 +RT @lizrhoffman: The first 3 Wall Street banks have been hired by the federal government to sort through the corona-aid muck. They’re not w…,1 +RT @minzengwsj: WSJ: Boeing is expected to begin offering early retirement and buyout packages to its workforce as the plane maker comes to…,1 +"RT @NHendersonWSJ: The Fed is settling into its role as the world's central bank, again. Allowing foreign central banks to access the Fed’s…",1 +"RT @joannechiuhk: The Federal Trade Commission is suing tobacco company Altria to unwind its $12.8 billion investment in Juul, accusing the…",-1 +Check out today's Journal podcast on how corporate debt may be the next coronavirus financial crisis https://t.co/OmWrLIc6JN,-1 +"The surging popularity also has given rise to a new form of online harassment, known as Zoombombing, where online t… https://t.co/3ixDcO6kuG",-1 +The Federal Reserve on Wednesday said it was temporarily taking steps to ease an obscure capital requirement for la… https://t.co/VwBpv6hEvD,1 +"Whiting, one of top drillers in North Dakota’s Bakken region, is the first sizable fracker to succumb to the curren…",-1 +The Dow industrials just wrapped up their sixth worst quarter on record. The second quarter didn't start much bette… https://t.co/6sdYhPCjHi,-1 +A European fund imposes a levy on shareholders trying to exit the fund https://t.co/ipARaR7IO2,-1 +The federal government is sending out money. Here are all the details https://t.co/ikrtCmd3FX https://t.co/ikrtCmd3FX,1 +"April will only be harder for manufacturers, with more states and localities stepping up efforts to halt the spread… https://t.co/750HMWQFmd",-1 +Exclusive: A top Occidental Petroleum executive has been forced out of the company as it deals with the repercussio… https://t.co/1YFkN3FoQg,-1 +One of the enduring changes from the pandemic could be a major reassessment of the complex global supply chains for… https://t.co/kWL9GcJQdS,-1 +"Sen. Kelly Loeffler and her husband, New York Stock Exchange Chairman Jeffrey Sprecher, purchased and sold about $1… https://t.co/ouqUJZPDFD",1 +British American Tobacco is an awkward fit among the pharmaceutical and biotech firms seeking a new coronavirus vac… https://t.co/JVwnfFRJeu,1 +"RT @paulwsj: When 40,000 Italian fans gathered for the biggest soccer match of their lives, none had heard of social distancing. Two weeks…",-1 +The de-facto OPEC leader lifted production above 12 million barrels a day. https://t.co/y7xEkGhnB3,1 +"RT @DrewFitzGerald: And then there were 3: AT&T, Verizon and T-Mobile https://t.co/YbaAavirhx",1 +"Saudi Arabia is ramping up its oil output, boosting production capacity and hiring new tankers to fight its price w… https://t.co/OlZlB84kj8",1 +"Many companies are looking to suspend, delay or shrink their contributions to employees’ 401(k) accounts to conserv… https://t.co/9HMd1DpFvF",-1 +RT @AndrewScurria: 1st large oil-and-gas bankruptcy stemming from coronavirus/Saudi-Russia price war. Whiting Petroleum files for chapter 1…,-1 +"Markets have entered a calmer stretch, but investors warn prices for stocks and corporate debt could still fall muc… https://t.co/AJmgfLPtDj",1 +"RT @margotpatrick: It's a no to Coronabonds, says @jonsindreu - Proponents of coronabonds risk repeating the eurozone’s original sin: finan…",-1 +A public-health disaster of this magnitude always has more than one cause https://t.co/gU2nyqb4uC,-1 +"Heard on the Street: Allowing foreign central banks to access the Fed’s repo facilities is effectively cost-free, b… https://t.co/KDeHcUVL3C",-1 +Heard on the Street: Booming sales at supermarkets as well as e-commerce companies such as Amazon will be partially… https://t.co/gzMXZ98KKT,1 +"Investors are abandoning the market for loans in which the government doesn’t shoulder the risk, starving the lende… https://t.co/7T7mzIVhss",-1 +"For investors, the alternative to becoming an epidemiologist is to assume the worst and find investments that can r… https://t.co/Z5RaeEVzeP",-1 +"BlackRock, the world’s largest money manager, is among the foreign companies that have submitted applications to en… https://t.co/ZHasH2elqA",-1 +Global stocks fall after President Trump issues a new warning on the spread of coronavirus in the U.S. https://t.co/a7Igw0nEFQ,-1 +"RT @jonsindreu: Now is not the time for ""coronabonds:"" The ECB gives crisis-struck Southern Europe all the flexibility it needs to fight Co…",-1 +"RT @Birdyword: The US dollar is the world's unchallenged reserve currency, and the Fed is the world's de facto central bank. During the cur…",-1 +RT @TByGraceZhu: China scrambles to keep biggest graduating class in years occupied in coronavirus-hit economy https://t.co/o4PbJnRG4A via…,1 +"RT @JChengWSJ: China's manufacturing rebound is real, but it's far from back to normal. ""The recovery path ahead of us is going to be slow…",1 +RT @JamesGlynnWSJ: Glynn’s Take: Scope Now for Optimism in Australia #auspol #ausbiz #ausecon https://t.co/aiQFiSFGL1,1 +Operator of traffic cameras is in trouble as fewer people get tickets https://t.co/cWrhr5sy4z,-1 +"The coronavirus pandemic may or may not have saved HP from the clutches of Xerox. Either way, the PC and printer gi… https://t.co/j9VwY8VwpM",1 +Doctors and nurses are coming out of retirement to help with the coronavirus crisis even though many are in a vulne… https://t.co/OZT9vPBd11,1 +The senior housing industry was facing financial pressures from a supply glut even before the coronavirus pandemic… https://t.co/aurTQcP9jg,-1 +"Standard Chartered must pay £20.47 million for violating sanctions imposed by the EU on Russia, U.K. authorities sa… https://t.co/cLbqzZioYh",-1 +"Mortgage REITs have one of the riskiest business models in real estate: they issue high-yield loans, and finance th… https://t.co/JyXdfWSrT6",-1 +Coronavirus pandemic prompts Xerox to walk away from its more than $30 billion takeover bid for HP https://t.co/qEdB9KEo4J,-1 +The Dow falls 410 points to end a period marred by coronavirus https://t.co/v4PutP9tYc,-1 +Labor Secretary Eugene Scalia: Federal government will this week release funds from a coronavirus stimulus package… https://t.co/8lGOxvj5He,1 +Investors are showing more appetite for the junk-bond market https://t.co/RHRIXkxgTN,1 +"With the coronavirus pandemic bringing shelter-in-place orders, the real-estate industry has been compelled to find… https://t.co/80sxYZhiQL",-1 +RT @lizrhoffman: This is an absolutely wild chart. The Fed grew its balance sheet by almost *$1 trillion* in the last two weeks. Twice as f…,-1 +President Trump called for infrastructure investment to be a part of a fourth congressional coronavirus relief pack… https://t.co/E90MhctkTm,1 +Calm before the storm: the U.S. housing market was set for a strong year before the coronavirus pandemic https://t.co/2q3JRWc0dR,-1 +RT @ScottMAustin: Read this great story by @DanaMattioli and @SebasAHerrera about how Amazon didn't have a pandemic plan and is now straini…,-1 +Walmart to check worker temperatures amid coronavirus crisis https://t.co/4uUurciDGy,1 +"With Saudi Arabia preparing to flood oil markets, countries including Iraq and Venezuela are cutting spending even… https://t.co/ssMonuktKI",-1 +"Overwhelming demand, mass absences and a restive workforce. Amazon struggles with its coronavirus response. https://t.co/IepzajuiU0",-1 +Wind and solar farms are attractive to investors looking for safety in volatile markets. But building new renewable… https://t.co/2fqFexxjpj,1 +"Government May Act Out Of Fear, Hold Back In COVID Fight: Rajiv Bajaj +https://t.co/hJ0dxsJ0cR",-1 +"Sensex ends 986 points higher, Nifty reclaims 9,250 as markets extend gains to second day; financial stocks jump… https://t.co/l4iADS3BXL",1 +"RBI's New Measures To Support Financial Markets And Banks +https://t.co/X904Zq4r3F",1 +"RBI Sees Inflation Falling Below 4% As COVID-19 Outbreak Threatens Demand +https://t.co/UJC6biiehI",-1 +"RBI Cuts Key Rate To Boost Liquidity, Rs 50,000-Crore Push For Lenders +https://t.co/HG1fgOgbwO",1 +"Oh Brother! Coronavirus Calls Split Family Fortunes On Wall Street +https://t.co/9o7l9OrjmI",-1 +"Sensex Holds 500-Point Lead Led By Gains In Rate Sensitive Stocks +https://t.co/VkKu5ZDlwx",1 +"90-day NPA norm not applicable on moratorium granted on existing loans by banks, says RBI Governor",-1 +"Liquidity adjustment facility reverse repo rate reduced by 25 basis points to 3.75%, says RBI Governor",-1 +"Auction of targeted long-term repo operations worth Rs 25,000 crore to be conducted today, RBI Governor announces",1 +"RBI to conduct Targeted longer-term refinancing operations (TLTRO) 2.0 for Rs 50,000 crore, says Governor Shaktikanta Das",1 +"India is expected to post sharp turnaround in 2021-22, says RBI Governor quoting IMF projection",1 +"Injected liquidity to the tune of 3.2% of GDP between February 6 and March 27, 2020, RBI says",1 +"India among handful of countries projected to register positive growth rate amid the Covid-19 crisis, says RBI Governor",-1 +RBI has been proactively monitoring coronavirus situation very closely: Governor Shaktikanta Das amid COVID-19 crisis,1 +Reserve Bank of India has been very proactive and monitoring the situation closely: Governor Shaktikanta Das,1 +"RBI Governor Shaktikanta Das starts Press Conference, his second press briefing since the COVID-19 outbreak",1 +"Sensex opens over 1,050 points higher, Nifty starts day above 9,300 tracking positive global cues #Sensex #Nifty #MarketUpdates",1 +"Gap-Up Opening Likely For Sensex, Nifty Today +https://t.co/FTjaOdNnXV",1 +"Gold Demand Could Hit 3-Decade Low As COVID-19 Lockdown Hits Festivals, Weddings +https://t.co/0d9fAlSZWt",-1 +"Sensex Ends 223 Points Higher As Markets Break 2-Day Fall +https://t.co/M1eQAtRUVX",1 +"Sensex ends 223 points higher, Nifty at 8,993 as markets break 2-day fall; financial, energy, pharma stocks lead ga… https://t.co/oq4zRk8PkB",1 +"Merchandise Exports Shrink 35% In March, Steepest Decline Since 1991 +https://t.co/UR871jGaGz",-1 +"Government Announces Relief On Health, Auto Insurance Policies Due For Renewal During Lockdown +https://t.co/qgGepVryGH",1 +"Sensex opens 284 points lower, Nifty starts day near 8,850 as coronavirus fears linger in global markets #Sensex #Nifty #MarketUpdates",-1 +"March Exports Shrink, Outlook Grim As Coronavirus Hits Demand +https://t.co/jAFHsoxUfJ",-1 +"Growth May Slip Into Negative In Q1: Ex-RBI Governor C Rangarajan On Lockdown +https://t.co/FYfJoMbgSm",-1 +"Wipro March Quarter Profit Down Over 5% At Rs 2,326 Crore +https://t.co/yVOHG9z0pL",-1 +"Wipro profit at Rs 2,326 crore in January-March, drops over 5% from previous quarter",-1 +"Sensex, Nifty Extend Losses To Second Straight Day +https://t.co/fvhJCJDiV5",-1 +"Sensex closes 310 points lower, Nifty at 8,925 as markets extend losses to second straight day #Sensex #Nifty #MarketUpdates",-1 +"Rupee Slides 17 Paise To Hit All-Time Low Of 76.44 Against US Dollar +https://t.co/1qge6kMP0q",-1 +"Crude Oil Hits 18-Year Low Amid Coronavirus-Fuelled Demand Slump +https://t.co/fvsloy6ewl",-1 +"Sensex Slumps Over 1,000 Points From Day's High; Banks Under Pressure +https://t.co/klEnpzbE0I",-1 +"Sensex Slumps Over 700 Points From Day's High; Banks Under Pressure +https://t.co/klEnpzbE0I",-1 +"Wholesale Inflation Eases To 1% in March +https://t.co/mWg2yIUX38",-1 +"Wholesale inflation at 1% in March amid coronavirus crisis, as against 2.26% in previous month",-1 +"Sensex opens over 550 points higher, Nifty starts day near 9,200 tracking gains in global markets #Sensex #Nifty #MarketUpdates",1 +"Airline Revenues To Plunge 55% In 2020 On Coronavirus: Industry Body IATA +https://t.co/CNzXsVOelC",-1 +"Crude Oil Price Rises Over 1% On Hopes For Stockpile Purchases +https://t.co/wHp9AP22VE",1 +"Banks Issue Orders To Employees Over Branch Overcrowding: Report +https://t.co/Q0sd3deYdG",1 +"India Inc Stands By Lockdown Extension Call; Seeks Stimulus Package To Rebuild Economy +https://t.co/pPSa2aGqZ3",-1 +"India To Grow At 1.9% This Year, Global Growth To Shrink By 3%, Forecasts IMF +https://t.co/urepSnT2VY",-1 +"Government-Run Gold Bond Scheme To Fetch 2.5% Interest. Important Dates, How To Invest And Other Details +https://t.co/RsEcoxK54T",1 +"Amazon To Add 75,000 More Jobs Amid Coronavirus Pandemic +https://t.co/nIWBVxFEmi",1 +"Retail Inflation Could Slow Further Going Ahead: Experts +https://t.co/s2HZHX9U0q",1 +"India's 2019-20 Fuel Demand Growth Worst In Over Two Decades +https://t.co/YfTp4gWwLS",-1 +"Consumer Inflation Eases To 5.91% In March, Lowest In 4 Months +https://t.co/FCtgc2ux51",-1 +"Consumer Inflation Hits 4-Month Low Of 5.91% In March +https://t.co/FCtgc2ux51",-1 +"Consumer inflation eases to 5.91% in March, lowest in 4 months",1 +"Operations At Three Ports Run By Adani Ports Disrupted: Report +https://t.co/qTdcN7pTyb",-1 +"Coronavirus Crisis: Domestic Passenger Vehicle Sales Down 51% In March, Says Industry Body SIAM +https://t.co/ftR5ijOVCu",-1 +"Sensex Falls Over 500 Points; Reliance Industries, HDFC Bank Top Drags +https://t.co/Pj1zRQMFhK",-1 +"Crude Prices To Continue To Fall In Coming Weeks, Historic Deal Insufficient: Goldman Sachs +https://t.co/tSM4X3B6WW",-1 +"China Central Bank Raises Stake In HDFC To Over 1% +https://t.co/xSJqMprLWq",1 +"Rupee Edges Lower To 76.43 Against Dollar Amid Coronavirus Crisis +https://t.co/7UCEt57hpb",-1 +"Sensex Falls Over 200 Points, Nifty Slides Below 9,050 Amid Volatile Trade +https://t.co/ylhFKID7Mf",-1 +"Sensex falls over 200 points, Nifty below 9,050 in early trade tracking weakness in global markets amid coronavirus… https://t.co/di5z90Yfiz",-1 +"OPEC, Russia Approve Record Oil Supply Cut Amid Coronavirus Pandemic +https://t.co/3NEkw9qGfB",-1 +"People's Bank Of China Acquires 1% Stake In HDFC Amid Markets Downturn +https://t.co/9nwlOw70w1",1 +"World Bank Forecasts Worst Economic Slump In South Asia In 40 Years +https://t.co/oOD4jxwWe3",-1 +"US Consumer Prices Record Largest Drop In Five Years +https://t.co/SLzfbHMMFr",-1 +"Travel, Hospitality To Take Time To Recover Post Lockdown: Experts +https://t.co/iLkyXEeSNb",-1 +"ICICI Bank To Deploy Mobile ATM Vans In Noida, Other Districts In UP +https://t.co/BlDgnfeL6Y",1 +"US Jobless Claims Top 6 Million For Second Straight Week Amid Coronavirus +https://t.co/ezbj324eet",-1 +"Saudi Arabia, Russia Outline Record Supply Cut As Demand Crashes On COVID-19 +https://t.co/V1HHFM0Pus",-1 +"Factory Output Grows 4.5% In February, Beats Analysts' Expectations +https://t.co/8mNepboufG",1 +"World Faces Worst Economic Fallout Since Great Depression, Says IMF Chief +https://t.co/NgvXN1nf3c",-1 +"Sensex Closes 1,266 Points Higher, Nifty Reclaims 9,100 +https://t.co/rQ8IvLd7C4",1 +"Cognizant Withdraws 2020 Forecast On Coronavirus Uncertainty +https://t.co/okSuLypeuh",-1 +"Sensex ends 1,266 points higher, Nifty reclaims 9,100 as markets spike 4%; auto stocks jump #Sensex #Nifty #MarketUpdates",1 +"Coronavirus Has 'Drastically Altered' India Growth Outlook, Says RBI Amid Lockdown +https://t.co/WYWkoIzUKf",-1 +"Sensex jumps nearly 1,100 points, Nifty crosses 9,050 amid gains across sectors; Cipla, Tata Motors, Bajaj Auto up… https://t.co/iRfGp6EKlr",1 +"COVID-19 To Impact Economic Activity Directly Due To Lockdowns: RBI +https://t.co/o9a1NYqTiU",-1 +"Virus Crisis A Chance For India To Reform Its Economy, Say Some Experts +https://t.co/hFXZUG1INt",1 +"Rupee Edges Higher To 76.11 Against Dollar +https://t.co/qGDKsdasQq",-1 +"Consumer Inflation Likely Fell To Four-Month Low In March: Poll +https://t.co/VEzKWZInDZ",-1 +"Oil Demand Slumps 70% In India, 3rd-Biggest Buyer, Amid Lockdown +https://t.co/DG38aILF7m",-1 +"Tax Breaks, Incentives For COVID-19-Hit Small Businesses Likely Next Week +https://t.co/7u1asxLK6g",1 +"Sensex Opens Over 650 Points Higher, Nifty Above 8,950 +https://t.co/5MdFuBM9LU",1 +"Sensex opens over 650 points higher, Nifty starts day above 8,950 tracking gains in global markets #Sensex #Nifty #MarketUpdates",1 +"Sensex, Nifty Likely To Open Higher +https://t.co/shm8juDIOc",1 +"Rs 1 Lakh Crore Coronavirus Stimulus On Cards For Small Businesses: Report +https://t.co/ODzhWRt2Mm",-1 +"All Pending Income Tax Refunds Up To Rs 5 Lakh To Be Released Immediately +https://t.co/uZCLzpBCuf",1 +"OECD Says Leading Indicators Flag Biggest Monthly Drop On Record +https://t.co/kmZKV9e0ry",-1 +"Rupee Sinks Below 76 To New All-Time Low Against Dollar +https://t.co/MKu4TJiimQ",-1 +"Sensex Ends 173 Points Lower, Nifty Settles At 8,749 As Coronavirus Fears Linger +https://t.co/QGIFjWEwyH",-1 +"Sensex ends volatile session 173 points lower, Nifty settles at 8,749 as coronavirus fears persist #Sensex #Nifty #MarketUpdates",-1 +"SBI Cuts Interest Rates On Savings Deposits By 0.25% +https://t.co/y47p5F5V3F",-1 +"Sensex Plunges Over 1,600 Points From Day's High, Nifty Tests 8,800 +https://t.co/tgPYPCSnUo",-1 +"Latest On The Spread Of The Coronavirus Around The World +https://t.co/haDwbdVV1N",-1 +"Rupee Edges Lower To 75.85 Against Dollar +https://t.co/0RsHsNXVLm",-1 +"Sensex, Nifty Turn Positive Amid Choppy Trade As Coronavirus Fears Linger +https://t.co/HX0T49Fphj",1 +"Sensex Opens Over 350 Points Lower, Nifty Below 8,700 As Global Markets Lose Steam +https://t.co/2A2bsDngZ1",-1 +"Sensex opens over 350 points lower, Nifty starts day below 8,700 tracking weakness in global markets amid coronavir… https://t.co/csmNyu74WS",-1 +"Small Businesses Struggle To Pay Wages Amid Coronavirus Lockdown +https://t.co/dy4BoxDLZB",-1 +"SBI Slashes Lending Rates Across All Tenors By 0.35%, EMIs To Get Cheaper +https://t.co/ao9oL2fCo5",1 +"Sensex ends 2,476 points higher, Nifty reclaims 8,750 as markets bounce back 9% after 2-day fall #Sensex #Nifty #MarketUpdates",1 +"Hindustan Unilever Market Value Tops Rs 5 Lakh Crore For First Time +https://t.co/TzNyxgWcJM",1 +"State Governments Scramble For Funds As Coronavirus Takes Toll On Coffers +https://t.co/kzTFrVxHci",1 +"World's Biggest Lockdown Brings Trucks To A Standstill In India +https://t.co/gRHNn3Op4A",-1 +"Unemployment Rate Soars To 8.7%, Worst In 43 Months: Report +https://t.co/YkS0KF3qYU",-1 +"Employment Rate Hits All-Time Low In March, Says Think-Tank CMIE +https://t.co/YkS0KF3qYU",-1 +"Sensex, Nifty Open Higher Amid Gains In Global Markets +https://t.co/A5y2mB4ZS9",1 +"Sensex opens over 1,300 points higher near 28,900, Nifty starts day firm above 8,400 tracking rally in global marke… https://t.co/143R02HJ5J",1 +"IMF Encouraged By Recovery In China, But Pandemic Could Resurge +https://t.co/oC6fEINoG1",1 +"Markets Revise Trading Rules, Hours, Circuit Breakers As Volatility Surges: Key Facts +https://t.co/jQNHn3pOA5",1 +"March Gold Imports Hit 6-1/2-Year Low On Record Price: Report +https://t.co/icOxFWEfu1",-1 +"Gold Imports Slump 73% In March To Lowest In Over 6 Years: Report +https://t.co/FK0QiSOT9D",-1 +"Mukesh Ambani's Net Worth Drops To $48 Billion In 2 Months Amid Coronavirus Crisis +https://t.co/0TTjUMldfU",-1 +"India's Services Activity Hits 5-Month Low Amid Coronavirus Crisis: Survey +https://t.co/Urv0Rj5eyv",-1 +"Financial Markets Shut For Mahavir Jayanti Holiday +https://t.co/nMf0ueLc9e",-1 +"Air Deccan Ceases Operations, All Employees On ''Sabbatical Without Pay'' +https://t.co/4GVDLoOJ97",-1 +"FPIs Pull Out Record Rs 1.1 Lakh Crore In March Amidst Covid-19 Mayhem +https://t.co/d10LRVDU6R",-1 +"Anxiety-Driven Panic Could Impact Global Food Supply Chain: United Nations Arm +https://t.co/PqijTlLTU3",-1 +"Fitch Sees India GDP Growth In FY21 At 2%, Slowest Since Economic Reforms +https://t.co/nH9RGCKb8s",-1 +"US Employment Falls 701,000 In March Amid Coronavirus +https://t.co/GO1ZDIeJpi",-1 +"No Change In Basic Selling Price Of Petrol, Diesel: Indian Oil +https://t.co/3YIpSKvodo",1 +"Gold Prices Subdued On Firm Dollar Ahead Of US Data Amid Coronavirus Crisis +https://t.co/lCyGzdnX4u",-1 +"Sensex, Nifty Extend Losses To Second Day Amid Rising Coronavirus Cases +https://t.co/1Lk0ZkMhdS",-1 +"Sensex ends 674 points lower, Nifty gives up 8,100 as markets extend losses to second day #Sensex #Nifty #MarketUpdates",-1 +"Sensex, Nifty Stage Mild Recovery; FMCG, Pharma Shares Gain, Banks Fall +https://t.co/59GFTCCefW",1 +"India's Place In Global Markets Is At Stake In Virus Response +https://t.co/FiA4QADjBO",-1 +"Rupee Slips By 48 Paise To 76.08 Against Dollar Amid Coronavirus Scare +https://t.co/njXT0RFFwz",-1 +"Coronavirus-Induced Weakness In Rupee To Linger In Near Term: Poll +https://t.co/Oc1IPIbfVh",-1 +"Sensex Falls Over 400 Points, Nifty Below 8,150 As Markets Give Up Early Gains +https://t.co/zjBF4eSC3G",-1 +"Sensex falls over 400 points, Nifty drops below 8,150 as markets give up early gains; banking, auto stocks lead los… https://t.co/pjNiAyfyVl",-1 +"US Stock Markets End Over 2% Higher After Jump In Crude Oil Prices +https://t.co/p1K4bvHIso",1 +"Gold Price Spikes As US Joblessness Data Lifts Safe-Haven Demand +https://t.co/m8NswHy2Xs",1 +"British Airways In Talks With Union To Suspend Around 32,000 Staff: Report +https://t.co/DJyN10xAmM",-1 +"Air India Suspends Contracts Of Around 200 Pilots Amid COVID-19: Report +https://t.co/ruL87QaEfb",-1 +"Property Prices Face Steep Falls As Virus Freezes Market +https://t.co/TLjQdihN1n",-1 +"Factory Activity Growth Hits 4-Month Low Amid Coronavirus Crisis: Survey +https://t.co/zAVJljFHSw",-1 +"Coronavirus Impact: Hoteliers Stare At Worst Phase Since 2008 Financial Crisis +https://t.co/Gr1qM9k4Rp",-1 +"Financial Markets To Remain Shut Today For Ram Navami +https://t.co/TiF3O5veKe",-1 +"From Slowdown To Lockdown: Auto Makers See Steep Fall In March Sales +https://t.co/aRCyZy3wL0",-1 +"Many Airlines At Brink Of Bankruptcy, Need Government Support: Industry Body +https://t.co/ZJCcMFD3ei",-1 +"March GST Collection Falls To Rs 97,597 Crore Amid Coronavirus Outbreak +https://t.co/Ml07LgjgGu",-1 +"Sensex closes 1,203 points lower, Nifty gives up 8,300 amid coronavirus crisis; IT, financial stocks worst hit #Sensex #Nifty #MarketUpdates",-1 +"Borrowers Unlikely To Get Loan Moratorium Benefit As Banks Will Charge Interest Later +https://t.co/f8h7OXeKT3",1 +"Government Begins Fiscal Year Under Severe Strain Amid Biggest Lockdown +https://t.co/jskjXFmAQQ",-1 +"Maruti Suzuki March Sales Plunge Nearly 50% Amid Coronavirus Outbreak +https://t.co/05lZQly97H",-1 +"Coronavirus Lockdown May Hurt Government's Plan to Sell Record Bonds +https://t.co/9z8pfzuNG9",-1 +"Oil's Unparalleled Demand Crash Likely To Be Gamechanger For Industry +https://t.co/qa5tGhkWbU",-1 +"Sensex opens 37 points higher, Nifty at 8,584 as markets start day on a flat note amid weakness in global equities… https://t.co/p6N3W7Q7BN",1 +"Government To Borrow More Aggressively In April-September Than Expected +https://t.co/cBv5yI8Djb",-1 +"Airlines Face Refunding $35 Billion Of Unused Tickets: Aviation Body +https://t.co/pZw7IQkKva",-1 +"SpiceJet To Cut March Salary As Coronavirus Lockdown Hits Travel Demand +https://t.co/byFY7IpXm8",-1 +"March Sees India's Biggest Monthly Foreign Investor Rout Ever +https://t.co/qnpgKSvxt8",-1 +"Government To Borrow Rs 4.88 Lakh Crore In First Half Of Financial Year 2021 +https://t.co/hki09Epg5v",-1 +"Coronavirus Crisis: State-Run Banks Allow Borrowers 3-Month Delay In EMIs +https://t.co/0FQ1oEOp0y",-1 +"Core Sector Growth Up 5.5% In February, Highest In 11 Months +https://t.co/Zt5ULlq5F1",1 +"Nifty Suffers Worst March Since Inception As Coronavirus Rattle Investors +https://t.co/xk8b9WUU97",-1 +"Sensex ends 1,028 points higher, Nifty settles at 8,598 as markets rise nearly 4% on last day of financial year 201… https://t.co/OfBlLb5Thm",1 +"Sensex rises over 1,000 points, Nifty near 8,600; oil & gas, consumer goods, metal stocks lead gains #Sensex #Nifty #MarketUpdates",1 +"Government, RBI Try To Cushion An Economy In Slump Even Before COVID-19 +https://t.co/RqiEYHTYOV",-1 +"Rupee Edges Higher To 75.51 Against Dollar +https://t.co/W88Y89rySY",-1 +"Sensex Rises Over 850 Points, Nifty Touches 8,500 In Early Trade +https://t.co/02BN0859Cg",1 +"Sensex opens over 850 points higher near 29,300, Nifty starts day above 8,500 amid gains in global markets #Sensex #Nifty #MarketUpdates",1 +"Gap-Up Opening Likely For Sensex, Nifty Today +https://t.co/Z1801WorBC",1 +"Government May Slash Borrowing From Market In April Amid Lockdown: Report +https://t.co/3nN6Jqelh8",-1 +"Sensex Ends 1,375 Points Lower Amid Coronavirus Crisis +https://t.co/J8tBkkoNTe",-1 +"Sensex ends 1,375 points lower, extends losses to second day amid coronavirus crisis; Nifty slides below 8,300 #Sensex #Nifty #MarketUpdates",-1 +"Sun Pharma Says Halol Unit Issues Not Likely To Impact Business, Shares Edge Higher +https://t.co/AGSbRkFx8x",1 +"Coronavirus Crisis: IndiaNivesh Shuts Portfolio Management Business +https://t.co/uH00oBT4oc",-1 +"Sensex Falls Over 1,100 Points, Nifty Slips Below 8,350 Amid Coronavirus Crisis +https://t.co/aRUQxsZStO",-1 +"Sensex opens over 550 points lower, Nifty starts day below 8,400 amid weakness in global markets over coronavirus… https://t.co/DDOb3WKi5S",-1 +"Gap-Down Opening Likely For Sensex, Nifty Amid Coronavirus Crisis +https://t.co/AiFWj2Q5q0",-1 +"India To Be Grow Fastest Among G20 Economies Amid Corona Impact: Report +https://t.co/9dIIgHE3ub",1 +"Enough Stock Of Petrol, Diesel, LPG Available To Last Lockdown, Says Indian Oil +https://t.co/JnKrw5vY4Q",1 +"State-Run Power Producers Asked To Ensure Supply Amid Coronavirus Lockdown +https://t.co/x9Mc1e851m",1 +"World Already In Recession, Emerging Markets Need $2.5 Trillion: IMF's Kristalina Georgieva +https://t.co/gSLoFWTiBc",-1 +"Grocery Tycoon Kishore Biyani's Battle To Keep His Company Afloat +https://t.co/VDZbhnh1O7",-1 +"Vistara Calls For Mandatory Leave Without Pay For 3 Days For Senior Employees +https://t.co/EWaWzu721b",-1 +"Domestic Flights Suspension Extended Till April 14 Amid Coronavirus +https://t.co/a4V0v8gwvE",-1 +"Amazon, Flipkart Operations Being Disrupted Amid Lockdown: Report +https://t.co/2lk47RpCzv",-1 +"Sensex, Nifty End Mixed Despite RBI's Steep Reo Rate Cut +https://t.co/veT0PAZO5d",-1 +"Rupee Jumps To Return To 74 Levels Against Dollar After RBI Announcements +https://t.co/pCA3VolJsh",-1 +"Electricity Use Falls To Lowest In Five Months Due To Lockdown +https://t.co/rKxydbrP2o",1 +"IndusInd Bank Crashes 27% From Day's High As Trading Volume Spikes +https://t.co/holGm1K7mk",-1 +"RBI To Infuse Rs 3.74 Lakh Crore Liquidity Into Financial System +https://t.co/EpztDDsxUN",1 +"SpiceJet Expects A Surge In Demand As The Virus Is Contained +https://t.co/CPbPoDNBrt",-1 +"RBI Refrains From Giving Inflation Outlook; Says GDP Projections At Risk +https://t.co/pBme2cosfc",-1 +"RBI Surpassed Market Expectations: Experts On Surprise 0.75% Rate Cut +https://t.co/3gfU6trdg1",-1 +Indian banks are safe and there is no need to resort to panic withdrawals: RBI Governor Shaktikanta Das,1 +RBI has infused 2.7 lakh crore into the system since last February policy: RBI chief Shaktikanta Das,1 +Indian banking system safe and sound: Shaktikanta Das,1 +RBI will continue to be vigilant and take steps necessary to mitigate impact of coronavirus: Governor Shaktikanta Das,1 +"All banks, lending institutions may allow a three-month moratorium on all loans, says RBI chief Shaktikanta Das ami… https://t.co/FE1W5sbvm6",1 +Cash reserve ratio lowered to 3% from 4% for all banks for a period of one year: RBI Governor Shaktikanta Das,1 +RBI has reduced the Cash Reserve Ratio by 100 basis points.,-1 +RBI has cut the liquidity adjustment facility by 90 bps to 4%,1 +RBI has cut the reverse repo rate by 90 basis points to 4%,-1 +"RBI Cuts Rates To Tide Over ""Disruptive"" Impact of Coronavirus +https://t.co/QVJkBTlV30",-1 +RBI cuts repo rate to 4.4% from 5.15% after unscheduled Monetary Policy Committee meet,-1 +"Moody's Cuts India GDP Growth Forecast To 2.5% In 2020 +https://t.co/y3c2BPb1k0",-1 +Moody's cuts India's economic growth forecast to 2.5% in 2020 from 5.3%: Press Trust of India,-1 +"Sensex Jumps Over 1,150 Points, Nifty Touches 9,000 Ahead Of RBI Announcement +https://t.co/geY0uaRcKo",1 +"Sensex opens 801 points higher at 30,748, Nifty starts day above 8,900 amid gains in global markets #Sensex #Nifty #MarketUpdates",1 +"Sensex, Nifty Likely To Have A Positive Opening +https://t.co/BGz6STkkhU",1 +"Global Oil Refiners To Deepen Output Cuts As Coronavirus Destroys Demand +https://t.co/S4Q5pUQztl",-1 +"Yes Bank To Raise Up To Rs 5,000 Crore After Government-Led Rescue +https://t.co/BsMRmN26hM",1 +"US Offers $58 Billion Aid To Airlines As Governments Seek To Avert Bankruptcies +https://t.co/WkgaU0hnEx",1 +"Moody's Warns Of Downgrading Tata Motors +https://t.co/UvsiMcmoBZ",-1 +"""Banks, ATMs To Remain Open"": Nirmala Sitharaman Denies Report Lenders Plan To Shut Most Branches +https://t.co/Sj1Bakrw6N",1 +"Exchanges Cut Trading Hours For Commodity Trading Amid Coronavirus +https://t.co/lfcE3TnndZ",-1 +"Sensex, Nifty Surge For Third Straight Day Led By Banking Shares +https://t.co/jsKTQQdZiC",-1 +"Rs 1.7 Lakh-Crore Package For Migrant Workers, Poor: Finance Minister Nirmala Sitharaman +https://t.co/uCczEZKYI7",-1 +"Employees can withdraw 75% of employee provident fund or three month salary whichever is lower, move will benefit 4… https://t.co/AXRxRyd0L2",1 +Government of India will pay the employee provident fund contribution of employer and employee for the next three f… https://t.co/i4aj37aG0N,1 +"Women under Ujjwala Yojana will be given free LPG cylinders for next three months, move expected to benefit 8.3 cro… https://t.co/EUesc5YPgo",1 +"MNREGA wages will be increased from Rs 182 to Rs 202, resulting in total rise of Rs 2,000; to benefit 5 crore famil… https://t.co/oG3CsUSo1m",1 +"Move will directly benefit 8.69 crore farmers, says Finance Minister",1 +"Sensex up 1,445 points, Nifty surges 385 points to trade above 8,700 ahead of Finance Minister Nirmala Sitharaman's press conference",1 +"Banks Plan To Shut Down Most Branches During Lockdown: Report +https://t.co/HmMuH4mLx5",-1 +"When Will Coronavirus-Hit Global Markets Heal? 12 Charts To Monitor +https://t.co/GbETRsgDa5",-1 +"Sensex Surges Over 1,550 Points, Nifty Touches 8,700; Financial, IT Stocks Jump +https://t.co/2uzIGVXmRn",1 +"Sensex Opens Over 500 Points Higher, Nifty Starts Day Near 8,450 +https://t.co/2uzIGVXmRn",1 +"Sensex opens 538 points higher at 29,074, Nifty starts day above 8,450 amid gains in global markets #Sensex #Nifty #MarketUpdates",1 +"Sensex, Nifty Likely To Open Lower +https://t.co/C84VwwxTug",-1 +"Aviation Industry Stares At Loss Of Up To $3.6 Billion In Q1 Due To Travel Ban +https://t.co/puIlhqwcEn",-1 +"Flipkart Resumes Operations, Amazon In Talks With Government +https://t.co/w0XXuZgSRJ",1 +"Coronavirus Crisis: GoAir Decides To Reduce Pay Across Board +https://t.co/NF2zmMUHqd",-1 +"Sensex, Nifty Log Best Day Since 2009 On $2-Trillion US Stimulus Package +https://t.co/CY1Dxf8CRG",1 +"Government May Unveil Rs 1.5 Lakh Crore Package To Tackle Coronavirus Downturn: Report +https://t.co/mh4q6fVmJq",1 +"Sensex ends 1,862 points higher at 28,536, Nifty reclaims 8,300 as markets extend gains to second straight day #Sensex #Nifty #MarketUpdates",1 +"Sensex soars over 1,650 points, Nifty hits 8,250 amid broad-based buying; Axis Bank, ICICI Bank, Kotak Mahindra Bank jump 10%",-1 +"Sensex surges over 1,100 points, Nifty crosses 8,000 as markets rebound 4%; Reliance Industries, Maruti Suzuki up 9… https://t.co/XvYtNBO57J",1 +"Sensex up over 400 points, Nifty touches 7,900 as markets rise 1% amid volatile trade; auto stocks lead gains #Sensex #Nifty #MarketUpdates",1 +"Sensex, Nifty Recover Early Losses Amid Volatile Trade +https://t.co/zmnh0k2Wpk",1 +"Sensex opens 174 points lower at 26,500, Nifty starts day below 7,750 as India begins 21-day lockdown to fight coro… https://t.co/rD3psz8Cz2",-1 +"Coronavirus Crisis: Global Stocks Surge As Investors Place Hopes On US Stimulus +https://t.co/jnLmGJsPNh",1 +"Sensex, Nifty Likely To Open Lower After A Day's Breather +https://t.co/XETJTnWtyQ",-1 +"Monitoring Stock Market Volatility, Assures Nirmala Sitharaman +https://t.co/NRWKW4qut1",-1 +"Sensex Ends 693 Points Higher, Nifty Reclaims 7,800; Financial, IT Stocks Lead Gains +https://t.co/CCbHhIVfLJ",1 +"Sensex closes 693 points higher, Nifty at 7,801 as markets rebound after worst day; financial, IT stocks lead gains… https://t.co/PuTysS82Zw",1 +"Government Raises Insolvency Threshold To Rs 1 Crore To Help Small Firms +https://t.co/RE4sTuCoWt",1 +"May consider suspending Section 7, 9 and 10 of the Insolvency and Bankruptcy Code at a later stage, if the existing… https://t.co/dPsj9ZHHi5",-1 +For financial year 2019-20 if the independent directors of the company are not able to hold even one meeting then i… https://t.co/nMSyIHN8cn,-1 +"Sensex Surges 900 Points, Nifty Near 7,900 Amid Wild Swings Due To Volatility +https://t.co/QTV3IuebKt",1 +"Gold Jumps Over 1% As US Central Bank Ramps Up Support Measures +https://t.co/uc9oEel12q",1 +"Gap-Up Opening For Sensex, Nifty Amid Gains In Asian Markets +https://t.co/nBuylWqckb",1 +"Sensex opens 1,075 points higher at 27,056, Nifty starts day above 7,800 amid gains in Asian markets #Sensex #Nifty #MarketUpdates",1 +"Sensex, Nifty Likely To Open Higher After Worst Day Ever +https://t.co/3u7brRq2ek",1 +"Excise On Petrol, Diesel To Go Up By Rs 8/Litre To Fund Covid-19 Fight +https://t.co/wN2oIm0nZj",-1 +"Gold Futures Cool Off After Rising Over 1% Amid Coronavirus Panic +https://t.co/kAyrHZ1Zln",1 +"Sensex, Nifty Plunge 13% After A Day's Breather Amid Coronavirus Fears +https://t.co/yK4bK5uWlK",-1 +"Sensex ends 3,935 points lower, Nifty settles at 7,610 as markets take 13% hit after a day's breather amid coronavi… https://t.co/DZP6sUya4V",-1 +"SoftBank To Raise $41 Billion To Expand Share Buyback, Cut Debt +https://t.co/zOM9uhrFZz",1 +"Millions Of Jobs Threatened In Retail Sector As Coronavirus Hits Sales, Revenues +https://t.co/bm7FbO87IX",-1 +"Sensex plummets over 3,500 points, Nifty cracks below 7,750 as markets extend losses; financial stocks worst hit… https://t.co/QgnEyeLXte",-1 +"Sensex, Nifty Resume Trading After 45-Minute Halt As Coronavirus Batters World Markets +https://t.co/fgBVnHX2P6",-1 +"Sensex down 3,270 points at 26,646, Nifty near 7,800 as markets resume trading after 45-minute halt amid coronaviru… https://t.co/8CBbiXXFHn",-1 +"Rupee Drops Below 76 Mark Against Dollar Amid Coronavirus Crisis +https://t.co/CKANJR47UG",-1 +"Trading Halted For 45 Minutes As Sensex, Nifty Plunge 10% Amid Coronavirus Lockdowns +https://t.co/c3QaOG3Pfk",-1 +"Trading halted for 45 minutes as markets fall 10% on coronavirus jitters; Sensex down 2,992 points at 26,924, Nifty… https://t.co/uJVepH21Bu",-1 +"Sensex Plunges Over 2,700 Points, Nifty Hits 7,950 As Coronavirus-Led Lockdowns Hurt Global Markets: 10 Things To K… https://t.co/F2DQAD99A3",-1 +"Sensex opens 2,307 points lower at 27,609, Nifty at 7,946 as global stocks tumble amid more lockdowns on coronaviru… https://t.co/JZ9lOSqZ63",-1 +"Markets Likely To Open Sharply Lower +https://t.co/T1yYBu91ud",-1 +"Coronavirus Crisis: Global Stocks Crumble As More Countries Shut For Business +https://t.co/4sRc5bT90i",-1 +"Recovery Will Take A Long Time, Say Analysts After Markets Suffer 12% Weekly Loss +https://t.co/kdqXjzBEIc",-1 +"Hero, Fiat Shut Manufacturing Plants In View Of Coronavirus +https://t.co/0GkUqWaA0S",-1 +"Cabinet Approves Schemes To Boost Electronics Manufacturing +https://t.co/nWF2YDRBvH",1 +"Market Regulator Sebi Tightens Norms To Limit Volatility On Coronavirus +https://t.co/UcX5gayiBW",-1 +"As Coronavirus Derails Business, Banks Seek More Time For Bad Loan Classification +https://t.co/UwwupXgNyx",-1 +"Equity, Commodity Markets To Remain Open: Maharashtra Health Minister +https://t.co/ECcRy5RqMm",1 +"Sensex, Nifty Close Nearly 6% Higher After Four-Day Selloff +https://t.co/GW2Oi28KOq",1 +"Sensex ends 1,628 points higher at 29,916, Nifty reclaims 8,700 as markets gain nearly 6% after four-day selloff… https://t.co/6d9nbjZo5N",1 +"Sensex, Nifty Take Breather From Coronavirus-Fueled Selloff +https://t.co/CDJcBSP6JI",1 +"Sensex jumps over 750 points to cross 29,000 mark, Nifty touches 8,500; IT, energy stocks lead gains #Sensex #Nifty #MarketUpdates",1 +"Rupee Gains By 34 Paise To 74.78 Against Dollar +https://t.co/xZqS8syQJI",-1 +"Coronavirus Crisis: Fitch Lowers 2020-21 India Growth Forecast To 5.1% +https://t.co/EvQBt1DCZ8",-1 +"Sensex Rises Over 350 Points Amid Cautious Gains In Global Markets +https://t.co/UeXRpkzLFX",1 +"Sensex Opens 173 Points Higher Amid Cautious Gains In Global Markets +https://t.co/UeXRpkRn4x",1 +"Sensex opens 173 points higher at 28,461, Nifty at 8,284 as global markets post cautious gains amid coronavirus sca… https://t.co/qphiic53Gx",1 +"Wall Street Posts Cautious Gains After Steep Losses On Coronavirus +https://t.co/orRiqCQjeM",1 +"Sensex, Nifty Likely To Open Higher Amid Cautious Gains In Global Markets +https://t.co/GYBGZ7Nt46",1 +"Airline Industry Crisis Deepens As Coronavirus Pain Spreads +https://t.co/KoSTQD85pH",-1 +"Sensex, Nifty Extend Losses To Fourth Day In A Row Amid Coronavirus Scare +https://t.co/0ycaTIDnYQ",-1 +"Sensex ends 581 points lower, Nifty gives up 8,300 as markets extend losses to fourth day amid coronavirus scare… https://t.co/jlk5zc8pLS",-1 +"Gold Futures Rise To Hover Near Rs 39,800 Amid Coronavirus Fear +https://t.co/cZtPvSzATZ",1 +"Foreigners Turn Net Sellers Of Asian Bonds In February On Coronavirus Fears +https://t.co/aXHxvTUTb0",-1 +"Rupee Sheds 1% To Hit Record Low Of 74.99 Versus Dollar Amid Virus Fear: 10 Points +https://t.co/tQu0q8AV1C",-1 +"Gap-Down Opening For Sensex, Nifty As Coronavirus Continues To Batter Global Markets +https://t.co/yQ91f3XCNL",-1 +"Sensex opens 1,096 points lower at 27,773, Nifty at 8,063 as selloff in global markets continues on coronavirus sca… https://t.co/WlDRTfQF2R",-1 +"Sensex, Nifty Likely To Start Session Sharply Lower In Gap-Down Opening +https://t.co/rrH5C0GMs5",-1 +"RBI To Buy Government Bonds In Open Markets To Boost Liquidity +https://t.co/1Fly3Fg4D9",1 +"Banks Shelve Fundraising As Coronavirus Derails Markets: Report +https://t.co/xZdFkil2D2",-1 +"Sensex, Nifty Crash 15% In Three Trading Sessions On Coronavirus Fears +https://t.co/fp3yTuvQF6",-1 +"Gold Futures Drop Over 2% To Rs 39,354 Per 10 Grams +https://t.co/n7sMKLg41N",-1 +"Yes Bank Stock Set To Close Higher For Fourth Straight Session +https://t.co/g68PdWs9PN",1 +"Sensex, Nifty Turn Negative Amid Choppy Trade +https://t.co/LixWSV5w6b",-1 +"Sensex Opens 390 Points Higher, Nifty Starts Day At 9,088 As Global Markets Rebound +https://t.co/daKAxwn11K",1 +"Sensex opens 390 points higher at 30,969, Nifty at 9,088 as global markets rebound #Sensex #Nifty #MarketUpdates",1 +"US Shares Rebound 6% As Central Bank Boosts Liquidity To Fight Virus Effect +https://t.co/YJBOHsEma7",1 +"Sensex, Nifty Likely To Open On Positive Note Today +https://t.co/S9ZrtxeUpw",1 +"Global Stocks Shaky After Worst Crash Since 'Black Monday' +https://t.co/IXnhwIGm9p",-1 +"Will Not Sell Any Share In Yes Bank For Next 3 Years, Says SBI Chairman +https://t.co/X9JRhxWCrV",1 +"In past 3 days, more money came to Yes Bank compared to withdrawals as only one-third of customers withdrew Rs 50,0… https://t.co/sIaYn77tzE",1 +"Complete operational normalcy to be restored in Yes Bank from 6 pm on Wednesday, no worries about liquidity, says P… https://t.co/2w46VnhuNj",1 +"Sensex, Nifty Clock Cautious Gains As Coronavirus Pummels Global Markets +https://t.co/nEVgalMijs",1 +"Amazon To Hire 1,00,000 Workers As Online Orders Surge On Virus Worries +https://t.co/UsP4DVSWhD",1 +"Sensex Rises Over 400 Points, Nifty Touches 9,400 Amid Volatile Trade +https://t.co/VowCyqThcx",1 +"Sensex Falls Over 400 Points, Nifty Near 9,000 Amid Volatile Trade +https://t.co/VowCyqThcx",-1 +"Sensex opens 222 points higher, Nifty at 9,285; banking, metal, energy stocks lead gains #Sensex #Nifty #MarketUpdates",1 +"Crude Oil Price Jump By $1 A Barrel Amid Volatility +https://t.co/V3wZIlLidr",1 +"Coronavirus Scare: Amazon To Hire 1,00,000 Workers As Online Orders Surge +https://t.co/UsP4DVSWhD",1 +"Coronavirus Pandemic Can Affect Economic Activity In India: Shaktikanta Das +https://t.co/IFj95m4fIj https://t.co/1fPlFmTSoY",-1 +Coronavirus has affected global financial markets: RBI Governor Shaktikanta Das on pandemic,-1 +"Sensex ends 2,713 points lower, Nifty settles at 9,197 as markets drop 8% amid coronavirus scare #Sensex #Nifty #MarketUpdates",-1 +"Wholesale Inflation At 2.26% In February +https://t.co/3QxHfdjA7H",1 +Wholesale inflation eases to 2.26% in February from 3.1% in previous month,1 +"Weak Listing For SBI Cards; Shares Fall 12% At Debut +https://t.co/2P4SEFqZI3",-1 +"Sensex Falls Over 1,950 Points, Nifty Below 9,400 Amid Coronavirus Fears +https://t.co/RHwZ6W3bBX",-1 +"Sensex opens 1,000 points lower at 33,103, Nifty at 9,588 as coronavirus batters global markets #Sensex #Nifty #MarketUpdates",-1 +"Sensex, Nifty Likely To Open Sharply Lower Today; Yes Bank Shares In Focus +https://t.co/IvUq5azsrK",-1 +"Wall Street Jumps After Worst Day Since 1987 +https://t.co/TAaRrfaAx5",-1 +"February Trade Deficit At $9.85 Billion +https://t.co/kFpVciebDD",-1 +"Indian Stocks Rebound Sharply, But Suffer Worst Week Since 2009 +https://t.co/r5RNbKDRnL",-1 +"ICICI Bank To Invest Up To Rs 1,000 Crore In Crisis-Hit Yes Bank +https://t.co/aLpDGELNcX",1 +"4% Hike In Dearness Allowance For 48 Lakh Central Government Employees +https://t.co/mrz7hnaLCq",1 +"SBI to invest up to 49% equity in Yes Bank, other investors also being invited: Nirmala Sitharaman after Union Cabinet meeting",1 +"Sensex Closes 1,325 Points Higher After Hitting Lower Circuit +https://t.co/KG6FWK7kDW",1 +"Crude Oil Market Set For Record Surplus Amid Coronavirus-Led Demand Slump: Goldman Sachs +https://t.co/ZIy5kqur57",1 +"Sensex Recovers Over 5,000 Points From Day's Low As Trading Resumes After Halt +https://t.co/gzqnxsqw3j",1 +"Sensex soars over 1,600 points to reclaim 34,400 mark, Nifty crosses 10,000 as markets bounce back #Sensex #Nifty #MarketUpdates",1 +"""Sebi, Stock Exchanges Have Robust Risk Management Framework"": Read Regulator's Full Statement +https://t.co/MSawOL0lw8",1 +"Market Fall Significantly Lower Than Global Peers, Says Regulator Sebi +https://t.co/MIiLONrbbV",-1 +"Sensex, Nifty Trim Losses As Markets Resume Trading After 45-Minute Halt +https://t.co/R98oX7Bd5U",-1 +"Sensex rebounds 2,050 points from day’s low to touch 31,400, Nifty back above 9,000 as markets resume trading #Sensex #Nifty #MarketUpdates",1 +"Rupee Hits Record Low Of 74.50 Against Dollar Amid Coronavirus Scare +https://t.co/e86E0M8yQV",-1 +"Trading Stops For 45 Minutes As Markets Slide 10% Amid Global Selloff +https://t.co/I4qQQaYStv",-1 +"Sensex Opens 1,564 Points Lower, Nifty Starts Day At 9,108 +https://t.co/I4qQQaYStv",-1 +"Sensex opens 1,564 points lower at 31,214, Nifty starts day at 9,108 amid record fall in global markets over corona… https://t.co/mHWIZJWa8x",-1 +"Crude Oil Falls For Third Straight Day, Set For Worst Week Since 1991 +https://t.co/nuI9IPLpUb",-1 +"Worst Day For US Markets Since 1987 As Coronavirus Triggers Recession Fear +https://t.co/OnJPa6Pd3k",-1 +"Coronavirus Scare: Global Markets Suffer Record Meltdown As Global Virus Alarm Grows +https://t.co/dm2QDiuJZz",-1 +"Sensex, Nifty Set For Another Day Of Mayhem Amid Global Selloff, Coronavirus Fear +https://t.co/8mRLyuqWJu",-1 +"Wall Street Resumes Trading After 7% Slide Triggers Halt +https://t.co/iVYBmkQag7",1 +"US Markets Crash Again As Dow Plunges 1,700 Points In Early Trade +https://t.co/oLizZCixYO",-1 +"Tourist Industry Sees Crisis Looming From Coronavirus Visa Ban +https://t.co/lcOLAgUiTO",-1 +"Industrial Output Rises 2% In January +https://t.co/rmUQUI1HPd",1 +"Consumer Inflation Eases To 6.58% In February +https://t.co/LOjPNFJ30r",1 +"World Economy Powering Down Daily Makes Recession More Likely +https://t.co/1VOc7xbjQk",-1 +"Consumer Inflation At 6.58% In February +https://t.co/LOjPNFJ30r",1 +"Consumer inflation eases to 6.58% in February, from 7.59% in previous month",1 +"Indian Stocks Crash To Worst Day Since 2008 As Pandemic Fuels Growth Fears +https://t.co/IUUaVqggRI",-1 +"State Bank Of India To Buy Rs 7,250-Crore Yes Bank Shares +https://t.co/ch0ofBg0oS",1 +"Rupee Drops By 82 Paise To 74.50 Against Dollar As Coronavirus Spooks Markets +https://t.co/4Yx3iejiz1",-1 +"Nifty Slumps Below 10,000 As Markets Hit 30-Month Low Amid Global Selloff: 10 Things To Know +https://t.co/3mVYe3Xrco",-1 +"Sensex, Nifty Likely To Open Sharply Lower Amid Global Selloff Over Pandemic Coronavirus Fears +https://t.co/yrNK4EB5eO",-1 +"Coronavirus: Global Stocks Plunge After Donald Trump Announces Ban On Travel From Europe +https://t.co/GpNs8NZKTf",-1 +"Coronavirus Pandemic: Crude Oil Drops Nearly 4% As US Bans Travel From Europe +https://t.co/p2qQXuJRa2",-1 +"Sensex, Nifty End Volatile Session On A Flat Note +https://t.co/bCXcTD72dd",-1 +"Reliance Industries Surges 6%, Rebounds From Worst Fall In At Least 10 Years +https://t.co/cWKhXtJTgx",1 +"Sensex, Nifty Struggle To Stay Positive Amid Volatile Trade +https://t.co/0Jgj1Hwx50",-1 +"Sensex jumps over 300 points, Nifty touches 10,500 as markets recover early losses; Reliance Industries rises nearl… https://t.co/rY8iyzrRBW",1 +"Sensex Opens 166 Points Lower, Nifty Starts Day At 10,334; IT Stocks Worst Hit +https://t.co/DG7okJmK3K",-1 +"Sensex opens 166 points lower at 35,469, Nifty starts day below 10,350; IT stocks worst hit #Sensex #Nifty #MarketUpdates",-1 +"Sensex, Nifty Likely To Open Lower As Markets Resume Trading After Holiday +https://t.co/NwtpXVftK4",-1 +"Crude Oil Price Up Nearly 4%, Rises For Second Day Amid Hopes Of US Supply Cut +https://t.co/zXLzL7a8Th",1 +"Tata Steel Europe To Cut 1,250 Jobs In Turnaround Push +https://t.co/vmGe4aFWg1",-1 +"Foreign Investors Pull Out Rs 12,478 Crore From Stocks So Far In March, Set To Turn Net Sellers After 6 Months +https://t.co/Q9MOBwE8lc",-1 +"Foreigners Sell $9-Billion Asian Equities So Far In March Amid Coronavirus Fears +https://t.co/ABEBLoJ0FM",-1 +"Investors Lose Rs 6.84 Lakh Crore In Worst Day For Markets In Over Four Years +https://t.co/FpKijonvXE",-1 +"In the broader market, the 30-share BSE Sensex ended 986.11 points or 3.22 per cent higher at 31,588.72. + +https://t.co/yFad5E3LmN",1 +"#CoronavirusPandemic + +As bad as #China's economic dive is, the slump is even more perilous for the rest of #Asia.… https://t.co/PuRY8HSD1V",-1 +"#China #CoronavirusPandemic + +The economy was forced into a paralysis in late January as the epidemic that first st… https://t.co/hTTmHwr18k",-1 +"Reliance Industries raises Rs 8,500 crore using cheaper NCD funds; plans to replace high-cost rupee debt + +https://t.co/nopSBtIZqD",1 +"Goldman Sachs tells investors to go defensive amid share market slump, pick large-caps to beat virus +#sensex… https://t.co/QCVjebyKle",-1 +"#TCS #share price jumps 9% on no #layoffs, #dividend announcements; should you buy, sell or hold the stock https://t.co/ijDFJRDLOl",1 +"Industry body CII said #discoms are likely to suffer a net revenue loss of around Rs 30,000 crore + +https://t.co/8c6YJYJajL",-1 +"#Gold prices slip below Rs 46,000 as #investors book profits amid #coronavirus-led #recession fears https://t.co/fSylAJrUqv",-1 +Workers at Bajaj Auto have agreed to a 10% wage cut for the period between April 15 and till the lockdown is lifted. https://t.co/RgvrKPliNd,1 +"#Sharemarket LIVE: Sensex off day’s high, up 600 points, #Nifty tests 9,200, #TCS, private bank stocks lead +https://t.co/3xgtLroKUI",1 +"#Sensex, #Nifty climb off day's highs, still up 2%; Key factors driving D-Street higher today https://t.co/jVQcousFp6",1 diff --git a/stock_sentimental.ipynb b/stock_sentimental.ipynb new file mode 100644 index 0000000..746daff --- /dev/null +++ b/stock_sentimental.ipynb @@ -0,0 +1,389 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + " Text Sentiment\n", + "0 Kickers on my watchlist XIDE TIT SOQ PNK CPW B... 1\n", + "1 user: AAP MOVIE. 55% return for the FEA/GEED i... 1\n", + "2 user I'd be afraid to short AMZN - they are lo... 1\n", + "3 MNTA Over 12.00 1\n", + "4 OI Over 21.37 1\n", + "Text 0\n", + "Sentiment 0\n", + "dtype: int64\n", + "(4632, 34) (4632,)\n", + "(1159, 34) (1159,)\n" + ] + } + ], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "from sklearn.model_selection import train_test_split\n", + "from sklearn.preprocessing import LabelEncoder\n", + "from tensorflow.keras.preprocessing.text import Tokenizer\n", + "from tensorflow.keras.preprocessing.sequence import pad_sequences\n", + "\n", + "# Load dataset\n", + "data = pd.read_csv('Stock_data.csv')\n", + "\n", + "# Display first few rows of the dataset\n", + "print(data.head())\n", + "\n", + "# Check for missing values\n", + "print(data.isnull().sum())\n", + "\n", + "# Drop missing values if any\n", + "data = data.dropna()\n", + "\n", + "# Encode sentiment labels (assuming they are in a column named 'Sentiment')\n", + "le = LabelEncoder()\n", + "data['Sentiment'] = le.fit_transform(data['Sentiment'])\n", + "\n", + "# Split dataset into features and labels\n", + "X = data['Text']\n", + "y = data['Sentiment']\n", + "\n", + "# Split data into training and testing sets\n", + "X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)\n", + "\n", + "# Tokenization\n", + "tokenizer = Tokenizer(num_words=5000) # Consider top 5000 words\n", + "tokenizer.fit_on_texts(X_train)\n", + "\n", + "# Convert texts to sequences\n", + "X_train_seq = tokenizer.texts_to_sequences(X_train)\n", + "X_test_seq = tokenizer.texts_to_sequences(X_test)\n", + "\n", + "# Pad sequences to ensure uniform input size\n", + "max_length = max(len(x) for x in X_train_seq)\n", + "X_train_pad = pad_sequences(X_train_seq, maxlen=max_length, padding='post')\n", + "X_test_pad = pad_sequences(X_test_seq, maxlen=max_length, padding='post')\n", + "\n", + "# Display shapes of data\n", + "print(X_train_pad.shape, y_train.shape)\n", + "print(X_test_pad.shape, y_test.shape)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "c:\\Users\\sapni\\anaconda3\\lib\\site-packages\\keras\\src\\layers\\core\\embedding.py:90: UserWarning: Argument `input_length` is deprecated. Just remove it.\n", + " warnings.warn(\n" + ] + }, + { + "data": { + "text/html": [ + "
Model: \"sequential_1\"\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1mModel: \"sequential_1\"\u001b[0m\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━┓\n",
+       "┃ Layer (type)                     Output Shape                  Param # ┃\n",
+       "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━┩\n",
+       "│ embedding_1 (Embedding)         │ ?                      │   0 (unbuilt) │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ lstm_2 (LSTM)                   │ ?                      │   0 (unbuilt) │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dropout_2 (Dropout)             │ ?                      │             0 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ lstm_3 (LSTM)                   │ ?                      │   0 (unbuilt) │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dropout_3 (Dropout)             │ ?                      │             0 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_1 (Dense)                 │ ?                      │   0 (unbuilt) │\n",
+       "└─────────────────────────────────┴────────────────────────┴───────────────┘\n",
+       "
\n" + ], + "text/plain": [ + "┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━┓\n", + "┃\u001b[1m \u001b[0m\u001b[1mLayer (type) \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1mOutput Shape \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1m Param #\u001b[0m\u001b[1m \u001b[0m┃\n", + "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━┩\n", + "│ embedding_1 (\u001b[38;5;33mEmbedding\u001b[0m) │ ? │ \u001b[38;5;34m0\u001b[0m (unbuilt) │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ lstm_2 (\u001b[38;5;33mLSTM\u001b[0m) │ ? │ \u001b[38;5;34m0\u001b[0m (unbuilt) │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dropout_2 (\u001b[38;5;33mDropout\u001b[0m) │ ? │ \u001b[38;5;34m0\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ lstm_3 (\u001b[38;5;33mLSTM\u001b[0m) │ ? │ \u001b[38;5;34m0\u001b[0m (unbuilt) │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dropout_3 (\u001b[38;5;33mDropout\u001b[0m) │ ? │ \u001b[38;5;34m0\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_1 (\u001b[38;5;33mDense\u001b[0m) │ ? │ \u001b[38;5;34m0\u001b[0m (unbuilt) │\n", + "└─────────────────────────────────┴────────────────────────┴───────────────┘\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Total params: 0 (0.00 B)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Total params: \u001b[0m\u001b[38;5;34m0\u001b[0m (0.00 B)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Trainable params: 0 (0.00 B)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Trainable params: \u001b[0m\u001b[38;5;34m0\u001b[0m (0.00 B)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Non-trainable params: 0 (0.00 B)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Non-trainable params: \u001b[0m\u001b[38;5;34m0\u001b[0m (0.00 B)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "from tensorflow.keras.models import Sequential\n", + "from tensorflow.keras.layers import Embedding, LSTM, Dense, Dropout\n", + "\n", + "# Define LSTM model\n", + "model = Sequential()\n", + "model.add(Embedding(input_dim=5000, output_dim=128, input_length=max_length)) # Embedding layer\n", + "model.add(LSTM(128, return_sequences=True)) # LSTM layer\n", + "model.add(Dropout(0.5)) # Dropout to prevent overfitting\n", + "model.add(LSTM(64)) # Second LSTM layer\n", + "model.add(Dropout(0.5)) # Dropout\n", + "model.add(Dense(1, activation='sigmoid')) # Output layer for binary classification\n", + "\n", + "# Compile the model\n", + "model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])\n", + "\n", + "# Display model summary\n", + "model.summary()\n" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch 1/10\n", + "\u001b[1m58/58\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m7s\u001b[0m 67ms/step - accuracy: 0.6284 - loss: 0.6606 - val_accuracy: 0.6268 - val_loss: 0.6536\n", + "Epoch 2/10\n", + "\u001b[1m58/58\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m4s\u001b[0m 61ms/step - accuracy: 0.7146 - loss: 0.5622 - val_accuracy: 0.7745 - val_loss: 0.4920\n", + "Epoch 3/10\n", + "\u001b[1m58/58\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m4s\u001b[0m 75ms/step - accuracy: 0.8898 - loss: 0.3168 - val_accuracy: 0.7756 - val_loss: 0.4849\n", + "Epoch 4/10\n", + "\u001b[1m58/58\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m4s\u001b[0m 71ms/step - accuracy: 0.9278 - loss: 0.2154 - val_accuracy: 0.7433 - val_loss: 0.5643\n", + "Epoch 5/10\n", + "\u001b[1m58/58\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m4s\u001b[0m 71ms/step - accuracy: 0.9486 - loss: 0.1725 - val_accuracy: 0.7594 - val_loss: 0.6393\n", + "Epoch 6/10\n", + "\u001b[1m58/58\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m4s\u001b[0m 62ms/step - accuracy: 0.9671 - loss: 0.1213 - val_accuracy: 0.7530 - val_loss: 0.8493\n", + "Epoch 7/10\n", + "\u001b[1m58/58\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m4s\u001b[0m 62ms/step - accuracy: 0.9738 - loss: 0.0973 - val_accuracy: 0.7357 - val_loss: 1.0902\n", + "Epoch 8/10\n", + "\u001b[1m58/58\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m4s\u001b[0m 64ms/step - accuracy: 0.9737 - loss: 0.0950 - val_accuracy: 0.7357 - val_loss: 0.8958\n", + "Epoch 9/10\n", + "\u001b[1m58/58\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m4s\u001b[0m 68ms/step - accuracy: 0.9826 - loss: 0.0744 - val_accuracy: 0.7443 - val_loss: 0.9316\n", + "Epoch 10/10\n", + "\u001b[1m58/58\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m4s\u001b[0m 75ms/step - accuracy: 0.9851 - loss: 0.0689 - val_accuracy: 0.7303 - val_loss: 1.0088\n" + ] + } + ], + "source": [ + "# Train the model\n", + "history = model.fit(X_train_pad, y_train, epochs=10, batch_size=64, validation_split=0.2)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\u001b[1m37/37\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step - accuracy: 0.7407 - loss: 0.9643\n", + "Test Accuracy: 74.63%\n" + ] + } + ], + "source": [ + "# Evaluate the model\n", + "loss, accuracy = model.evaluate(X_test_pad, y_test)\n", + "print(f'Test Accuracy: {accuracy * 100:.2f}%')\n" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [ + { + "ename": "NameError", + "evalue": "name 'tokenizer' is not defined", + "output_type": "error", + "traceback": [ + "\u001b[1;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[1;31mNameError\u001b[0m Traceback (most recent call last)", + "\u001b[1;32m~\\AppData\\Local\\Temp\\ipykernel_10044\\3289756518.py\u001b[0m in \u001b[0;36m\u001b[1;34m\u001b[0m\n\u001b[0;32m 11\u001b[0m \u001b[1;31m# Example usage\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 12\u001b[0m \u001b[0mnew_text\u001b[0m \u001b[1;33m=\u001b[0m \u001b[1;34m\"The stock market is bad today.\"\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m---> 13\u001b[1;33m \u001b[0mpredict_sentiment\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mnew_text\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[1;32m~\\AppData\\Local\\Temp\\ipykernel_10044\\3289756518.py\u001b[0m in \u001b[0;36mpredict_sentiment\u001b[1;34m(text)\u001b[0m\n\u001b[0;32m 1\u001b[0m \u001b[1;32mdef\u001b[0m \u001b[0mpredict_sentiment\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mtext\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m----> 2\u001b[1;33m \u001b[0msequence\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mtokenizer\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mtexts_to_sequences\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m[\u001b[0m\u001b[0mtext\u001b[0m\u001b[1;33m]\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 3\u001b[0m \u001b[0mpadded\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mpad_sequences\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0msequence\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mmaxlen\u001b[0m\u001b[1;33m=\u001b[0m\u001b[0mmax_length\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mpadding\u001b[0m\u001b[1;33m=\u001b[0m\u001b[1;34m'post'\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 4\u001b[0m \u001b[0mprediction\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mmodel\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mpredict\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mpadded\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 5\u001b[0m \u001b[1;31m# Assuming binary classification: 0 for Negative, 1 for Positive\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;31mNameError\u001b[0m: name 'tokenizer' is not defined" + ] + } + ], + "source": [ + "def predict_sentiment(text):\n", + " sequence = tokenizer.texts_to_sequences([text])\n", + " padded = pad_sequences(sequence, maxlen=max_length, padding='post')\n", + " prediction = model.predict(padded)\n", + " # Assuming binary classification: 0 for Negative, 1 for Positive\n", + " if prediction[0] > 0.5:\n", + " print(\"Sentiment: Positive\")\n", + " else:\n", + " print(\"Sentiment: Negative\")\n", + "\n", + "# Example usage\n", + "new_text = \"The stock market is bad today.\"\n", + "predict_sentiment(new_text)\n" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:absl:You are saving your model as an HDF5 file via `model.save()` or `keras.saving.save_model(model)`. This file format is considered legacy. We recommend using instead the native Keras format, e.g. `model.save('my_model.keras')` or `keras.saving.save_model(model, 'my_model.keras')`. \n" + ] + } + ], + "source": [ + "model.save('sentiment_model.h5')\n", + "\n" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Text: \"The stock market is performing well today.\"\n", + "\u001b[1m1/1\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 47ms/step\n", + "Sentiment: Positive\n", + "Text: \"The stock market is performing bad today.\"\n", + "\u001b[1m1/1\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 52ms/step\n", + "Sentiment: Positive\n", + "Text: \"I'm very happy with the profits I've made.\"\n", + "\u001b[1m1/1\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 59ms/step\n", + "Sentiment: Positive\n", + "Text: \"I'm disappointed with the losses this quarter.\"\n", + "\u001b[1m1/1\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 31ms/step\n", + "Sentiment: Negative\n", + "Text: \"It's a great time to invest in stocks!\"\n", + "\u001b[1m1/1\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 24ms/step\n", + "Sentiment: Positive\n" + ] + } + ], + "source": [ + "test_texts = [\n", + " \"The stock market is performing well today.\",\n", + " \"The stock market is performing bad today.\",\n", + " \"I'm very happy with the profits I've made.\",\n", + " \"I'm disappointed with the losses this quarter.\",\n", + " \"It's a great time to invest in stocks!\"\n", + " \n", + "]\n", + "\n", + "for text in test_texts:\n", + " print(f'Text: \"{text}\"')\n", + " predict_sentiment(text)\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "base", + "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.9.13" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +}