diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/main.png b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/main.png new file mode 100644 index 0000000..e06e3a6 Binary files /dev/null and b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/main.png differ diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/merged_data.png b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/merged_data.png new file mode 100644 index 0000000..23a6379 Binary files /dev/null and b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/merged_data.png differ diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/moovingAverage.png b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/moovingAverage.png new file mode 100644 index 0000000..e232b3b Binary files /dev/null and b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/moovingAverage.png differ diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/predictions.png b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/predictions.png new file mode 100644 index 0000000..420ac1e Binary files /dev/null and b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/predictions.png differ diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/preprocessing.png b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/preprocessing.png new file mode 100644 index 0000000..e3c11c4 Binary files /dev/null and b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/preprocessing.png differ diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/price_plot.png b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/price_plot.png new file mode 100644 index 0000000..b6ca1df Binary files /dev/null and b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/price_plot.png differ diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/tweet_sentiment.png b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/tweet_sentiment.png new file mode 100644 index 0000000..ce3315e Binary files /dev/null and b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Images/tweet_sentiment.png differ diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/README.md b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/README.md new file mode 100644 index 0000000..5f3031e --- /dev/null +++ b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/README.md @@ -0,0 +1,214 @@ + +# Harnessing Transformers and LSTM for Financial Market Trend Prediction + +

This article explores the application of transformers and LSTM in predicting financial market trends, with a particular focus on the advantages of transformers in this domain.

+ +
+ Transformer structure +
+ +

+ +
+ In the fast-paced world of financial markets, predicting trends has always been a challenging yet crucial task for investors, traders, and financial institutions. As technology advances, machine learning techniques have emerged as powerful tools for analyzing complex market dynamics and forecasting future movements. Among these techniques, transformers and Long Short-Term Memory (LSTM) networks have shown remarkable potential in capturing intricate patterns and relationships within financial data. +
+ +

+ +

What are Transformers?

+ +

Transformers are deep learning models that use self-attention mechanisms to process and understand relationships within input data. Unlike traditional sequential models such as recurrent neural networks (RNNs), transformers can process entire sequences simultaneously, making them highly parallelizable and efficient.

+ +

Key Components of Transformers

+ +
    +
  1. Self-Attention Mechanism: The heart of the transformer architecture is the self-attention mechanism. It allows the model to weigh the importance of different parts of the input when processing each element.
  2. +
  3. Multi-Head Attention: This component extends the self-attention mechanism by applying it multiple times in parallel.
  4. +
  5. Feed-Forward Networks: These are fully connected neural networks applied to each position separately and identically. They add non-linearity to the model, allowing it to learn complex functions.
  6. +
  7. Positional Encoding: Since transformers process input in parallel, they need a way to understand the order of the sequence. Positional encodings add information about the position of each element in the input sequence.
  8. +
+ +

One of the most popular transformers for sentiment analysis is BERT (Bidirectional Encoder Representations from Transformers). Developed by Google, BERT is designed to understand the context of a word in a sentence by looking at the words that come before and after it. This bidirectional approach allows BERT to capture the nuanced meaning of words, making it highly effective for tasks like sentiment analysis. In our project, we used BERT to analyze the sentiment of the market for each day based on tweets.

+ +### Data Preprocessing +

Preprocessing is a crucial step in Natural Language Processing (NLP) to prepare raw text data for analysis or model training.

+ +
    +
  1. Text Cleaning + +
  2. +
  3. Tokenization + +
  4. +
  5. Stopword Removal + +
  6. +
  7. Stemming/Lemmatization + +
  8. +
+ +```python +def Preprocess_Tweets(data): + + data['Tweet_Cleaned'] = data['Tweet'].str.lower() + + ## FIX HYPERLINKS + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'https?:\/\/.*[\r\n]*', ' ',regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'www.*[\r\n]*', ' ',regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('https', '', regex=False) + + + ## FIX INDIVIDUAL SYMBOLS + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(': ', ' ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(', ', ' ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('. ', ' ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('[;\n~]', ' ', regex=True) + + + ## FIX < > SYMBOLS + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('[<]+ ', ' ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('<', ' less than ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' [>]+', ' ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('>', ' greater than ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('\u2066', ' ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('\u2069', ' ', regex=False) +``` + +

Before and After Preprocessing

+
+ Transformer structure +
+ +### Get Sentiment rating from pre-trained model +

In this part, the code initializes a pre-trained BERT tokenizer and model from Hugging Face for multilingual sentiment analysis, allowing the conversion of text into tokens and the classification of sentiment.

+ +```python +tokenizer = AutoTokenizer.from_pretrained('nlptown/bert-base-multilingual-uncased-sentiment') + +model = AutoModelForSequenceClassification.from_pretrained('nlptown/bert-base-multilingual-uncased-sentiment') +``` + +

Function to analyze each tweet and predict sentiment score

+ +```python +def sentiment_score(tweet): + tokens = tokenizer.encode(tweet, return_tensors='pt') + result = model(tokens) + return int(torch.argmax(result.logits))+1 + +tweetsDf['sentiment'] = tweetsDf['Tweet_Cleaned'].apply(lambda x: sentiment_score(x[:512])) +``` + +

After Sentiment Tweet analysis

+
+ Transformer structure +
+ + +### LSTM (Long Short-Term Memory) +

Long Short-Term Memory (LSTM) networks are a type of recurrent neural network (RNN) specifically designed to handle long-term dependencies in sequential data. Unlike traditional RNNs, LSTMs can effectively retain and learn from past data over extended sequences, making them particularly useful for time series prediction tasks, such as financial data analysis.

+ +

How LSTM Works

+

LSTMs consist of memory cells and three types of gates (input, forget, and output gates) that regulate the flow of information:

+ + + +

LSTM networks offer significant advantages for financial data analysis due to their ability to capture long-term dependencies, handle non-stationary and noisy data, model complex patterns, and process sequential information. These capabilities make LSTMs a powerful tool for predicting financial market trends and making informed investment decisions.

+ +### Combine Finance data with Sentiment Indicator + +

We use the yfinance library to fetch historical stock price data. The sentiment data is concatenated with the financial data based on the date.

+ +```python +import yfinance as yf +from datetime import datetime + +end = datetime(2024, 7, 1) +start = datetime(2018, 1, 1) + +stock = "GOOG" # Google stock +google_stock = yf.download(stock, start, end) +``` + +
+ Transformer structure +

Merged financial and sentiment data

+
+ +
+ Transformer structure +
+ +

+ +

A 30-day moving average technique is applied to smooth out the data and identify trends, helping us determine the best predictor variables. The combined dataset is scaled using the MinMaxScaler to normalize the feature values. This scaling helps in making our predictions faster and more accurate by ensuring that all features contribute equally to the model's learning process.

+ +

Training LSTM Model

+ +

Define an LSTM neural network model to predict stock prices. It consists of two LSTM layers followed by two Dense layers, compiled with the Adam optimizer and mean squared error loss, and is trained on the dataset for 5 epochs. After training, the model generates predictions on the test data.

+ +```python +model = Sequential() +model.add(LSTM(128, input_shape=(x_train.shape[1], x_train.shape[2]), return_sequences=True)) +model.add(LSTM(64, return_sequences=False)) +model.add(Dense(25)) +model.add(Dense(1)) + +model.compile(optimizer='adam', loss='mean_squared_error') + +model.fit(x_train, y_train, batch_size=1, epochs=5) + +predictions = model.predict(x_test) +``` + +

The comparison between the “Actual” and “Predicted” values suggests that they are quite similar, indicating good alignment between model predictions and real-world data.

+ +
+ Transformer structure +

Prediction Results

+
+ +

The combined BERT-LSTM model shows promising results in predicting stock prices. By incorporating sentiment analysis, the model captures the impact of market sentiment on stock prices, leading to improved prediction accuracy. The performance metrics indicate that the BERT-LSTM model outperforms traditional models that do not consider sentiment indicators.

+ +
+ Transformer structure +

Plot of actual and predicted price

+
+ +### Conclusion + +

This article highlights the potential of transformers, particularly BERT, in enhancing stock price prediction through sentiment analysis. By combining the strengths of BERT and LSTM, and integrating techniques like moving averages and data scaling, we can develop a robust model that captures both market sentiment and historical price patterns.

+ +### References +

[1] https://web.stanford.edu/class/archive/cs/cs224n/cs224n.1234/final-reports/final-report-170049613.pdf

+

[2] https://cs229.stanford.edu/proj2011/GoelMittal-StockMarketPredictionUsingTwitterSentimentAnalysis.pdf

+

[3] https://huggingface.co/nlptown/bert-base-multilingual-uncased-sentiment

+

[4] https://finance.yahoo.com/

+

[5] Data Pre-processing Techniques for Machine Learning Models

+ +
+ +

Written by Saveliev Maxim

+

LinkedIn: www.linkedin.com/in/maxim-saveliev-796358281

+

GitHub: https://github.com/MaximSaveliev

+ + + diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Twitter Scraper/.gitignore b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Twitter Scraper/.gitignore new file mode 100644 index 0000000..c6bba59 --- /dev/null +++ b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Twitter Scraper/.gitignore @@ -0,0 +1,130 @@ +# Logs +logs +*.log +npm-debug.log* +yarn-debug.log* +yarn-error.log* +lerna-debug.log* +.pnpm-debug.log* + +# Diagnostic reports (https://nodejs.org/api/report.html) +report.[0-9]*.[0-9]*.[0-9]*.[0-9]*.json + +# Runtime data +pids +*.pid +*.seed +*.pid.lock + +# Directory for instrumented libs generated by jscoverage/JSCover +lib-cov + +# Coverage directory used by tools like istanbul +coverage +*.lcov + +# nyc test coverage +.nyc_output + +# Grunt intermediate storage (https://gruntjs.com/creating-plugins#storing-task-files) +.grunt + +# Bower dependency directory (https://bower.io/) +bower_components + +# node-waf configuration +.lock-wscript + +# Compiled binary addons (https://nodejs.org/api/addons.html) +build/Release + +# Dependency directories +node_modules/ +jspm_packages/ + +# Snowpack dependency directory (https://snowpack.dev/) +web_modules/ + +# TypeScript cache +*.tsbuildinfo + +# Optional npm cache directory +.npm + +# Optional eslint cache +.eslintcache + +# Optional stylelint cache +.stylelintcache + +# Microbundle cache +.rpt2_cache/ +.rts2_cache_cjs/ +.rts2_cache_es/ +.rts2_cache_umd/ + +# Optional REPL history +.node_repl_history + +# Output of 'npm pack' +*.tgz + +# Yarn Integrity file +.yarn-integrity + +# dotenv environment variable files +.env +.env.development.local +.env.test.local +.env.production.local +.env.local + +# parcel-bundler cache (https://parceljs.org/) +.cache +.parcel-cache + +# Next.js build output +.next +out + +# Nuxt.js build / generate output +.nuxt +dist + +# Gatsby files +.cache/ +# Comment in the public line in if your project uses Gatsby and not Next.js +# https://nextjs.org/blog/next-9-1#public-directory-support +# public + +# vuepress build output +.vuepress/dist + +# vuepress v2.x temp and cache directory +.temp +.cache + +# Docusaurus cache and generated files +.docusaurus + +# Serverless directories +.serverless/ + +# FuseBox cache +.fusebox/ + +# DynamoDB Local files +.dynamodb/ + +# TernJS port file +.tern-port + +# Stores VSCode versions used for testing VSCode extensions +.vscode-test + +# yarn v2 +.yarn/cache +.yarn/unplugged +.yarn/build-state.yml +.yarn/install-state.gz +.pnp.* diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Twitter Scraper/package-lock.json b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Twitter Scraper/package-lock.json new file mode 100644 index 0000000..8c3a554 --- /dev/null +++ b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Twitter Scraper/package-lock.json @@ -0,0 +1,2227 @@ +{ + "name": "twitter-scraper", + "version": "1.0.0", + "lockfileVersion": 3, + "requires": true, + "packages": { + "": { + "name": "twitter-scraper", + "version": "1.0.0", + "license": "MIT", + "dependencies": { + "csv-stringify": "^6.5.0", + "got-scraping": "^4.0.6", + "graceful-fs": "^4.2.11", + "license": "^1.0.3", + "node-fetch": "^3.3.2", + "puppeteer": "^22.12.1" + } + }, + "node_modules/@babel/code-frame": { + "version": "7.24.7", + "resolved": "https://registry.npmjs.org/@babel/code-frame/-/code-frame-7.24.7.tgz", + "integrity": "sha512-BcYH1CVJBO9tvyIZ2jVeXgSIMvGZ2FDRvDdOIVQyuklNKSsx+eppDEBq/g47Ayw+RqNFE+URvOShmf+f/qwAlA==", + "dependencies": { + "@babel/highlight": "^7.24.7", + "picocolors": "^1.0.0" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/helper-validator-identifier": { + "version": "7.24.7", + "resolved": "https://registry.npmjs.org/@babel/helper-validator-identifier/-/helper-validator-identifier-7.24.7.tgz", + "integrity": "sha512-rR+PBcQ1SMQDDyF6X0wxtG8QyLCgUB0eRAGguqRLfkCA87l7yAP7ehq8SNj96OOGTO8OBV70KhuFYcIkHXOg0w==", + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@babel/highlight": { + "version": "7.24.7", + "resolved": "https://registry.npmjs.org/@babel/highlight/-/highlight-7.24.7.tgz", + "integrity": "sha512-EStJpq4OuY8xYfhGVXngigBJRWxftKX9ksiGDnmlY3o7B/V7KIAc9X4oiK87uPJSc/vs5L869bem5fhZa8caZw==", + "dependencies": { + "@babel/helper-validator-identifier": "^7.24.7", + "chalk": "^2.4.2", + "js-tokens": "^4.0.0", + "picocolors": "^1.0.0" + }, + "engines": { + "node": ">=6.9.0" + } + }, + "node_modules/@ovyerus/licenses": { + "version": "6.4.4", + "resolved": "https://registry.npmjs.org/@ovyerus/licenses/-/licenses-6.4.4.tgz", + "integrity": "sha512-IHjc31WXciQT3hfvdY+M59jBkQp70Fpr04tNDVO5rez2PNv4u8tE6w//CkU+GeBoO9k2ahneSqzjzvlgjyjkGw==", + "engines": { + "node": ">=8" + } + }, + "node_modules/@puppeteer/browsers": { + "version": "2.2.3", + "resolved": "https://registry.npmjs.org/@puppeteer/browsers/-/browsers-2.2.3.tgz", + "integrity": "sha512-bJ0UBsk0ESOs6RFcLXOt99a3yTDcOKlzfjad+rhFwdaG1Lu/Wzq58GHYCDTlZ9z6mldf4g+NTb+TXEfe0PpnsQ==", + "dependencies": { + "debug": "4.3.4", + "extract-zip": "2.0.1", + "progress": "2.0.3", + "proxy-agent": "6.4.0", + "semver": "7.6.0", + "tar-fs": "3.0.5", + "unbzip2-stream": "1.4.3", + "yargs": "17.7.2" + }, + "bin": { + "browsers": "lib/cjs/main-cli.js" + }, + "engines": { + "node": ">=18" + } + }, + "node_modules/@puppeteer/browsers/node_modules/cliui": { + "version": "8.0.1", + "resolved": "https://registry.npmjs.org/cliui/-/cliui-8.0.1.tgz", + "integrity": "sha512-BSeNnyus75C4//NQ9gQt1/csTXyo/8Sb+afLAkzAptFuMsod9HFokGNudZpi/oQV73hnVK+sR+5PVRMd+Dr7YQ==", + "dependencies": { + "string-width": "^4.2.0", + "strip-ansi": "^6.0.1", + "wrap-ansi": "^7.0.0" + }, + "engines": { + "node": ">=12" + } + }, + "node_modules/@puppeteer/browsers/node_modules/lru-cache": { + "version": "6.0.0", + "resolved": "https://registry.npmjs.org/lru-cache/-/lru-cache-6.0.0.tgz", + "integrity": "sha512-Jo6dJ04CmSjuznwJSS3pUeWmd/H0ffTlkXXgwZi+eq1UCmqQwCh+eLsYOYCwY991i2Fah4h1BEMCx4qThGbsiA==", + "dependencies": { + "yallist": "^4.0.0" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@puppeteer/browsers/node_modules/semver": { + "version": "7.6.0", + "resolved": "https://registry.npmjs.org/semver/-/semver-7.6.0.tgz", + "integrity": "sha512-EnwXhrlwXMk9gKu5/flx5sv/an57AkRplG3hTK68W7FRDN+k+OWBj65M7719OkA82XLBxrcX0KSHj+X5COhOVg==", + "dependencies": { + "lru-cache": "^6.0.0" + }, + "bin": { + "semver": "bin/semver.js" + }, + "engines": { + "node": ">=10" + } + }, + "node_modules/@puppeteer/browsers/node_modules/wrap-ansi": { + "version": "7.0.0", + "resolved": "https://registry.npmjs.org/wrap-ansi/-/wrap-ansi-7.0.0.tgz", + "integrity": "sha512-YVGIj2kamLSTxw6NsZjoBxfSwsn0ycdesmc4p+Q21c5zPuZ1pl+NfxVdxPtdHvmNVOQ6XSYG4AUtyt/Fi7D16Q==", + "dependencies": { + "ansi-styles": "^4.0.0", + "string-width": "^4.1.0", + "strip-ansi": "^6.0.0" + }, + "engines": { + "node": ">=10" + }, + "funding": { + "url": "https://github.com/chalk/wrap-ansi?sponsor=1" + } + }, + "node_modules/@puppeteer/browsers/node_modules/y18n": { + "version": "5.0.8", + "resolved": "https://registry.npmjs.org/y18n/-/y18n-5.0.8.tgz", + "integrity": "sha512-0pfFzegeDWJHJIAmTLRP2DwHjdF5s7jo9tuztdQxAhINCdvS+3nGINqPd00AphqJR/0LhANUS6/+7SCb98YOfA==", + "engines": { + "node": ">=10" + } + }, + "node_modules/@puppeteer/browsers/node_modules/yargs": { + "version": "17.7.2", + "resolved": "https://registry.npmjs.org/yargs/-/yargs-17.7.2.tgz", + "integrity": "sha512-7dSzzRQ++CKnNI/krKnYRV7JKKPUXMEh61soaHKg9mrWEhzFWhFnxPxGl+69cD1Ou63C13NUPCnmIcrvqCuM6w==", + "dependencies": { + "cliui": "^8.0.1", + "escalade": "^3.1.1", + "get-caller-file": "^2.0.5", + "require-directory": "^2.1.1", + "string-width": "^4.2.3", + "y18n": "^5.0.5", + "yargs-parser": "^21.1.1" + }, + "engines": { + "node": ">=12" + } + }, + "node_modules/@puppeteer/browsers/node_modules/yargs-parser": { + "version": "21.1.1", + "resolved": "https://registry.npmjs.org/yargs-parser/-/yargs-parser-21.1.1.tgz", + "integrity": "sha512-tVpsJW7DdjecAiFpbIB1e3qxIQsE6NoPc5/eTdrbbIC4h0LVsWhnoa3g+m2HclBIujHzsxZ4VJVA+GUuc2/LBw==", + "engines": { + "node": ">=12" + } + }, + "node_modules/@sec-ant/readable-stream": { + "version": "0.4.1", + "resolved": "https://registry.npmjs.org/@sec-ant/readable-stream/-/readable-stream-0.4.1.tgz", + "integrity": "sha512-831qok9r2t8AlxLko40y2ebgSDhenenCatLVeW/uBtnHPyhHOvG0C7TvfgecV+wHzIm5KUICgzmVpWS+IMEAeg==" + }, + "node_modules/@sindresorhus/is": { + "version": "6.3.1", + "resolved": "https://registry.npmjs.org/@sindresorhus/is/-/is-6.3.1.tgz", + "integrity": "sha512-FX4MfcifwJyFOI2lPoX7PQxCqx8BG1HCho7WdiXwpEQx1Ycij0JxkfYtGK7yqNScrZGSlt6RE6sw8QYoH7eKnQ==", + "engines": { + "node": ">=16" + }, + "funding": { + "url": "https://github.com/sindresorhus/is?sponsor=1" + } + }, + "node_modules/@szmarczak/http-timer": { + "version": "5.0.1", + "resolved": "https://registry.npmjs.org/@szmarczak/http-timer/-/http-timer-5.0.1.tgz", + "integrity": "sha512-+PmQX0PiAYPMeVYe237LJAYvOMYW1j2rH5YROyS3b4CTVJum34HfRvKvAzozHAQG0TnHNdUfY9nCeUyRAs//cw==", + "dependencies": { + "defer-to-connect": "^2.0.1" + }, + "engines": { + "node": ">=14.16" + } + }, + "node_modules/@tootallnate/quickjs-emscripten": { + "version": "0.23.0", + "resolved": "https://registry.npmjs.org/@tootallnate/quickjs-emscripten/-/quickjs-emscripten-0.23.0.tgz", + "integrity": "sha512-C5Mc6rdnsaJDjO3UpGW/CQTHtCKaYlScZTly4JIu97Jxo/odCiH0ITnDXSJPTOrEKk/ycSZ0AOgTmkDtkOsvIA==" + }, + "node_modules/@types/http-cache-semantics": { + "version": "4.0.4", + "resolved": "https://registry.npmjs.org/@types/http-cache-semantics/-/http-cache-semantics-4.0.4.tgz", + "integrity": "sha512-1m0bIFVc7eJWyve9S0RnuRgcQqF/Xd5QsUZAZeQFr1Q3/p9JWoQQEqmVy+DPTNpGXwhgIetAoYF8JSc33q29QA==" + }, + "node_modules/@types/node": { + "version": "20.14.10", + "resolved": "https://registry.npmjs.org/@types/node/-/node-20.14.10.tgz", + "integrity": "sha512-MdiXf+nDuMvY0gJKxyfZ7/6UFsETO7mGKF54MVD/ekJS6HdFtpZFBgrh6Pseu64XTb2MLyFPlbW6hj8HYRQNOQ==", + "optional": true, + "dependencies": { + "undici-types": "~5.26.4" + } + }, + "node_modules/@types/yauzl": { + "version": "2.10.3", + "resolved": "https://registry.npmjs.org/@types/yauzl/-/yauzl-2.10.3.tgz", + "integrity": "sha512-oJoftv0LSuaDZE3Le4DbKX+KS9G36NzOeSap90UIK0yMA/NhKJhqlSGtNDORNRaIbQfzjXDrQa0ytJ6mNRGz/Q==", + "optional": true, + "dependencies": { + "@types/node": "*" + } + }, + "node_modules/adm-zip": { + "version": "0.5.14", + "resolved": "https://registry.npmjs.org/adm-zip/-/adm-zip-0.5.14.tgz", + "integrity": "sha512-DnyqqifT4Jrcvb8USYjp6FHtBpEIz1mnXu6pTRHZ0RL69LbQYiO+0lDFg5+OKA7U29oWSs3a/i8fhn8ZcceIWg==", + "engines": { + "node": ">=12.0" + } + }, + "node_modules/agent-base": { + "version": "7.1.1", + "resolved": "https://registry.npmjs.org/agent-base/-/agent-base-7.1.1.tgz", + "integrity": "sha512-H0TSyFNDMomMNJQBn8wFV5YC/2eJ+VXECwOadZJT554xP6cODZHPX3H9QMQECxvrgiSOP1pHjy1sMWQVYJOUOA==", + "dependencies": { + "debug": "^4.3.4" + }, + "engines": { + "node": ">= 14" + } + }, + "node_modules/ansi-regex": { + "version": "5.0.1", + "resolved": "https://registry.npmjs.org/ansi-regex/-/ansi-regex-5.0.1.tgz", + "integrity": "sha512-quJQXlTSUGL2LH9SUXo8VwsY4soanhgo6LNSm84E1LBcE8s3O0wpdiRzyR9z/ZZJMlMWv37qOOb9pdJlMUEKFQ==", + "engines": { + "node": ">=8" + } + }, + "node_modules/ansi-styles": { + "version": "4.3.0", + "resolved": "https://registry.npmjs.org/ansi-styles/-/ansi-styles-4.3.0.tgz", + "integrity": "sha512-zbB9rCJAT1rbjiVDb2hqKFHNYLxgtk8NURxZ3IZwD3F6NtxbXZQCnnSi1Lkx+IDohdPlFp222wVALIheZJQSEg==", + "dependencies": { + "color-convert": "^2.0.1" + }, + "engines": { + "node": ">=8" + }, + "funding": { + "url": "https://github.com/chalk/ansi-styles?sponsor=1" + } + }, + "node_modules/argparse": { + "version": "2.0.1", + "resolved": "https://registry.npmjs.org/argparse/-/argparse-2.0.1.tgz", + "integrity": "sha512-8+9WqebbFzpX9OR+Wa6O29asIogeRMzcGtAINdpMHHyAg10f05aSFVBbcEqGf/PXw1EjAZ+q2/bEBg3DvurK3Q==" + }, + "node_modules/ast-types": { + "version": "0.13.4", + "resolved": "https://registry.npmjs.org/ast-types/-/ast-types-0.13.4.tgz", + "integrity": "sha512-x1FCFnFifvYDDzTaLII71vG5uvDwgtmDTEVWAxrgeiR8VjMONcCXJx7E+USjDtHlwFmt9MysbqgF9b9Vjr6w+w==", + "dependencies": { + "tslib": "^2.0.1" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/b4a": { + "version": "1.6.6", + "resolved": "https://registry.npmjs.org/b4a/-/b4a-1.6.6.tgz", + "integrity": "sha512-5Tk1HLk6b6ctmjIkAcU/Ujv/1WqiDl0F0JdRCR80VsOcUlHcu7pWeWRlOqQLHfDEsVx9YH/aif5AG4ehoCtTmg==" + }, + "node_modules/bare-events": { + "version": "2.4.2", + "resolved": "https://registry.npmjs.org/bare-events/-/bare-events-2.4.2.tgz", + "integrity": "sha512-qMKFd2qG/36aA4GwvKq8MxnPgCQAmBWmSyLWsJcbn8v03wvIPQ/hG1Ms8bPzndZxMDoHpxez5VOS+gC9Yi24/Q==", + "optional": true + }, + "node_modules/bare-fs": { + "version": "2.3.1", + "resolved": "https://registry.npmjs.org/bare-fs/-/bare-fs-2.3.1.tgz", + "integrity": "sha512-W/Hfxc/6VehXlsgFtbB5B4xFcsCl+pAh30cYhoFyXErf6oGrwjh8SwiPAdHgpmWonKuYpZgGywN0SXt7dgsADA==", + "optional": true, + "dependencies": { + "bare-events": "^2.0.0", + "bare-path": "^2.0.0", + "bare-stream": "^2.0.0" + } + }, + "node_modules/bare-os": { + "version": "2.4.0", + "resolved": "https://registry.npmjs.org/bare-os/-/bare-os-2.4.0.tgz", + "integrity": "sha512-v8DTT08AS/G0F9xrhyLtepoo9EJBJ85FRSMbu1pQUlAf6A8T0tEEQGMVObWeqpjhSPXsE0VGlluFBJu2fdoTNg==", + "optional": true + }, + "node_modules/bare-path": { + "version": "2.1.3", + "resolved": "https://registry.npmjs.org/bare-path/-/bare-path-2.1.3.tgz", + "integrity": "sha512-lh/eITfU8hrj9Ru5quUp0Io1kJWIk1bTjzo7JH1P5dWmQ2EL4hFUlfI8FonAhSlgIfhn63p84CDY/x+PisgcXA==", + "optional": true, + "dependencies": { + "bare-os": "^2.1.0" + } + }, + "node_modules/bare-stream": { + "version": "2.1.3", + "resolved": "https://registry.npmjs.org/bare-stream/-/bare-stream-2.1.3.tgz", + "integrity": "sha512-tiDAH9H/kP+tvNO5sczyn9ZAA7utrSMobyDchsnyyXBuUe2FSQWbxhtuHB8jwpHYYevVo2UJpcmvvjrbHboUUQ==", + "optional": true, + "dependencies": { + "streamx": "^2.18.0" + } + }, + "node_modules/base64-js": { + "version": "1.5.1", + "resolved": "https://registry.npmjs.org/base64-js/-/base64-js-1.5.1.tgz", + "integrity": "sha512-AKpaYlHn8t4SVbOHCy+b5+KKgvR4vrsD8vbvrbiQJps7fKDTkjkDry6ji0rUJjC0kzbNePLwzxq8iypo41qeWA==", + "funding": [ + { + "type": "github", + "url": "https://github.com/sponsors/feross" + }, + { + "type": "patreon", + "url": "https://www.patreon.com/feross" + }, + { + "type": "consulting", + "url": "https://feross.org/support" + } + ] + }, + "node_modules/basic-ftp": { + "version": "5.0.5", + "resolved": "https://registry.npmjs.org/basic-ftp/-/basic-ftp-5.0.5.tgz", + "integrity": "sha512-4Bcg1P8xhUuqcii/S0Z9wiHIrQVPMermM1any+MX5GeGD7faD3/msQUDGLol9wOcz4/jbg/WJnGqoJF6LiBdtg==", + "engines": { + "node": ">=10.0.0" + } + }, + "node_modules/browserslist": { + "version": "4.23.1", + "resolved": "https://registry.npmjs.org/browserslist/-/browserslist-4.23.1.tgz", + "integrity": "sha512-TUfofFo/KsK/bWZ9TWQ5O26tsWW4Uhmt8IYklbnUa70udB6P2wA7w7o4PY4muaEPBQaAX+CEnmmIA41NVHtPVw==", + "funding": [ + { + "type": "opencollective", + "url": "https://opencollective.com/browserslist" + }, + { + "type": "tidelift", + "url": "https://tidelift.com/funding/github/npm/browserslist" + }, + { + "type": "github", + "url": "https://github.com/sponsors/ai" + } + ], + "dependencies": { + "caniuse-lite": "^1.0.30001629", + "electron-to-chromium": "^1.4.796", + "node-releases": "^2.0.14", + "update-browserslist-db": "^1.0.16" + }, + "bin": { + "browserslist": "cli.js" + }, + "engines": { + "node": "^6 || ^7 || ^8 || ^9 || ^10 || ^11 || ^12 || >=13.7" + } + }, + "node_modules/buffer": { + "version": "5.7.1", + "resolved": "https://registry.npmjs.org/buffer/-/buffer-5.7.1.tgz", + "integrity": "sha512-EHcyIPBQ4BSGlvjB16k5KgAJ27CIsHY/2JBmCRReo48y9rQ3MaUzWX3KVlBa4U7MyX02HdVj0K7C3WaB3ju7FQ==", + "funding": [ + { + "type": "github", + "url": "https://github.com/sponsors/feross" + }, + { + "type": "patreon", + "url": "https://www.patreon.com/feross" + }, + { + "type": "consulting", + "url": "https://feross.org/support" + } + ], + "dependencies": { + "base64-js": "^1.3.1", + "ieee754": "^1.1.13" + } + }, + "node_modules/buffer-crc32": { + "version": "0.2.13", + "resolved": "https://registry.npmjs.org/buffer-crc32/-/buffer-crc32-0.2.13.tgz", + "integrity": "sha512-VO9Ht/+p3SN7SKWqcrgEzjGbRSJYTx+Q1pTQC0wrWqHx0vpJraQ6GtHx8tvcg1rlK1byhU5gccxgOgj7B0TDkQ==", + "engines": { + "node": "*" + } + }, + "node_modules/cacheable-lookup": { + "version": "7.0.0", + "resolved": "https://registry.npmjs.org/cacheable-lookup/-/cacheable-lookup-7.0.0.tgz", + "integrity": "sha512-+qJyx4xiKra8mZrcwhjMRMUhD5NR1R8esPkzIYxX96JiecFoxAXFuz/GpR3+ev4PE1WamHip78wV0vcmPQtp8w==", + "engines": { + "node": ">=14.16" + } + }, + "node_modules/cacheable-request": { + "version": "12.0.1", + "resolved": "https://registry.npmjs.org/cacheable-request/-/cacheable-request-12.0.1.tgz", + "integrity": "sha512-Yo9wGIQUaAfIbk+qY0X4cDQgCosecfBe3V9NSyeY4qPC2SAkbCS4Xj79VP8WOzitpJUZKc/wsRCYF5ariDIwkg==", + "dependencies": { + "@types/http-cache-semantics": "^4.0.4", + "get-stream": "^9.0.1", + "http-cache-semantics": "^4.1.1", + "keyv": "^4.5.4", + "mimic-response": "^4.0.0", + "normalize-url": "^8.0.1", + "responselike": "^3.0.0" + }, + "engines": { + "node": ">=18" + } + }, + "node_modules/cacheable-request/node_modules/get-stream": { + "version": "9.0.1", + "resolved": "https://registry.npmjs.org/get-stream/-/get-stream-9.0.1.tgz", + "integrity": "sha512-kVCxPF3vQM/N0B1PmoqVUqgHP+EeVjmZSQn+1oCRPxd2P21P2F19lIgbR3HBosbB1PUhOAoctJnfEn2GbN2eZA==", + "dependencies": { + "@sec-ant/readable-stream": "^0.4.1", + "is-stream": "^4.0.1" + }, + "engines": { + "node": ">=18" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/callsites": { + "version": "4.2.0", + "resolved": "https://registry.npmjs.org/callsites/-/callsites-4.2.0.tgz", + "integrity": "sha512-kfzR4zzQtAE9PC7CzZsjl3aBNbXWuXiSeOCdLcPpBfGW8YuCqQHcRPFDbr/BPVmd3EEPVpuFzLyuT/cUhPr4OQ==", + "engines": { + "node": ">=12.20" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/camelcase": { + "version": "5.3.1", + "resolved": "https://registry.npmjs.org/camelcase/-/camelcase-5.3.1.tgz", + "integrity": "sha512-L28STB170nwWS63UjtlEOE3dldQApaJXZkOI1uMFfzf3rRuPegHaHesyee+YxQ+W6SvRDQV6UrdOdRiR153wJg==", + "engines": { + "node": ">=6" + } + }, + "node_modules/caniuse-lite": { + "version": "1.0.30001640", + "resolved": "https://registry.npmjs.org/caniuse-lite/-/caniuse-lite-1.0.30001640.tgz", + "integrity": "sha512-lA4VMpW0PSUrFnkmVuEKBUovSWKhj7puyCg8StBChgu298N1AtuF1sKWEvfDuimSEDbhlb/KqPKC3fs1HbuQUA==", + "funding": [ + { + "type": "opencollective", + "url": "https://opencollective.com/browserslist" + }, + { + "type": "tidelift", + "url": "https://tidelift.com/funding/github/npm/caniuse-lite" + }, + { + "type": "github", + "url": "https://github.com/sponsors/ai" + } + ] + }, + "node_modules/chalk": { + "version": "2.4.2", + "resolved": "https://registry.npmjs.org/chalk/-/chalk-2.4.2.tgz", + "integrity": "sha512-Mti+f9lpJNcwF4tWV8/OrTTtF1gZi+f8FqlyAdouralcFWFQWF2+NgCHShjkCb+IFBLq9buZwE1xckQU4peSuQ==", + "dependencies": { + "ansi-styles": "^3.2.1", + "escape-string-regexp": "^1.0.5", + "supports-color": "^5.3.0" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/chalk/node_modules/ansi-styles": { + "version": "3.2.1", + "resolved": "https://registry.npmjs.org/ansi-styles/-/ansi-styles-3.2.1.tgz", + "integrity": "sha512-VT0ZI6kZRdTh8YyJw3SMbYm/u+NqfsAxEpWO0Pf9sq8/e94WxxOpPKx9FR1FlyCtOVDNOQ+8ntlqFxiRc+r5qA==", + "dependencies": { + "color-convert": "^1.9.0" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/chalk/node_modules/color-convert": { + "version": "1.9.3", + "resolved": "https://registry.npmjs.org/color-convert/-/color-convert-1.9.3.tgz", + "integrity": "sha512-QfAUtd+vFdAtFQcC8CCyYt1fYWxSqAiK2cSD6zDB8N3cpsEBAvRxp9zOGg6G/SHHJYAT88/az/IuDGALsNVbGg==", + "dependencies": { + "color-name": "1.1.3" + } + }, + "node_modules/chalk/node_modules/color-name": { + "version": "1.1.3", + "resolved": "https://registry.npmjs.org/color-name/-/color-name-1.1.3.tgz", + "integrity": "sha512-72fSenhMw2HZMTVHeCA9KCmpEIbzWiQsjN+BHcBbS9vr1mtt+vJjPdksIBNUmKAW8TFUDPJK5SUU3QhE9NEXDw==" + }, + "node_modules/chromium-bidi": { + "version": "0.5.24", + "resolved": "https://registry.npmjs.org/chromium-bidi/-/chromium-bidi-0.5.24.tgz", + "integrity": "sha512-5xQNN2SVBdZv4TxeMLaI+PelrnZsHDhn8h2JtyriLr+0qHcZS8BMuo93qN6J1VmtmrgYP+rmcLHcbpnA8QJh+w==", + "dependencies": { + "mitt": "3.0.1", + "urlpattern-polyfill": "10.0.0", + "zod": "3.23.8" + }, + "peerDependencies": { + "devtools-protocol": "*" + } + }, + "node_modules/cliui": { + "version": "6.0.0", + "resolved": "https://registry.npmjs.org/cliui/-/cliui-6.0.0.tgz", + "integrity": "sha512-t6wbgtoCXvAzst7QgXxJYqPt0usEfbgQdftEPbLL/cvv6HPE5VgvqCuAIDR0NgU52ds6rFwqrgakNLrHEjCbrQ==", + "dependencies": { + "string-width": "^4.2.0", + "strip-ansi": "^6.0.0", + "wrap-ansi": "^6.2.0" + } + }, + "node_modules/color-convert": { + "version": "2.0.1", + "resolved": "https://registry.npmjs.org/color-convert/-/color-convert-2.0.1.tgz", + "integrity": "sha512-RRECPsj7iu/xb5oKYcsFHSppFNnsj/52OVTRKb4zP5onXwVF3zVmmToNcOfGC+CRDpfK/U584fMg38ZHCaElKQ==", + "dependencies": { + "color-name": "~1.1.4" + }, + "engines": { + "node": ">=7.0.0" + } + }, + "node_modules/color-name": { + "version": "1.1.4", + "resolved": "https://registry.npmjs.org/color-name/-/color-name-1.1.4.tgz", + "integrity": "sha512-dOy+3AuW3a2wNbZHIuMZpTcgjGuLU/uBL/ubcZF9OXbDo8ff4O8yVp5Bf0efS8uEoYo5q4Fx7dY9OgQGXgAsQA==" + }, + "node_modules/configstore": { + "version": "5.0.1", + "resolved": "https://registry.npmjs.org/configstore/-/configstore-5.0.1.tgz", + "integrity": "sha512-aMKprgk5YhBNyH25hj8wGt2+D52Sw1DRRIzqBwLp2Ya9mFmY8KPvvtvmna8SxVR9JMZ4kzMD68N22vlaRpkeFA==", + "dependencies": { + "dot-prop": "^5.2.0", + "graceful-fs": "^4.1.2", + "make-dir": "^3.0.0", + "unique-string": "^2.0.0", + "write-file-atomic": "^3.0.0", + "xdg-basedir": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/configstore/node_modules/dot-prop": { + "version": "5.3.0", + "resolved": "https://registry.npmjs.org/dot-prop/-/dot-prop-5.3.0.tgz", + "integrity": "sha512-QM8q3zDe58hqUqjraQOmzZ1LIH9SWQJTlEKCH4kJ2oQvLZk7RbQXvtDM2XEq3fwkV9CCvvH4LA0AV+ogFsBM2Q==", + "dependencies": { + "is-obj": "^2.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/cosmiconfig": { + "version": "9.0.0", + "resolved": "https://registry.npmjs.org/cosmiconfig/-/cosmiconfig-9.0.0.tgz", + "integrity": "sha512-itvL5h8RETACmOTFc4UfIyB2RfEHi71Ax6E/PivVxq9NseKbOWpeyHEOIbmAw1rs8Ak0VursQNww7lf7YtUwzg==", + "dependencies": { + "env-paths": "^2.2.1", + "import-fresh": "^3.3.0", + "js-yaml": "^4.1.0", + "parse-json": "^5.2.0" + }, + "engines": { + "node": ">=14" + }, + "funding": { + "url": "https://github.com/sponsors/d-fischer" + }, + "peerDependencies": { + "typescript": ">=4.9.5" + }, + "peerDependenciesMeta": { + "typescript": { + "optional": true + } + } + }, + "node_modules/crypto-random-string": { + "version": "2.0.0", + "resolved": "https://registry.npmjs.org/crypto-random-string/-/crypto-random-string-2.0.0.tgz", + "integrity": "sha512-v1plID3y9r/lPhviJ1wrXpLeyUIGAZ2SHNYTEapm7/8A9nLPoyvVp3RK/EPFqn5kEznyWgYZNsRtYYIWbuG8KA==", + "engines": { + "node": ">=8" + } + }, + "node_modules/csv-stringify": { + "version": "6.5.0", + "resolved": "https://registry.npmjs.org/csv-stringify/-/csv-stringify-6.5.0.tgz", + "integrity": "sha512-edlXFVKcUx7r8Vx5zQucsuMg4wb/xT6qyz+Sr1vnLrdXqlLD1+UKyWNyZ9zn6mUW1ewmGxrpVwAcChGF0HQ/2Q==" + }, + "node_modules/data-uri-to-buffer": { + "version": "4.0.1", + "resolved": "https://registry.npmjs.org/data-uri-to-buffer/-/data-uri-to-buffer-4.0.1.tgz", + "integrity": "sha512-0R9ikRb668HB7QDxT1vkpuUBtqc53YyAwMwGeUFKRojY/NWKvdZ+9UYtRfGmhqNbRkTSVpMbmyhXipFFv2cb/A==", + "engines": { + "node": ">= 12" + } + }, + "node_modules/debug": { + "version": "4.3.4", + "resolved": "https://registry.npmjs.org/debug/-/debug-4.3.4.tgz", + "integrity": "sha512-PRWFHuSU3eDtQJPvnNY7Jcket1j0t5OuOsFzPPzsekD52Zl8qUfFIPEiswXqIvHWGVHOgX+7G/vCNNhehwxfkQ==", + "dependencies": { + "ms": "2.1.2" + }, + "engines": { + "node": ">=6.0" + }, + "peerDependenciesMeta": { + "supports-color": { + "optional": true + } + } + }, + "node_modules/decamelize": { + "version": "1.2.0", + "resolved": "https://registry.npmjs.org/decamelize/-/decamelize-1.2.0.tgz", + "integrity": "sha512-z2S+W9X73hAUUki+N+9Za2lBlun89zigOyGrsax+KUQ6wKW4ZoWpEYBkGhQjwAjjDCkWxhY0VKEhk8wzY7F5cA==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/decompress-response": { + "version": "6.0.0", + "resolved": "https://registry.npmjs.org/decompress-response/-/decompress-response-6.0.0.tgz", + "integrity": "sha512-aW35yZM6Bb/4oJlZncMH2LCoZtJXTRxES17vE3hoRiowU2kWHaJKFkSBDnDR+cm9J+9QhXmREyIfv0pji9ejCQ==", + "dependencies": { + "mimic-response": "^3.1.0" + }, + "engines": { + "node": ">=10" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/decompress-response/node_modules/mimic-response": { + "version": "3.1.0", + "resolved": "https://registry.npmjs.org/mimic-response/-/mimic-response-3.1.0.tgz", + "integrity": "sha512-z0yWI+4FDrrweS8Zmt4Ej5HdJmky15+L2e6Wgn3+iK5fWzb6T3fhNFq2+MeTRb064c6Wr4N/wv0DzQTjNzHNGQ==", + "engines": { + "node": ">=10" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/defer-to-connect": { + "version": "2.0.1", + "resolved": "https://registry.npmjs.org/defer-to-connect/-/defer-to-connect-2.0.1.tgz", + "integrity": "sha512-4tvttepXG1VaYGrRibk5EwJd1t4udunSOVMdLSAL6mId1ix438oPwPZMALY41FCijukO1L0twNcGsdzS7dHgDg==", + "engines": { + "node": ">=10" + } + }, + "node_modules/degenerator": { + "version": "5.0.1", + "resolved": "https://registry.npmjs.org/degenerator/-/degenerator-5.0.1.tgz", + "integrity": "sha512-TllpMR/t0M5sqCXfj85i4XaAzxmS5tVA16dqvdkMwGmzI+dXLXnw3J+3Vdv7VKw+ThlTMboK6i9rnZ6Nntj5CQ==", + "dependencies": { + "ast-types": "^0.13.4", + "escodegen": "^2.1.0", + "esprima": "^4.0.1" + }, + "engines": { + "node": ">= 14" + } + }, + "node_modules/detect-indent": { + "version": "6.1.0", + "resolved": "https://registry.npmjs.org/detect-indent/-/detect-indent-6.1.0.tgz", + "integrity": "sha512-reYkTUJAZb9gUuZ2RvVCNhVHdg62RHnJ7WJl8ftMi4diZ6NWlciOzQN88pUhSELEwflJht4oQDv0F0BMlwaYtA==", + "engines": { + "node": ">=8" + } + }, + "node_modules/devtools-protocol": { + "version": "0.0.1299070", + "resolved": "https://registry.npmjs.org/devtools-protocol/-/devtools-protocol-0.0.1299070.tgz", + "integrity": "sha512-+qtL3eX50qsJ7c+qVyagqi7AWMoQCBGNfoyJZMwm/NSXVqLYbuitrWEEIzxfUmTNy7//Xe8yhMmQ+elj3uAqSg==" + }, + "node_modules/dot-prop": { + "version": "7.2.0", + "resolved": "https://registry.npmjs.org/dot-prop/-/dot-prop-7.2.0.tgz", + "integrity": "sha512-Ol/IPXUARn9CSbkrdV4VJo7uCy1I3VuSiWCaFSg+8BdUOzF9n3jefIpcgAydvUZbTdEBZs2vEiTiS9m61ssiDA==", + "dependencies": { + "type-fest": "^2.11.2" + }, + "engines": { + "node": "^12.20.0 || ^14.13.1 || >=16.0.0" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/dot-prop/node_modules/type-fest": { + "version": "2.19.0", + "resolved": "https://registry.npmjs.org/type-fest/-/type-fest-2.19.0.tgz", + "integrity": "sha512-RAH822pAdBgcNMAfWnCBU3CFZcfZ/i1eZjwFU/dsLKumyuuP3niueg2UAukXYF0E2AAoc82ZSSf9J0WQBinzHA==", + "engines": { + "node": ">=12.20" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/electron-to-chromium": { + "version": "1.4.818", + "resolved": "https://registry.npmjs.org/electron-to-chromium/-/electron-to-chromium-1.4.818.tgz", + "integrity": "sha512-eGvIk2V0dGImV9gWLq8fDfTTsCAeMDwZqEPMr+jMInxZdnp9Us8UpovYpRCf9NQ7VOFgrN2doNSgvISbsbNpxA==" + }, + "node_modules/emoji-regex": { + "version": "8.0.0", + "resolved": "https://registry.npmjs.org/emoji-regex/-/emoji-regex-8.0.0.tgz", + "integrity": "sha512-MSjYzcWNOA0ewAHpz0MxpYFvwg6yjy1NG3xteoqz644VCo/RPgnr1/GGt+ic3iJTzQ8Eu3TdM14SawnVUmGE6A==" + }, + "node_modules/end-of-stream": { + "version": "1.4.4", + "resolved": "https://registry.npmjs.org/end-of-stream/-/end-of-stream-1.4.4.tgz", + "integrity": "sha512-+uw1inIHVPQoaVuHzRyXd21icM+cnt4CzD5rW+NC1wjOUSTOs+Te7FOv7AhN7vS9x/oIyhLP5PR1H+phQAHu5Q==", + "dependencies": { + "once": "^1.4.0" + } + }, + "node_modules/env-paths": { + "version": "2.2.1", + "resolved": "https://registry.npmjs.org/env-paths/-/env-paths-2.2.1.tgz", + "integrity": "sha512-+h1lkLKhZMTYjog1VEpJNG7NZJWcuc2DDk/qsqSTRRCOXiLjeQ1d1/udrUGhqMxUgAlwKNZ0cf2uqan5GLuS2A==", + "engines": { + "node": ">=6" + } + }, + "node_modules/error-ex": { + "version": "1.3.2", + "resolved": "https://registry.npmjs.org/error-ex/-/error-ex-1.3.2.tgz", + "integrity": "sha512-7dFHNmqeFSEt2ZBsCriorKnn3Z2pj+fd9kmI6QoWw4//DL+icEBfc0U7qJCisqrTsKTjw4fNFy2pW9OqStD84g==", + "dependencies": { + "is-arrayish": "^0.2.1" + } + }, + "node_modules/escalade": { + "version": "3.1.2", + "resolved": "https://registry.npmjs.org/escalade/-/escalade-3.1.2.tgz", + "integrity": "sha512-ErCHMCae19vR8vQGe50xIsVomy19rg6gFu3+r3jkEO46suLMWBksvVyoGgQV+jOfl84ZSOSlmv6Gxa89PmTGmA==", + "engines": { + "node": ">=6" + } + }, + "node_modules/escape-string-regexp": { + "version": "1.0.5", + "resolved": "https://registry.npmjs.org/escape-string-regexp/-/escape-string-regexp-1.0.5.tgz", + "integrity": "sha512-vbRorB5FUQWvla16U8R/qgaFIya2qGzwDrNmCZuYKrbdSUMG6I1ZCGQRefkRVhuOkIGVne7BQ35DSfo1qvJqFg==", + "engines": { + "node": ">=0.8.0" + } + }, + "node_modules/escodegen": { + "version": "2.1.0", + "resolved": "https://registry.npmjs.org/escodegen/-/escodegen-2.1.0.tgz", + "integrity": "sha512-2NlIDTwUWJN0mRPQOdtQBzbUHvdGY2P1VXSyU83Q3xKxM7WHX2Ql8dKq782Q9TgQUNOLEzEYu9bzLNj1q88I5w==", + "dependencies": { + "esprima": "^4.0.1", + "estraverse": "^5.2.0", + "esutils": "^2.0.2" + }, + "bin": { + "escodegen": "bin/escodegen.js", + "esgenerate": "bin/esgenerate.js" + }, + "engines": { + "node": ">=6.0" + }, + "optionalDependencies": { + "source-map": "~0.6.1" + } + }, + "node_modules/esprima": { + "version": "4.0.1", + "resolved": "https://registry.npmjs.org/esprima/-/esprima-4.0.1.tgz", + "integrity": "sha512-eGuFFw7Upda+g4p+QHvnW0RyTX/SVeJBDM/gCtMARO0cLuT2HcEKnTPvhjV6aGeqrCB/sbNop0Kszm0jsaWU4A==", + "bin": { + "esparse": "bin/esparse.js", + "esvalidate": "bin/esvalidate.js" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/estraverse": { + "version": "5.3.0", + "resolved": "https://registry.npmjs.org/estraverse/-/estraverse-5.3.0.tgz", + "integrity": "sha512-MMdARuVEQziNTeJD8DgMqmhwR11BRQ/cBP+pLtYdSTnf3MIO8fFeiINEbX36ZdNlfU/7A9f3gUw49B3oQsvwBA==", + "engines": { + "node": ">=4.0" + } + }, + "node_modules/esutils": { + "version": "2.0.3", + "resolved": "https://registry.npmjs.org/esutils/-/esutils-2.0.3.tgz", + "integrity": "sha512-kVscqXk4OCp68SZ0dkgEKVi6/8ij300KBWTJq32P/dYeWTSwK41WyTxalN1eRmA5Z9UU/LX9D7FWSmV9SAYx6g==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/extract-zip": { + "version": "2.0.1", + "resolved": "https://registry.npmjs.org/extract-zip/-/extract-zip-2.0.1.tgz", + "integrity": "sha512-GDhU9ntwuKyGXdZBUgTIe+vXnWj0fppUEtMDL0+idd5Sta8TGpHssn/eusA9mrPr9qNDym6SxAYZjNvCn/9RBg==", + "dependencies": { + "debug": "^4.1.1", + "get-stream": "^5.1.0", + "yauzl": "^2.10.0" + }, + "bin": { + "extract-zip": "cli.js" + }, + "engines": { + "node": ">= 10.17.0" + }, + "optionalDependencies": { + "@types/yauzl": "^2.9.1" + } + }, + "node_modules/extract-zip/node_modules/get-stream": { + "version": "5.2.0", + "resolved": "https://registry.npmjs.org/get-stream/-/get-stream-5.2.0.tgz", + "integrity": "sha512-nBF+F1rAZVCu/p7rjzgA+Yb4lfYXrpl7a6VmJrU8wF9I1CKvP/QwPNZHnOlwbTkY6dvtFIzFMSyQXbLoTQPRpA==", + "dependencies": { + "pump": "^3.0.0" + }, + "engines": { + "node": ">=8" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/fast-fifo": { + "version": "1.3.2", + "resolved": "https://registry.npmjs.org/fast-fifo/-/fast-fifo-1.3.2.tgz", + "integrity": "sha512-/d9sfos4yxzpwkDkuN7k2SqFKtYNmCTzgfEpz82x34IM9/zc8KGxQoXg1liNC/izpRM/MBdt44Nmx41ZWqk+FQ==" + }, + "node_modules/fd-slicer": { + "version": "1.1.0", + "resolved": "https://registry.npmjs.org/fd-slicer/-/fd-slicer-1.1.0.tgz", + "integrity": "sha512-cE1qsB/VwyQozZ+q1dGxR8LBYNZeofhEdUNGSMbQD3Gw2lAzX9Zb3uIU6Ebc/Fmyjo9AWWfnn0AUCHqtevs/8g==", + "dependencies": { + "pend": "~1.2.0" + } + }, + "node_modules/fetch-blob": { + "version": "3.2.0", + "resolved": "https://registry.npmjs.org/fetch-blob/-/fetch-blob-3.2.0.tgz", + "integrity": "sha512-7yAQpD2UMJzLi1Dqv7qFYnPbaPx7ZfFK6PiIxQ4PfkGPyNyl2Ugx+a/umUonmKqjhM4DnfbMvdX6otXq83soQQ==", + "funding": [ + { + "type": "github", + "url": "https://github.com/sponsors/jimmywarting" + }, + { + "type": "paypal", + "url": "https://paypal.me/jimmywarting" + } + ], + "dependencies": { + "node-domexception": "^1.0.0", + "web-streams-polyfill": "^3.0.3" + }, + "engines": { + "node": "^12.20 || >= 14.13" + } + }, + "node_modules/find-up": { + "version": "4.1.0", + "resolved": "https://registry.npmjs.org/find-up/-/find-up-4.1.0.tgz", + "integrity": "sha512-PpOwAdQ/YlXQ2vj8a3h8IipDuYRi3wceVQQGYWxNINccq40Anw7BlsEXCMbt1Zt+OLA6Fq9suIpIWD0OsnISlw==", + "dependencies": { + "locate-path": "^5.0.0", + "path-exists": "^4.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/form-data-encoder": { + "version": "4.0.2", + "resolved": "https://registry.npmjs.org/form-data-encoder/-/form-data-encoder-4.0.2.tgz", + "integrity": "sha512-KQVhvhK8ZkWzxKxOr56CPulAhH3dobtuQ4+hNQ+HekH/Wp5gSOafqRAeTphQUJAIk0GBvHZgJ2ZGRWd5kphMuw==", + "engines": { + "node": ">= 18" + } + }, + "node_modules/formdata-polyfill": { + "version": "4.0.10", + "resolved": "https://registry.npmjs.org/formdata-polyfill/-/formdata-polyfill-4.0.10.tgz", + "integrity": "sha512-buewHzMvYL29jdeQTVILecSaZKnt/RJWjoZCF5OW60Z67/GmSLBkOFM7qh1PI3zFNtJbaZL5eQu1vLfazOwj4g==", + "dependencies": { + "fetch-blob": "^3.1.2" + }, + "engines": { + "node": ">=12.20.0" + } + }, + "node_modules/fs-extra": { + "version": "11.2.0", + "resolved": "https://registry.npmjs.org/fs-extra/-/fs-extra-11.2.0.tgz", + "integrity": "sha512-PmDi3uwK5nFuXh7XDTlVnS17xJS7vW36is2+w3xcv8SVxiB4NyATf4ctkVY5bkSjX0Y4nbvZCq1/EjtEyr9ktw==", + "dependencies": { + "graceful-fs": "^4.2.0", + "jsonfile": "^6.0.1", + "universalify": "^2.0.0" + }, + "engines": { + "node": ">=14.14" + } + }, + "node_modules/fuzzy-search": { + "version": "3.2.1", + "resolved": "https://registry.npmjs.org/fuzzy-search/-/fuzzy-search-3.2.1.tgz", + "integrity": "sha512-vAcPiyomt1ioKAsAL2uxSABHJ4Ju/e4UeDM+g1OlR0vV4YhLGMNsdLNvZTpEDY4JCSt0E4hASCNM5t2ETtsbyg==" + }, + "node_modules/generative-bayesian-network": { + "version": "2.1.52", + "resolved": "https://registry.npmjs.org/generative-bayesian-network/-/generative-bayesian-network-2.1.52.tgz", + "integrity": "sha512-8fYemN+uiVPCjoodQX4HUH8RLDqiQeGfemlWO9yR6SqIh/6BsrW52M0YTSafsH0615BhulRy5BR2uKAqLTJ22A==", + "dependencies": { + "adm-zip": "^0.5.9", + "tslib": "^2.4.0" + } + }, + "node_modules/get-caller-file": { + "version": "2.0.5", + "resolved": "https://registry.npmjs.org/get-caller-file/-/get-caller-file-2.0.5.tgz", + "integrity": "sha512-DyFP3BM/3YHTQOCUL/w0OZHR0lpKeGrxotcHWcqNEdnltqFwXVfhEBQ94eIo34AfQpo0rGki4cyIiftY06h2Fg==", + "engines": { + "node": "6.* || 8.* || >= 10.*" + } + }, + "node_modules/get-stream": { + "version": "8.0.1", + "resolved": "https://registry.npmjs.org/get-stream/-/get-stream-8.0.1.tgz", + "integrity": "sha512-VaUJspBffn/LMCJVoMvSAdmscJyS1auj5Zulnn5UoYcY531UWmdwhRWkcGKnGU93m5HSXP9LP2usOryrBtQowA==", + "engines": { + "node": ">=16" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/get-uri": { + "version": "6.0.3", + "resolved": "https://registry.npmjs.org/get-uri/-/get-uri-6.0.3.tgz", + "integrity": "sha512-BzUrJBS9EcUb4cFol8r4W3v1cPsSyajLSthNkz5BxbpDcHN5tIrM10E2eNvfnvBn3DaT3DUgx0OpsBKkaOpanw==", + "dependencies": { + "basic-ftp": "^5.0.2", + "data-uri-to-buffer": "^6.0.2", + "debug": "^4.3.4", + "fs-extra": "^11.2.0" + }, + "engines": { + "node": ">= 14" + } + }, + "node_modules/get-uri/node_modules/data-uri-to-buffer": { + "version": "6.0.2", + "resolved": "https://registry.npmjs.org/data-uri-to-buffer/-/data-uri-to-buffer-6.0.2.tgz", + "integrity": "sha512-7hvf7/GW8e86rW0ptuwS3OcBGDjIi6SZva7hCyWC0yYry2cOPmLIjXAUHI6DK2HsnwJd9ifmt57i8eV2n4YNpw==", + "engines": { + "node": ">= 14" + } + }, + "node_modules/git-config-path": { + "version": "2.0.0", + "resolved": "https://registry.npmjs.org/git-config-path/-/git-config-path-2.0.0.tgz", + "integrity": "sha512-qc8h1KIQbJpp+241id3GuAtkdyJ+IK+LIVtkiFTRKRrmddDzs3SI9CvP1QYmWBFvm1I/PWRwj//of8bgAc0ltA==", + "engines": { + "node": ">=4" + } + }, + "node_modules/got": { + "version": "14.4.1", + "resolved": "https://registry.npmjs.org/got/-/got-14.4.1.tgz", + "integrity": "sha512-IvDJbJBUeexX74xNQuMIVgCRRuNOm5wuK+OC3Dc2pnSoh1AOmgc7JVj7WC+cJ4u0aPcO9KZ2frTXcqK4W/5qTQ==", + "dependencies": { + "@sindresorhus/is": "^6.3.1", + "@szmarczak/http-timer": "^5.0.1", + "cacheable-lookup": "^7.0.0", + "cacheable-request": "^12.0.1", + "decompress-response": "^6.0.0", + "form-data-encoder": "^4.0.2", + "get-stream": "^8.0.1", + "http2-wrapper": "^2.2.1", + "lowercase-keys": "^3.0.0", + "p-cancelable": "^4.0.1", + "responselike": "^3.0.0", + "type-fest": "^4.19.0" + }, + "engines": { + "node": ">=20" + }, + "funding": { + "url": "https://github.com/sindresorhus/got?sponsor=1" + } + }, + "node_modules/got-scraping": { + "version": "4.0.6", + "resolved": "https://registry.npmjs.org/got-scraping/-/got-scraping-4.0.6.tgz", + "integrity": "sha512-bfL/sxJ+HnT2FFVDOs74PbPuWNg/xOX9BWefn7a5CVF5hI1cXUHaa/6y4tm6i1T0KDqomQ/hOKVdpGqSWIBuhA==", + "dependencies": { + "got": "^14.2.1", + "header-generator": "^2.1.41", + "http2-wrapper": "^2.2.0", + "mimic-response": "^4.0.0", + "ow": "^1.1.1", + "quick-lru": "^7.0.0", + "tslib": "^2.6.2" + }, + "engines": { + "node": ">=16" + } + }, + "node_modules/graceful-fs": { + "version": "4.2.11", + "resolved": "https://registry.npmjs.org/graceful-fs/-/graceful-fs-4.2.11.tgz", + "integrity": "sha512-RbJ5/jmFcNNCcDV5o9eTnBLJ/HszWV0P73bc+Ff4nS/rJj+YaS6IGyiOL0VoBYX+l1Wrl3k63h/KrH+nhJ0XvQ==" + }, + "node_modules/has-flag": { + "version": "3.0.0", + "resolved": "https://registry.npmjs.org/has-flag/-/has-flag-3.0.0.tgz", + "integrity": "sha512-sKJf1+ceQBr4SMkvQnBDNDtf4TXpVhVGateu0t918bl30FnbE2m4vNLX+VWe/dpjlb+HugGYzW7uQXH98HPEYw==", + "engines": { + "node": ">=4" + } + }, + "node_modules/header-generator": { + "version": "2.1.52", + "resolved": "https://registry.npmjs.org/header-generator/-/header-generator-2.1.52.tgz", + "integrity": "sha512-2roqbZdd0hc7Bx+6BIQaHaCaSdnTXCnqayFbS8dpj53hmkQAXbSwiuTpfyAY1vePiaKweH6vDYhbtGOW+NmTmw==", + "dependencies": { + "browserslist": "^4.21.1", + "generative-bayesian-network": "^2.1.52", + "ow": "^0.28.1", + "tslib": "^2.4.0" + }, + "engines": { + "node": ">=16.0.0" + } + }, + "node_modules/header-generator/node_modules/@sindresorhus/is": { + "version": "4.6.0", + "resolved": "https://registry.npmjs.org/@sindresorhus/is/-/is-4.6.0.tgz", + "integrity": "sha512-t09vSN3MdfsyCHoFcTRCH/iUtG7OJ0CsjzB8cjAmKc/va/kIgeDI/TxsigdncE/4be734m0cvIYwNaV4i2XqAw==", + "engines": { + "node": ">=10" + }, + "funding": { + "url": "https://github.com/sindresorhus/is?sponsor=1" + } + }, + "node_modules/header-generator/node_modules/callsites": { + "version": "3.1.0", + "resolved": "https://registry.npmjs.org/callsites/-/callsites-3.1.0.tgz", + "integrity": "sha512-P8BjAsXvZS+VIDUI11hHCQEv74YT67YUi5JJFNWIqL235sBmjX4+qx9Muvls5ivyNENctx46xQLQ3aTuE7ssaQ==", + "engines": { + "node": ">=6" + } + }, + "node_modules/header-generator/node_modules/dot-prop": { + "version": "6.0.1", + "resolved": "https://registry.npmjs.org/dot-prop/-/dot-prop-6.0.1.tgz", + "integrity": "sha512-tE7ztYzXHIeyvc7N+hR3oi7FIbf/NIjVP9hmAt3yMXzrQ072/fpjGLx2GxNxGxUl5V73MEqYzioOMoVhGMJ5cA==", + "dependencies": { + "is-obj": "^2.0.0" + }, + "engines": { + "node": ">=10" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/header-generator/node_modules/ow": { + "version": "0.28.2", + "resolved": "https://registry.npmjs.org/ow/-/ow-0.28.2.tgz", + "integrity": "sha512-dD4UpyBh/9m4X2NVjA+73/ZPBRF+uF4zIMFvvQsabMiEK8x41L3rQ8EENOi35kyyoaJwNxEeJcP6Fj1H4U409Q==", + "dependencies": { + "@sindresorhus/is": "^4.2.0", + "callsites": "^3.1.0", + "dot-prop": "^6.0.1", + "lodash.isequal": "^4.5.0", + "vali-date": "^1.0.0" + }, + "engines": { + "node": ">=12" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/http-cache-semantics": { + "version": "4.1.1", + "resolved": "https://registry.npmjs.org/http-cache-semantics/-/http-cache-semantics-4.1.1.tgz", + "integrity": "sha512-er295DKPVsV82j5kw1Gjt+ADA/XYHsajl82cGNQG2eyoPkvgUhX+nDIyelzhIWbbsXP39EHcI6l5tYs2FYqYXQ==" + }, + "node_modules/http-proxy-agent": { + "version": "7.0.2", + "resolved": "https://registry.npmjs.org/http-proxy-agent/-/http-proxy-agent-7.0.2.tgz", + "integrity": "sha512-T1gkAiYYDWYx3V5Bmyu7HcfcvL7mUrTWiM6yOfa3PIphViJ/gFPbvidQ+veqSOHci/PxBcDabeUNCzpOODJZig==", + "dependencies": { + "agent-base": "^7.1.0", + "debug": "^4.3.4" + }, + "engines": { + "node": ">= 14" + } + }, + "node_modules/http2-wrapper": { + "version": "2.2.1", + "resolved": "https://registry.npmjs.org/http2-wrapper/-/http2-wrapper-2.2.1.tgz", + "integrity": "sha512-V5nVw1PAOgfI3Lmeaj2Exmeg7fenjhRUgz1lPSezy1CuhPYbgQtbQj4jZfEAEMlaL+vupsvhjqCyjzob0yxsmQ==", + "dependencies": { + "quick-lru": "^5.1.1", + "resolve-alpn": "^1.2.0" + }, + "engines": { + "node": ">=10.19.0" + } + }, + "node_modules/http2-wrapper/node_modules/quick-lru": { + "version": "5.1.1", + "resolved": "https://registry.npmjs.org/quick-lru/-/quick-lru-5.1.1.tgz", + "integrity": "sha512-WuyALRjWPDGtt/wzJiadO5AXY+8hZ80hVpe6MyivgraREW751X3SbhRvG3eLKOYN+8VEvqLcf3wdnt44Z4S4SA==", + "engines": { + "node": ">=10" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/https-proxy-agent": { + "version": "7.0.5", + "resolved": "https://registry.npmjs.org/https-proxy-agent/-/https-proxy-agent-7.0.5.tgz", + "integrity": "sha512-1e4Wqeblerz+tMKPIq2EMGiiWW1dIjZOksyHWSUm1rmuvw/how9hBHZ38lAGj5ID4Ik6EdkOw7NmWPy6LAwalw==", + "dependencies": { + "agent-base": "^7.0.2", + "debug": "4" + }, + "engines": { + "node": ">= 14" + } + }, + "node_modules/ieee754": { + "version": "1.2.1", + "resolved": "https://registry.npmjs.org/ieee754/-/ieee754-1.2.1.tgz", + "integrity": "sha512-dcyqhDvX1C46lXZcVqCpK+FtMRQVdIMN6/Df5js2zouUsqG7I6sFxitIC+7KYK29KdXOLHdu9zL4sFnoVQnqaA==", + "funding": [ + { + "type": "github", + "url": "https://github.com/sponsors/feross" + }, + { + "type": "patreon", + "url": "https://www.patreon.com/feross" + }, + { + "type": "consulting", + "url": "https://feross.org/support" + } + ] + }, + "node_modules/import-fresh": { + "version": "3.3.0", + "resolved": "https://registry.npmjs.org/import-fresh/-/import-fresh-3.3.0.tgz", + "integrity": "sha512-veYYhQa+D1QBKznvhUHxb8faxlrwUnxseDAbAp457E0wLNio2bOSKnjYDhMj+YiAq61xrMGhQk9iXVk5FzgQMw==", + "dependencies": { + "parent-module": "^1.0.0", + "resolve-from": "^4.0.0" + }, + "engines": { + "node": ">=6" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/imurmurhash": { + "version": "0.1.4", + "resolved": "https://registry.npmjs.org/imurmurhash/-/imurmurhash-0.1.4.tgz", + "integrity": "sha512-JmXMZ6wuvDmLiHEml9ykzqO6lwFbof0GG4IkcGaENdCRDDmMVnny7s5HsIgHCbaq0w2MyPhDqkhTUgS2LU2PHA==", + "engines": { + "node": ">=0.8.19" + } + }, + "node_modules/ini": { + "version": "1.3.8", + "resolved": "https://registry.npmjs.org/ini/-/ini-1.3.8.tgz", + "integrity": "sha512-JV/yugV2uzW5iMRSiZAyDtQd+nxtUnjeLt0acNdw98kKLrvuRVyB80tsREOE7yvGVgalhZ6RNXCmEHkUKBKxew==" + }, + "node_modules/ip-address": { + "version": "9.0.5", + "resolved": "https://registry.npmjs.org/ip-address/-/ip-address-9.0.5.tgz", + "integrity": "sha512-zHtQzGojZXTwZTHQqra+ETKd4Sn3vgi7uBmlPoXVWZqYvuKmtI0l/VZTjqGmJY9x88GGOaZ9+G9ES8hC4T4X8g==", + "dependencies": { + "jsbn": "1.1.0", + "sprintf-js": "^1.1.3" + }, + "engines": { + "node": ">= 12" + } + }, + "node_modules/is-arrayish": { + "version": "0.2.1", + "resolved": "https://registry.npmjs.org/is-arrayish/-/is-arrayish-0.2.1.tgz", + "integrity": "sha512-zz06S8t0ozoDXMG+ube26zeCTNXcKIPJZJi8hBrF4idCLms4CG9QtK7qBl1boi5ODzFpjswb5JPmHCbMpjaYzg==" + }, + "node_modules/is-fullwidth-code-point": { + "version": "3.0.0", + "resolved": "https://registry.npmjs.org/is-fullwidth-code-point/-/is-fullwidth-code-point-3.0.0.tgz", + "integrity": "sha512-zymm5+u+sCsSWyD9qNaejV3DFvhCKclKdizYaJUuHA83RLjb7nSuGnddCHGv0hk+KY7BMAlsWeK4Ueg6EV6XQg==", + "engines": { + "node": ">=8" + } + }, + "node_modules/is-obj": { + "version": "2.0.0", + "resolved": "https://registry.npmjs.org/is-obj/-/is-obj-2.0.0.tgz", + "integrity": "sha512-drqDG3cbczxxEJRoOXcOjtdp1J/lyp1mNn0xaznRs8+muBhgQcrnbspox5X5fOw0HnMnbfDzvnEMEtqDEJEo8w==", + "engines": { + "node": ">=8" + } + }, + "node_modules/is-stream": { + "version": "4.0.1", + "resolved": "https://registry.npmjs.org/is-stream/-/is-stream-4.0.1.tgz", + "integrity": "sha512-Dnz92NInDqYckGEUJv689RbRiTSEHCQ7wOVeALbkOz999YpqT46yMRIGtSNl2iCL1waAZSx40+h59NV/EwzV/A==", + "engines": { + "node": ">=18" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/is-typedarray": { + "version": "1.0.0", + "resolved": "https://registry.npmjs.org/is-typedarray/-/is-typedarray-1.0.0.tgz", + "integrity": "sha512-cyA56iCMHAh5CdzjJIa4aohJyeO1YbwLi3Jc35MmRU6poroFjIGZzUzupGiRPOjgHg9TLu43xbpwXk523fMxKA==" + }, + "node_modules/js-tokens": { + "version": "4.0.0", + "resolved": "https://registry.npmjs.org/js-tokens/-/js-tokens-4.0.0.tgz", + "integrity": "sha512-RdJUflcE3cUzKiMqQgsCu06FPu9UdIJO0beYbPhHN4k6apgJtifcoCtT9bcxOpYBtpD2kCM6Sbzg4CausW/PKQ==" + }, + "node_modules/js-yaml": { + "version": "4.1.0", + "resolved": "https://registry.npmjs.org/js-yaml/-/js-yaml-4.1.0.tgz", + "integrity": "sha512-wpxZs9NoxZaJESJGIZTyDEaYpl0FKSA+FB9aJiyemKhMwkxQg63h4T1KJgUGHpTqPDNRcmmYLugrRjJlBtWvRA==", + "dependencies": { + "argparse": "^2.0.1" + }, + "bin": { + "js-yaml": "bin/js-yaml.js" + } + }, + "node_modules/jsbn": { + "version": "1.1.0", + "resolved": "https://registry.npmjs.org/jsbn/-/jsbn-1.1.0.tgz", + "integrity": "sha512-4bYVV3aAMtDTTu4+xsDYa6sy9GyJ69/amsu9sYF2zqjiEoZA5xJi3BrfX3uY+/IekIu7MwdObdbDWpoZdBv3/A==" + }, + "node_modules/json-buffer": { + "version": "3.0.1", + "resolved": "https://registry.npmjs.org/json-buffer/-/json-buffer-3.0.1.tgz", + "integrity": "sha512-4bV5BfR2mqfQTJm+V5tPPdf+ZpuhiIvTuAB5g8kcrXOZpTT/QwwVRWBywX1ozr6lEuPdbHxwaJlm9G6mI2sfSQ==" + }, + "node_modules/json-parse-even-better-errors": { + "version": "2.3.1", + "resolved": "https://registry.npmjs.org/json-parse-even-better-errors/-/json-parse-even-better-errors-2.3.1.tgz", + "integrity": "sha512-xyFwyhro/JEof6Ghe2iz2NcXoj2sloNsWr/XsERDK/oiPCfaNhl5ONfp+jQdAZRQQ0IJWNzH9zIZF7li91kh2w==" + }, + "node_modules/jsonfile": { + "version": "6.1.0", + "resolved": "https://registry.npmjs.org/jsonfile/-/jsonfile-6.1.0.tgz", + "integrity": "sha512-5dgndWOriYSm5cnYaJNhalLNDKOqFwyDB/rr1E9ZsGciGvKPs8R2xYGCacuf3z6K1YKDz182fd+fY3cn3pMqXQ==", + "dependencies": { + "universalify": "^2.0.0" + }, + "optionalDependencies": { + "graceful-fs": "^4.1.6" + } + }, + "node_modules/keyv": { + "version": "4.5.4", + "resolved": "https://registry.npmjs.org/keyv/-/keyv-4.5.4.tgz", + "integrity": "sha512-oxVHkHR/EJf2CNXnWxRLW6mg7JyCCUcG0DtEGmL2ctUo1PNTin1PUil+r/+4r5MpVgC/fn1kjsx7mjSujKqIpw==", + "dependencies": { + "json-buffer": "3.0.1" + } + }, + "node_modules/kleur": { + "version": "3.0.3", + "resolved": "https://registry.npmjs.org/kleur/-/kleur-3.0.3.tgz", + "integrity": "sha512-eTIzlVOSUR+JxdDFepEYcBMtZ9Qqdef+rnzWdRZuMbOywu5tO2w2N7rqjoANZ5k9vywhL6Br1VRjUIgTQx4E8w==", + "engines": { + "node": ">=6" + } + }, + "node_modules/license": { + "version": "1.0.3", + "resolved": "https://registry.npmjs.org/license/-/license-1.0.3.tgz", + "integrity": "sha512-M3F6dUcor+vy4znXK5ULfTikeMWxSf/K2w7EUk5vbuZL4UAEN4zOmjh7d2UJ0/v9GYTOz13LNsLqPXJGu+A26w==", + "dependencies": { + "@ovyerus/licenses": "^6.4.4", + "configstore": "^5.0.1", + "detect-indent": "^6.0.0", + "fuzzy-search": "^3.2.1", + "git-config-path": "^2.0.0", + "parse-git-config": "^3.0.0", + "prompts": "^2.3.2", + "wrap-text": "^1.0.8", + "yargs": "^15.3.1" + }, + "bin": { + "license": "dist/cli/index.js" + } + }, + "node_modules/lines-and-columns": { + "version": "1.2.4", + "resolved": "https://registry.npmjs.org/lines-and-columns/-/lines-and-columns-1.2.4.tgz", + "integrity": "sha512-7ylylesZQ/PV29jhEDl3Ufjo6ZX7gCqJr5F7PKrqc93v7fzSymt1BpwEU8nAUXs8qzzvqhbjhK5QZg6Mt/HkBg==" + }, + "node_modules/locate-path": { + "version": "5.0.0", + "resolved": "https://registry.npmjs.org/locate-path/-/locate-path-5.0.0.tgz", + "integrity": "sha512-t7hw9pI+WvuwNJXwk5zVHpyhIqzg2qTlklJOf0mVxGSbe3Fp2VieZcduNYjaLDoy6p9uGpQEGWG87WpMKlNq8g==", + "dependencies": { + "p-locate": "^4.1.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/lodash.isequal": { + "version": "4.5.0", + "resolved": "https://registry.npmjs.org/lodash.isequal/-/lodash.isequal-4.5.0.tgz", + "integrity": "sha512-pDo3lu8Jhfjqls6GkMgpahsF9kCyayhgykjyLMNFTKWrpVdAQtYyB4muAMWozBB4ig/dtWAmsMxLEI8wuz+DYQ==" + }, + "node_modules/lowercase-keys": { + "version": "3.0.0", + "resolved": "https://registry.npmjs.org/lowercase-keys/-/lowercase-keys-3.0.0.tgz", + "integrity": "sha512-ozCC6gdQ+glXOQsveKD0YsDy8DSQFjDTz4zyzEHNV5+JP5D62LmfDZ6o1cycFx9ouG940M5dE8C8CTewdj2YWQ==", + "engines": { + "node": "^12.20.0 || ^14.13.1 || >=16.0.0" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/lru-cache": { + "version": "7.18.3", + "resolved": "https://registry.npmjs.org/lru-cache/-/lru-cache-7.18.3.tgz", + "integrity": "sha512-jumlc0BIUrS3qJGgIkWZsyfAM7NCWiBcCDhnd+3NNM5KbBmLTgHVfWBcg6W+rLUsIpzpERPsvwUP7CckAQSOoA==", + "engines": { + "node": ">=12" + } + }, + "node_modules/make-dir": { + "version": "3.1.0", + "resolved": "https://registry.npmjs.org/make-dir/-/make-dir-3.1.0.tgz", + "integrity": "sha512-g3FeP20LNwhALb/6Cz6Dd4F2ngze0jz7tbzrD2wAV+o9FeNHe4rL+yK2md0J/fiSf1sa1ADhXqi5+oVwOM/eGw==", + "dependencies": { + "semver": "^6.0.0" + }, + "engines": { + "node": ">=8" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/mimic-response": { + "version": "4.0.0", + "resolved": "https://registry.npmjs.org/mimic-response/-/mimic-response-4.0.0.tgz", + "integrity": "sha512-e5ISH9xMYU0DzrT+jl8q2ze9D6eWBto+I8CNpe+VI+K2J/F/k3PdkdTdz4wvGVH4NTpo+NRYTVIuMQEMMcsLqg==", + "engines": { + "node": "^12.20.0 || ^14.13.1 || >=16.0.0" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/mitt": { + "version": "3.0.1", + "resolved": "https://registry.npmjs.org/mitt/-/mitt-3.0.1.tgz", + "integrity": "sha512-vKivATfr97l2/QBCYAkXYDbrIWPM2IIKEl7YPhjCvKlG3kE2gm+uBo6nEXK3M5/Ffh/FLpKExzOQ3JJoJGFKBw==" + }, + "node_modules/ms": { + "version": "2.1.2", + "resolved": "https://registry.npmjs.org/ms/-/ms-2.1.2.tgz", + "integrity": "sha512-sGkPx+VjMtmA6MX27oA4FBFELFCZZ4S4XqeGOXCv68tT+jb3vk/RyaKWP0PTKyWtmLSM0b+adUTEvbs1PEaH2w==" + }, + "node_modules/netmask": { + "version": "2.0.2", + "resolved": "https://registry.npmjs.org/netmask/-/netmask-2.0.2.tgz", + "integrity": "sha512-dBpDMdxv9Irdq66304OLfEmQ9tbNRFnFTuZiLo+bD+r332bBmMJ8GBLXklIXXgxd3+v9+KUnZaUR5PJMa75Gsg==", + "engines": { + "node": ">= 0.4.0" + } + }, + "node_modules/node-domexception": { + "version": "1.0.0", + "resolved": "https://registry.npmjs.org/node-domexception/-/node-domexception-1.0.0.tgz", + "integrity": "sha512-/jKZoMpw0F8GRwl4/eLROPA3cfcXtLApP0QzLmUT/HuPCZWyB7IY9ZrMeKw2O/nFIqPQB3PVM9aYm0F312AXDQ==", + "funding": [ + { + "type": "github", + "url": "https://github.com/sponsors/jimmywarting" + }, + { + "type": "github", + "url": "https://paypal.me/jimmywarting" + } + ], + "engines": { + "node": ">=10.5.0" + } + }, + "node_modules/node-fetch": { + "version": "3.3.2", + "resolved": "https://registry.npmjs.org/node-fetch/-/node-fetch-3.3.2.tgz", + "integrity": "sha512-dRB78srN/l6gqWulah9SrxeYnxeddIG30+GOqK/9OlLVyLg3HPnr6SqOWTWOXKRwC2eGYCkZ59NNuSgvSrpgOA==", + "dependencies": { + "data-uri-to-buffer": "^4.0.0", + "fetch-blob": "^3.1.4", + "formdata-polyfill": "^4.0.10" + }, + "engines": { + "node": "^12.20.0 || ^14.13.1 || >=16.0.0" + }, + "funding": { + "type": "opencollective", + "url": "https://opencollective.com/node-fetch" + } + }, + "node_modules/node-releases": { + "version": "2.0.14", + "resolved": "https://registry.npmjs.org/node-releases/-/node-releases-2.0.14.tgz", + "integrity": "sha512-y10wOWt8yZpqXmOgRo77WaHEmhYQYGNA6y421PKsKYWEK8aW+cqAphborZDhqfyKrbZEN92CN1X2KbafY2s7Yw==" + }, + "node_modules/normalize-url": { + "version": "8.0.1", + "resolved": "https://registry.npmjs.org/normalize-url/-/normalize-url-8.0.1.tgz", + "integrity": "sha512-IO9QvjUMWxPQQhs60oOu10CRkWCiZzSUkzbXGGV9pviYl1fXYcvkzQ5jV9z8Y6un8ARoVRl4EtC6v6jNqbaJ/w==", + "engines": { + "node": ">=14.16" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/once": { + "version": "1.4.0", + "resolved": "https://registry.npmjs.org/once/-/once-1.4.0.tgz", + "integrity": "sha512-lNaJgI+2Q5URQBkccEKHTQOPaXdUxnZZElQTZY0MFUAuaEqe1E+Nyvgdz/aIyNi6Z9MzO5dv1H8n58/GELp3+w==", + "dependencies": { + "wrappy": "1" + } + }, + "node_modules/ow": { + "version": "1.1.1", + "resolved": "https://registry.npmjs.org/ow/-/ow-1.1.1.tgz", + "integrity": "sha512-sJBRCbS5vh1Jp9EOgwp1Ws3c16lJrUkJYlvWTYC03oyiYVwS/ns7lKRWow4w4XjDyTrA2pplQv4B2naWSR6yDA==", + "dependencies": { + "@sindresorhus/is": "^5.3.0", + "callsites": "^4.0.0", + "dot-prop": "^7.2.0", + "lodash.isequal": "^4.5.0", + "vali-date": "^1.0.0" + }, + "engines": { + "node": ">=14.16" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/ow/node_modules/@sindresorhus/is": { + "version": "5.6.0", + "resolved": "https://registry.npmjs.org/@sindresorhus/is/-/is-5.6.0.tgz", + "integrity": "sha512-TV7t8GKYaJWsn00tFDqBw8+Uqmr8A0fRU1tvTQhyZzGv0sJCGRQL3JGMI3ucuKo3XIZdUP+Lx7/gh2t3lewy7g==", + "engines": { + "node": ">=14.16" + }, + "funding": { + "url": "https://github.com/sindresorhus/is?sponsor=1" + } + }, + "node_modules/p-cancelable": { + "version": "4.0.1", + "resolved": "https://registry.npmjs.org/p-cancelable/-/p-cancelable-4.0.1.tgz", + "integrity": "sha512-wBowNApzd45EIKdO1LaU+LrMBwAcjfPaYtVzV3lmfM3gf8Z4CHZsiIqlM8TZZ8okYvh5A1cP6gTfCRQtwUpaUg==", + "engines": { + "node": ">=14.16" + } + }, + "node_modules/p-limit": { + "version": "2.3.0", + "resolved": "https://registry.npmjs.org/p-limit/-/p-limit-2.3.0.tgz", + "integrity": "sha512-//88mFWSJx8lxCzwdAABTJL2MyWB12+eIY7MDL2SqLmAkeKU9qxRvWuSyTjm3FUmpBEMuFfckAIqEaVGUDxb6w==", + "dependencies": { + "p-try": "^2.0.0" + }, + "engines": { + "node": ">=6" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/p-locate": { + "version": "4.1.0", + "resolved": "https://registry.npmjs.org/p-locate/-/p-locate-4.1.0.tgz", + "integrity": "sha512-R79ZZ/0wAxKGu3oYMlz8jy/kbhsNrS7SKZ7PxEHBgJ5+F2mtFW2fK2cOtBh1cHYkQsbzFV7I+EoRKe6Yt0oK7A==", + "dependencies": { + "p-limit": "^2.2.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/p-try": { + "version": "2.2.0", + "resolved": "https://registry.npmjs.org/p-try/-/p-try-2.2.0.tgz", + "integrity": "sha512-R4nPAVTAU0B9D35/Gk3uJf/7XYbQcyohSKdvAxIRSNghFl4e71hVoGnBNQz9cWaXxO2I10KTC+3jMdvvoKw6dQ==", + "engines": { + "node": ">=6" + } + }, + "node_modules/pac-proxy-agent": { + "version": "7.0.2", + "resolved": "https://registry.npmjs.org/pac-proxy-agent/-/pac-proxy-agent-7.0.2.tgz", + "integrity": "sha512-BFi3vZnO9X5Qt6NRz7ZOaPja3ic0PhlsmCRYLOpN11+mWBCR6XJDqW5RF3j8jm4WGGQZtBA+bTfxYzeKW73eHg==", + "dependencies": { + "@tootallnate/quickjs-emscripten": "^0.23.0", + "agent-base": "^7.0.2", + "debug": "^4.3.4", + "get-uri": "^6.0.1", + "http-proxy-agent": "^7.0.0", + "https-proxy-agent": "^7.0.5", + "pac-resolver": "^7.0.1", + "socks-proxy-agent": "^8.0.4" + }, + "engines": { + "node": ">= 14" + } + }, + "node_modules/pac-resolver": { + "version": "7.0.1", + "resolved": "https://registry.npmjs.org/pac-resolver/-/pac-resolver-7.0.1.tgz", + "integrity": "sha512-5NPgf87AT2STgwa2ntRMr45jTKrYBGkVU36yT0ig/n/GMAa3oPqhZfIQ2kMEimReg0+t9kZViDVZ83qfVUlckg==", + "dependencies": { + "degenerator": "^5.0.0", + "netmask": "^2.0.2" + }, + "engines": { + "node": ">= 14" + } + }, + "node_modules/parent-module": { + "version": "1.0.1", + "resolved": "https://registry.npmjs.org/parent-module/-/parent-module-1.0.1.tgz", + "integrity": "sha512-GQ2EWRpQV8/o+Aw8YqtfZZPfNRWZYkbidE9k5rpl/hC3vtHHBfGm2Ifi6qWV+coDGkrUKZAxE3Lot5kcsRlh+g==", + "dependencies": { + "callsites": "^3.0.0" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/parent-module/node_modules/callsites": { + "version": "3.1.0", + "resolved": "https://registry.npmjs.org/callsites/-/callsites-3.1.0.tgz", + "integrity": "sha512-P8BjAsXvZS+VIDUI11hHCQEv74YT67YUi5JJFNWIqL235sBmjX4+qx9Muvls5ivyNENctx46xQLQ3aTuE7ssaQ==", + "engines": { + "node": ">=6" + } + }, + "node_modules/parse-git-config": { + "version": "3.0.0", + "resolved": "https://registry.npmjs.org/parse-git-config/-/parse-git-config-3.0.0.tgz", + "integrity": "sha512-wXoQGL1D+2COYWCD35/xbiKma1Z15xvZL8cI25wvxzled58V51SJM04Urt/uznS900iQor7QO04SgdfT/XlbuA==", + "dependencies": { + "git-config-path": "^2.0.0", + "ini": "^1.3.5" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/parse-json": { + "version": "5.2.0", + "resolved": "https://registry.npmjs.org/parse-json/-/parse-json-5.2.0.tgz", + "integrity": "sha512-ayCKvm/phCGxOkYRSCM82iDwct8/EonSEgCSxWxD7ve6jHggsFl4fZVQBPRNgQoKiuV/odhFrGzQXZwbifC8Rg==", + "dependencies": { + "@babel/code-frame": "^7.0.0", + "error-ex": "^1.3.1", + "json-parse-even-better-errors": "^2.3.0", + "lines-and-columns": "^1.1.6" + }, + "engines": { + "node": ">=8" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/path-exists": { + "version": "4.0.0", + "resolved": "https://registry.npmjs.org/path-exists/-/path-exists-4.0.0.tgz", + "integrity": "sha512-ak9Qy5Q7jYb2Wwcey5Fpvg2KoAc/ZIhLSLOSBmRmygPsGwkVVt0fZa0qrtMz+m6tJTAHfZQ8FnmB4MG4LWy7/w==", + "engines": { + "node": ">=8" + } + }, + "node_modules/pend": { + "version": "1.2.0", + "resolved": "https://registry.npmjs.org/pend/-/pend-1.2.0.tgz", + "integrity": "sha512-F3asv42UuXchdzt+xXqfW1OGlVBe+mxa2mqI0pg5yAHZPvFmY3Y6drSf/GQ1A86WgWEN9Kzh/WrgKa6iGcHXLg==" + }, + "node_modules/picocolors": { + "version": "1.0.1", + "resolved": "https://registry.npmjs.org/picocolors/-/picocolors-1.0.1.tgz", + "integrity": "sha512-anP1Z8qwhkbmu7MFP5iTt+wQKXgwzf7zTyGlcdzabySa9vd0Xt392U0rVmz9poOaBj0uHJKyyo9/upk0HrEQew==" + }, + "node_modules/progress": { + "version": "2.0.3", + "resolved": "https://registry.npmjs.org/progress/-/progress-2.0.3.tgz", + "integrity": "sha512-7PiHtLll5LdnKIMw100I+8xJXR5gW2QwWYkT6iJva0bXitZKa/XMrSbdmg3r2Xnaidz9Qumd0VPaMrZlF9V9sA==", + "engines": { + "node": ">=0.4.0" + } + }, + "node_modules/prompts": { + "version": "2.4.2", + "resolved": "https://registry.npmjs.org/prompts/-/prompts-2.4.2.tgz", + "integrity": "sha512-NxNv/kLguCA7p3jE8oL2aEBsrJWgAakBpgmgK6lpPWV+WuOmY6r2/zbAVnP+T8bQlA0nzHXSJSJW0Hq7ylaD2Q==", + "dependencies": { + "kleur": "^3.0.3", + "sisteransi": "^1.0.5" + }, + "engines": { + "node": ">= 6" + } + }, + "node_modules/proxy-agent": { + "version": "6.4.0", + "resolved": "https://registry.npmjs.org/proxy-agent/-/proxy-agent-6.4.0.tgz", + "integrity": "sha512-u0piLU+nCOHMgGjRbimiXmA9kM/L9EHh3zL81xCdp7m+Y2pHIsnmbdDoEDoAz5geaonNR6q6+yOPQs6n4T6sBQ==", + "dependencies": { + "agent-base": "^7.0.2", + "debug": "^4.3.4", + "http-proxy-agent": "^7.0.1", + "https-proxy-agent": "^7.0.3", + "lru-cache": "^7.14.1", + "pac-proxy-agent": "^7.0.1", + "proxy-from-env": "^1.1.0", + "socks-proxy-agent": "^8.0.2" + }, + "engines": { + "node": ">= 14" + } + }, + "node_modules/proxy-from-env": { + "version": "1.1.0", + "resolved": "https://registry.npmjs.org/proxy-from-env/-/proxy-from-env-1.1.0.tgz", + "integrity": "sha512-D+zkORCbA9f1tdWRK0RaCR3GPv50cMxcrz4X8k5LTSUD1Dkw47mKJEZQNunItRTkWwgtaUSo1RVFRIG9ZXiFYg==" + }, + "node_modules/pump": { + "version": "3.0.0", + "resolved": "https://registry.npmjs.org/pump/-/pump-3.0.0.tgz", + "integrity": "sha512-LwZy+p3SFs1Pytd/jYct4wpv49HiYCqd9Rlc5ZVdk0V+8Yzv6jR5Blk3TRmPL1ft69TxP0IMZGJ+WPFU2BFhww==", + "dependencies": { + "end-of-stream": "^1.1.0", + "once": "^1.3.1" + } + }, + "node_modules/puppeteer": { + "version": "22.12.1", + "resolved": "https://registry.npmjs.org/puppeteer/-/puppeteer-22.12.1.tgz", + "integrity": "sha512-1GxY8dnEnHr1SLzdSDr0FCjM6JQfAh2E2I/EqzeF8a58DbGVk9oVjj4lFdqNoVbpgFSpAbz7VER9St7S1wDpNg==", + "hasInstallScript": true, + "dependencies": { + "@puppeteer/browsers": "2.2.3", + "cosmiconfig": "^9.0.0", + "devtools-protocol": "0.0.1299070", + "puppeteer-core": "22.12.1" + }, + "bin": { + "puppeteer": "lib/esm/puppeteer/node/cli.js" + }, + "engines": { + "node": ">=18" + } + }, + "node_modules/puppeteer-core": { + "version": "22.12.1", + "resolved": "https://registry.npmjs.org/puppeteer-core/-/puppeteer-core-22.12.1.tgz", + "integrity": "sha512-XmqeDPVdC5/3nGJys1jbgeoZ02wP0WV1GBlPtr/ULRbGXJFuqgXMcKQ3eeNtFpBzGRbpeoCGWHge1ZWKWl0Exw==", + "dependencies": { + "@puppeteer/browsers": "2.2.3", + "chromium-bidi": "0.5.24", + "debug": "^4.3.5", + "devtools-protocol": "0.0.1299070", + "ws": "^8.17.1" + }, + "engines": { + "node": ">=18" + } + }, + "node_modules/puppeteer-core/node_modules/debug": { + "version": "4.3.5", + "resolved": "https://registry.npmjs.org/debug/-/debug-4.3.5.tgz", + "integrity": "sha512-pt0bNEmneDIvdL1Xsd9oDQ/wrQRkXDT4AUWlNZNPKvW5x/jyO9VFXkJUP07vQ2upmw5PlaITaPKc31jK13V+jg==", + "dependencies": { + "ms": "2.1.2" + }, + "engines": { + "node": ">=6.0" + }, + "peerDependenciesMeta": { + "supports-color": { + "optional": true + } + } + }, + "node_modules/queue-tick": { + "version": "1.0.1", + "resolved": "https://registry.npmjs.org/queue-tick/-/queue-tick-1.0.1.tgz", + "integrity": "sha512-kJt5qhMxoszgU/62PLP1CJytzd2NKetjSRnyuj31fDd3Rlcz3fzlFdFLD1SItunPwyqEOkca6GbV612BWfaBag==" + }, + "node_modules/quick-lru": { + "version": "7.0.0", + "resolved": "https://registry.npmjs.org/quick-lru/-/quick-lru-7.0.0.tgz", + "integrity": "sha512-MX8gB7cVYTrYcFfAnfLlhRd0+Toyl8yX8uBx1MrX7K0jegiz9TumwOK27ldXrgDlHRdVi+MqU9Ssw6dr4BNreg==", + "engines": { + "node": ">=18" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/require-directory": { + "version": "2.1.1", + "resolved": "https://registry.npmjs.org/require-directory/-/require-directory-2.1.1.tgz", + "integrity": "sha512-fGxEI7+wsG9xrvdjsrlmL22OMTTiHRwAMroiEeMgq8gzoLC/PQr7RsRDSTLUg/bZAZtF+TVIkHc6/4RIKrui+Q==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/require-main-filename": { + "version": "2.0.0", + "resolved": "https://registry.npmjs.org/require-main-filename/-/require-main-filename-2.0.0.tgz", + "integrity": "sha512-NKN5kMDylKuldxYLSUfrbo5Tuzh4hd+2E8NPPX02mZtn1VuREQToYe/ZdlJy+J3uCpfaiGF05e7B8W0iXbQHmg==" + }, + "node_modules/resolve-alpn": { + "version": "1.2.1", + "resolved": "https://registry.npmjs.org/resolve-alpn/-/resolve-alpn-1.2.1.tgz", + "integrity": "sha512-0a1F4l73/ZFZOakJnQ3FvkJ2+gSTQWz/r2KE5OdDY0TxPm5h4GkqkWWfM47T7HsbnOtcJVEF4epCVy6u7Q3K+g==" + }, + "node_modules/resolve-from": { + "version": "4.0.0", + "resolved": "https://registry.npmjs.org/resolve-from/-/resolve-from-4.0.0.tgz", + "integrity": "sha512-pb/MYmXstAkysRFx8piNI1tGFNQIFA3vkE3Gq4EuA1dF6gHp/+vgZqsCGJapvy8N3Q+4o7FwvquPJcnZ7RYy4g==", + "engines": { + "node": ">=4" + } + }, + "node_modules/responselike": { + "version": "3.0.0", + "resolved": "https://registry.npmjs.org/responselike/-/responselike-3.0.0.tgz", + "integrity": "sha512-40yHxbNcl2+rzXvZuVkrYohathsSJlMTXKryG5y8uciHv1+xDLHQpgjG64JUO9nrEq2jGLH6IZ8BcZyw3wrweg==", + "dependencies": { + "lowercase-keys": "^3.0.0" + }, + "engines": { + "node": ">=14.16" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/semver": { + "version": "6.3.1", + "resolved": "https://registry.npmjs.org/semver/-/semver-6.3.1.tgz", + "integrity": "sha512-BR7VvDCVHO+q2xBEWskxS6DJE1qRnb7DxzUrogb71CWoSficBxYsiAGd+Kl0mmq/MprG9yArRkyrQxTO6XjMzA==", + "bin": { + "semver": "bin/semver.js" + } + }, + "node_modules/set-blocking": { + "version": "2.0.0", + "resolved": "https://registry.npmjs.org/set-blocking/-/set-blocking-2.0.0.tgz", + "integrity": "sha512-KiKBS8AnWGEyLzofFfmvKwpdPzqiy16LvQfK3yv/fVH7Bj13/wl3JSR1J+rfgRE9q7xUJK4qvgS8raSOeLUehw==" + }, + "node_modules/signal-exit": { + "version": "3.0.7", + "resolved": "https://registry.npmjs.org/signal-exit/-/signal-exit-3.0.7.tgz", + "integrity": "sha512-wnD2ZE+l+SPC/uoS0vXeE9L1+0wuaMqKlfz9AMUo38JsyLSBWSFcHR1Rri62LZc12vLr1gb3jl7iwQhgwpAbGQ==" + }, + "node_modules/sisteransi": { + "version": "1.0.5", + "resolved": "https://registry.npmjs.org/sisteransi/-/sisteransi-1.0.5.tgz", + "integrity": "sha512-bLGGlR1QxBcynn2d5YmDX4MGjlZvy2MRBDRNHLJ8VI6l6+9FUiyTFNJ0IveOSP0bcXgVDPRcfGqA0pjaqUpfVg==" + }, + "node_modules/smart-buffer": { + "version": "4.2.0", + "resolved": "https://registry.npmjs.org/smart-buffer/-/smart-buffer-4.2.0.tgz", + "integrity": "sha512-94hK0Hh8rPqQl2xXc3HsaBoOXKV20MToPkcXvwbISWLEs+64sBq5kFgn2kJDHb1Pry9yrP0dxrCI9RRci7RXKg==", + "engines": { + "node": ">= 6.0.0", + "npm": ">= 3.0.0" + } + }, + "node_modules/socks": { + "version": "2.8.3", + "resolved": "https://registry.npmjs.org/socks/-/socks-2.8.3.tgz", + "integrity": "sha512-l5x7VUUWbjVFbafGLxPWkYsHIhEvmF85tbIeFZWc8ZPtoMyybuEhL7Jye/ooC4/d48FgOjSJXgsF/AJPYCW8Zw==", + "dependencies": { + "ip-address": "^9.0.5", + "smart-buffer": "^4.2.0" + }, + "engines": { + "node": ">= 10.0.0", + "npm": ">= 3.0.0" + } + }, + "node_modules/socks-proxy-agent": { + "version": "8.0.4", + "resolved": "https://registry.npmjs.org/socks-proxy-agent/-/socks-proxy-agent-8.0.4.tgz", + "integrity": "sha512-GNAq/eg8Udq2x0eNiFkr9gRg5bA7PXEWagQdeRX4cPSG+X/8V38v637gim9bjFptMk1QWsCTr0ttrJEiXbNnRw==", + "dependencies": { + "agent-base": "^7.1.1", + "debug": "^4.3.4", + "socks": "^2.8.3" + }, + "engines": { + "node": ">= 14" + } + }, + "node_modules/source-map": { + "version": "0.6.1", + "resolved": "https://registry.npmjs.org/source-map/-/source-map-0.6.1.tgz", + "integrity": "sha512-UjgapumWlbMhkBgzT7Ykc5YXUT46F0iKu8SGXq0bcwP5dz/h0Plj6enJqjz1Zbq2l5WaqYnrVbwWOWMyF3F47g==", + "optional": true, + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/sprintf-js": { + "version": "1.1.3", + "resolved": "https://registry.npmjs.org/sprintf-js/-/sprintf-js-1.1.3.tgz", + "integrity": "sha512-Oo+0REFV59/rz3gfJNKQiBlwfHaSESl1pcGyABQsnnIfWOFt6JNj5gCog2U6MLZ//IGYD+nA8nI+mTShREReaA==" + }, + "node_modules/streamx": { + "version": "2.18.0", + "resolved": "https://registry.npmjs.org/streamx/-/streamx-2.18.0.tgz", + "integrity": "sha512-LLUC1TWdjVdn1weXGcSxyTR3T4+acB6tVGXT95y0nGbca4t4o/ng1wKAGTljm9VicuCVLvRlqFYXYy5GwgM7sQ==", + "dependencies": { + "fast-fifo": "^1.3.2", + "queue-tick": "^1.0.1", + "text-decoder": "^1.1.0" + }, + "optionalDependencies": { + "bare-events": "^2.2.0" + } + }, + "node_modules/string-width": { + "version": "4.2.3", + "resolved": "https://registry.npmjs.org/string-width/-/string-width-4.2.3.tgz", + "integrity": "sha512-wKyQRQpjJ0sIp62ErSZdGsjMJWsap5oRNihHhu6G7JVO/9jIB6UyevL+tXuOqrng8j/cxKTWyWUwvSTriiZz/g==", + "dependencies": { + "emoji-regex": "^8.0.0", + "is-fullwidth-code-point": "^3.0.0", + "strip-ansi": "^6.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/strip-ansi": { + "version": "6.0.1", + "resolved": "https://registry.npmjs.org/strip-ansi/-/strip-ansi-6.0.1.tgz", + "integrity": "sha512-Y38VPSHcqkFrCpFnQ9vuSXmquuv5oXOKpGeT6aGrr3o3Gc9AlVa6JBfUSOCnbxGGZF+/0ooI7KrPuUSztUdU5A==", + "dependencies": { + "ansi-regex": "^5.0.1" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/supports-color": { + "version": "5.5.0", + "resolved": "https://registry.npmjs.org/supports-color/-/supports-color-5.5.0.tgz", + "integrity": "sha512-QjVjwdXIt408MIiAqCX4oUKsgU2EqAGzs2Ppkm4aQYbjm+ZEWEcW4SfFNTr4uMNZma0ey4f5lgLrkB0aX0QMow==", + "dependencies": { + "has-flag": "^3.0.0" + }, + "engines": { + "node": ">=4" + } + }, + "node_modules/tar-fs": { + "version": "3.0.5", + "resolved": "https://registry.npmjs.org/tar-fs/-/tar-fs-3.0.5.tgz", + "integrity": "sha512-JOgGAmZyMgbqpLwct7ZV8VzkEB6pxXFBVErLtb+XCOqzc6w1xiWKI9GVd6bwk68EX7eJ4DWmfXVmq8K2ziZTGg==", + "dependencies": { + "pump": "^3.0.0", + "tar-stream": "^3.1.5" + }, + "optionalDependencies": { + "bare-fs": "^2.1.1", + "bare-path": "^2.1.0" + } + }, + "node_modules/tar-stream": { + "version": "3.1.7", + "resolved": "https://registry.npmjs.org/tar-stream/-/tar-stream-3.1.7.tgz", + "integrity": "sha512-qJj60CXt7IU1Ffyc3NJMjh6EkuCFej46zUqJ4J7pqYlThyd9bO0XBTmcOIhSzZJVWfsLks0+nle/j538YAW9RQ==", + "dependencies": { + "b4a": "^1.6.4", + "fast-fifo": "^1.2.0", + "streamx": "^2.15.0" + } + }, + "node_modules/text-decoder": { + "version": "1.1.1", + "resolved": "https://registry.npmjs.org/text-decoder/-/text-decoder-1.1.1.tgz", + "integrity": "sha512-8zll7REEv4GDD3x4/0pW+ppIxSNs7H1J10IKFZsuOMscumCdM2a+toDGLPA3T+1+fLBql4zbt5z83GEQGGV5VA==", + "dependencies": { + "b4a": "^1.6.4" + } + }, + "node_modules/through": { + "version": "2.3.8", + "resolved": "https://registry.npmjs.org/through/-/through-2.3.8.tgz", + "integrity": "sha512-w89qg7PI8wAdvX60bMDP+bFoD5Dvhm9oLheFp5O4a2QF0cSBGsBX4qZmadPMvVqlLJBBci+WqGGOAPvcDeNSVg==" + }, + "node_modules/tslib": { + "version": "2.6.3", + "resolved": "https://registry.npmjs.org/tslib/-/tslib-2.6.3.tgz", + "integrity": "sha512-xNvxJEOUiWPGhUuUdQgAJPKOOJfGnIyKySOc09XkKsgdUV/3E2zvwZYdejjmRgPCgcym1juLH3226yA7sEFJKQ==" + }, + "node_modules/type-fest": { + "version": "4.21.0", + "resolved": "https://registry.npmjs.org/type-fest/-/type-fest-4.21.0.tgz", + "integrity": "sha512-ADn2w7hVPcK6w1I0uWnM//y1rLXZhzB9mr0a3OirzclKF1Wp6VzevUmzz/NRAWunOT6E8HrnpGY7xOfc6K57fA==", + "engines": { + "node": ">=16" + }, + "funding": { + "url": "https://github.com/sponsors/sindresorhus" + } + }, + "node_modules/typedarray-to-buffer": { + "version": "3.1.5", + "resolved": "https://registry.npmjs.org/typedarray-to-buffer/-/typedarray-to-buffer-3.1.5.tgz", + "integrity": "sha512-zdu8XMNEDepKKR+XYOXAVPtWui0ly0NtohUscw+UmaHiAWT8hrV1rr//H6V+0DvJ3OQ19S979M0laLfX8rm82Q==", + "dependencies": { + "is-typedarray": "^1.0.0" + } + }, + "node_modules/unbzip2-stream": { + "version": "1.4.3", + "resolved": "https://registry.npmjs.org/unbzip2-stream/-/unbzip2-stream-1.4.3.tgz", + "integrity": "sha512-mlExGW4w71ebDJviH16lQLtZS32VKqsSfk80GCfUlwT/4/hNRFsoscrF/c++9xinkMzECL1uL9DDwXqFWkruPg==", + "dependencies": { + "buffer": "^5.2.1", + "through": "^2.3.8" + } + }, + "node_modules/undici-types": { + "version": "5.26.5", + "resolved": "https://registry.npmjs.org/undici-types/-/undici-types-5.26.5.tgz", + "integrity": "sha512-JlCMO+ehdEIKqlFxk6IfVoAUVmgz7cU7zD/h9XZ0qzeosSHmUJVOzSQvvYSYWXkFXC+IfLKSIffhv0sVZup6pA==", + "optional": true + }, + "node_modules/unique-string": { + "version": "2.0.0", + "resolved": "https://registry.npmjs.org/unique-string/-/unique-string-2.0.0.tgz", + "integrity": "sha512-uNaeirEPvpZWSgzwsPGtU2zVSTrn/8L5q/IexZmH0eH6SA73CmAA5U4GwORTxQAZs95TAXLNqeLoPPNO5gZfWg==", + "dependencies": { + "crypto-random-string": "^2.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/universalify": { + "version": "2.0.1", + "resolved": "https://registry.npmjs.org/universalify/-/universalify-2.0.1.tgz", + "integrity": "sha512-gptHNQghINnc/vTGIk0SOFGFNXw7JVrlRUtConJRlvaw6DuX0wO5Jeko9sWrMBhh+PsYAZ7oXAiOnf/UKogyiw==", + "engines": { + "node": ">= 10.0.0" + } + }, + "node_modules/update-browserslist-db": { + "version": "1.1.0", + "resolved": "https://registry.npmjs.org/update-browserslist-db/-/update-browserslist-db-1.1.0.tgz", + "integrity": "sha512-EdRAaAyk2cUE1wOf2DkEhzxqOQvFOoRJFNS6NeyJ01Gp2beMRpBAINjM2iDXE3KCuKhwnvHIQCJm6ThL2Z+HzQ==", + "funding": [ + { + "type": "opencollective", + "url": "https://opencollective.com/browserslist" + }, + { + "type": "tidelift", + "url": "https://tidelift.com/funding/github/npm/browserslist" + }, + { + "type": "github", + "url": "https://github.com/sponsors/ai" + } + ], + "dependencies": { + "escalade": "^3.1.2", + "picocolors": "^1.0.1" + }, + "bin": { + "update-browserslist-db": "cli.js" + }, + "peerDependencies": { + "browserslist": ">= 4.21.0" + } + }, + "node_modules/urlpattern-polyfill": { + "version": "10.0.0", + "resolved": "https://registry.npmjs.org/urlpattern-polyfill/-/urlpattern-polyfill-10.0.0.tgz", + "integrity": "sha512-H/A06tKD7sS1O1X2SshBVeA5FLycRpjqiBeqGKmBwBDBy28EnRjORxTNe269KSSr5un5qyWi1iL61wLxpd+ZOg==" + }, + "node_modules/vali-date": { + "version": "1.0.0", + "resolved": "https://registry.npmjs.org/vali-date/-/vali-date-1.0.0.tgz", + "integrity": "sha512-sgECfZthyaCKW10N0fm27cg8HYTFK5qMWgypqkXMQ4Wbl/zZKx7xZICgcoxIIE+WFAP/MBL2EFwC/YvLxw3Zeg==", + "engines": { + "node": ">=0.10.0" + } + }, + "node_modules/web-streams-polyfill": { + "version": "3.3.3", + "resolved": "https://registry.npmjs.org/web-streams-polyfill/-/web-streams-polyfill-3.3.3.tgz", + "integrity": "sha512-d2JWLCivmZYTSIoge9MsgFCZrt571BikcWGYkjC1khllbTeDlGqZ2D8vD8E/lJa8WGWbb7Plm8/XJYV7IJHZZw==", + "engines": { + "node": ">= 8" + } + }, + "node_modules/which-module": { + "version": "2.0.1", + "resolved": "https://registry.npmjs.org/which-module/-/which-module-2.0.1.tgz", + "integrity": "sha512-iBdZ57RDvnOR9AGBhML2vFZf7h8vmBjhoaZqODJBFWHVtKkDmKuHai3cx5PgVMrX5YDNp27AofYbAwctSS+vhQ==" + }, + "node_modules/wrap-ansi": { + "version": "6.2.0", + "resolved": "https://registry.npmjs.org/wrap-ansi/-/wrap-ansi-6.2.0.tgz", + "integrity": "sha512-r6lPcBGxZXlIcymEu7InxDMhdW0KDxpLgoFLcguasxCaJ/SOIZwINatK9KY/tf+ZrlywOKU0UDj3ATXUBfxJXA==", + "dependencies": { + "ansi-styles": "^4.0.0", + "string-width": "^4.1.0", + "strip-ansi": "^6.0.0" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/wrap-text": { + "version": "1.0.9", + "resolved": "https://registry.npmjs.org/wrap-text/-/wrap-text-1.0.9.tgz", + "integrity": "sha512-NWfjspSgMDXQIMpKM56AwCQPI01OMFRYYJBh6dGNCfH7AOl+j/VqqbiopgJ4VuQfSluqLc+2ekqaPNpYAGZ/Vg==" + }, + "node_modules/wrappy": { + "version": "1.0.2", + "resolved": "https://registry.npmjs.org/wrappy/-/wrappy-1.0.2.tgz", + "integrity": "sha512-l4Sp/DRseor9wL6EvV2+TuQn63dMkPjZ/sp9XkghTEbV9KlPS1xUsZ3u7/IQO4wxtcFB4bgpQPRcR3QCvezPcQ==" + }, + "node_modules/write-file-atomic": { + "version": "3.0.3", + "resolved": "https://registry.npmjs.org/write-file-atomic/-/write-file-atomic-3.0.3.tgz", + "integrity": "sha512-AvHcyZ5JnSfq3ioSyjrBkH9yW4m7Ayk8/9My/DD9onKeu/94fwrMocemO2QAJFAlnnDN+ZDS+ZjAR5ua1/PV/Q==", + "dependencies": { + "imurmurhash": "^0.1.4", + "is-typedarray": "^1.0.0", + "signal-exit": "^3.0.2", + "typedarray-to-buffer": "^3.1.5" + } + }, + "node_modules/ws": { + "version": "8.18.0", + "resolved": "https://registry.npmjs.org/ws/-/ws-8.18.0.tgz", + "integrity": "sha512-8VbfWfHLbbwu3+N6OKsOMpBdT4kXPDDB9cJk2bJ6mh9ucxdlnNvH1e+roYkKmN9Nxw2yjz7VzeO9oOz2zJ04Pw==", + "engines": { + "node": ">=10.0.0" + }, + "peerDependencies": { + "bufferutil": "^4.0.1", + "utf-8-validate": ">=5.0.2" + }, + "peerDependenciesMeta": { + "bufferutil": { + "optional": true + }, + "utf-8-validate": { + "optional": true + } + } + }, + "node_modules/xdg-basedir": { + "version": "4.0.0", + "resolved": "https://registry.npmjs.org/xdg-basedir/-/xdg-basedir-4.0.0.tgz", + "integrity": "sha512-PSNhEJDejZYV7h50BohL09Er9VaIefr2LMAf3OEmpCkjOi34eYyQYAXUTjEQtZJTKcF0E2UKTh+osDLsgNim9Q==", + "engines": { + "node": ">=8" + } + }, + "node_modules/y18n": { + "version": "4.0.3", + "resolved": "https://registry.npmjs.org/y18n/-/y18n-4.0.3.tgz", + "integrity": "sha512-JKhqTOwSrqNA1NY5lSztJ1GrBiUodLMmIZuLiDaMRJ+itFd+ABVE8XBjOvIWL+rSqNDC74LCSFmlb/U4UZ4hJQ==" + }, + "node_modules/yallist": { + "version": "4.0.0", + "resolved": "https://registry.npmjs.org/yallist/-/yallist-4.0.0.tgz", + "integrity": "sha512-3wdGidZyq5PB084XLES5TpOSRA3wjXAlIWMhum2kRcv/41Sn2emQ0dycQW4uZXLejwKvg6EsvbdlVL+FYEct7A==" + }, + "node_modules/yargs": { + "version": "15.4.1", + "resolved": "https://registry.npmjs.org/yargs/-/yargs-15.4.1.tgz", + "integrity": "sha512-aePbxDmcYW++PaqBsJ+HYUFwCdv4LVvdnhBy78E57PIor8/OVvhMrADFFEDh8DHDFRv/O9i3lPhsENjO7QX0+A==", + "dependencies": { + "cliui": "^6.0.0", + "decamelize": "^1.2.0", + "find-up": "^4.1.0", + "get-caller-file": "^2.0.1", + "require-directory": "^2.1.1", + "require-main-filename": "^2.0.0", + "set-blocking": "^2.0.0", + "string-width": "^4.2.0", + "which-module": "^2.0.0", + "y18n": "^4.0.0", + "yargs-parser": "^18.1.2" + }, + "engines": { + "node": ">=8" + } + }, + "node_modules/yargs-parser": { + "version": "18.1.3", + "resolved": "https://registry.npmjs.org/yargs-parser/-/yargs-parser-18.1.3.tgz", + "integrity": "sha512-o50j0JeToy/4K6OZcaQmW6lyXXKhq7csREXcDwk2omFPJEwUNOVtJKvmDr9EI1fAJZUyZcRF7kxGBWmRXudrCQ==", + "dependencies": { + "camelcase": "^5.0.0", + "decamelize": "^1.2.0" + }, + "engines": { + "node": ">=6" + } + }, + "node_modules/yauzl": { + "version": "2.10.0", + "resolved": "https://registry.npmjs.org/yauzl/-/yauzl-2.10.0.tgz", + "integrity": "sha512-p4a9I6X6nu6IhoGmBqAcbJy1mlC4j27vEPZX9F4L4/vZT3Lyq1VkFHw/V/PUcB9Buo+DG3iHkT0x3Qya58zc3g==", + "dependencies": { + "buffer-crc32": "~0.2.3", + "fd-slicer": "~1.1.0" + } + }, + "node_modules/zod": { + "version": "3.23.8", + "resolved": "https://registry.npmjs.org/zod/-/zod-3.23.8.tgz", + "integrity": "sha512-XBx9AXhXktjUqnepgTiE5flcKIYWi/rme0Eaj+5Y0lftuGBq+jyRu/md4WnuxqgP1ubdpNCsYEYPxrzVHD8d6g==", + "funding": { + "url": "https://github.com/sponsors/colinhacks" + } + } + } +} diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Twitter Scraper/package.json b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Twitter Scraper/package.json new file mode 100644 index 0000000..4c697de --- /dev/null +++ b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Twitter Scraper/package.json @@ -0,0 +1,20 @@ +{ + "name": "twitter-scraper", + "version": "1.0.0", + "description": "Twitter Scraper", + "main": "index.js", + "type": "module", + "scripts": { + "test": "echo \"Error: no test specified\" && exit 1" + }, + "author": "MAX", + "license": "MIT", + "dependencies": { + "csv-stringify": "^6.5.0", + "got-scraping": "^4.0.6", + "graceful-fs": "^4.2.11", + "license": "^1.0.3", + "node-fetch": "^3.3.2", + "puppeteer": "^22.12.1" + } +} diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Twitter Scraper/test.json b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Twitter Scraper/test.json new file mode 100644 index 0000000..b172c51 --- /dev/null +++ b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Twitter Scraper/test.json @@ -0,0 +1,40 @@ +{ + "data": { + "search_by_raw_query": { + "search_timeline": { + "timeline": { + "instructions": [ + { + "type": "TimelineReplaceEntry", + "entry_id_to_replace": "cursor-top-9223372036854775807", + "entry": { + "entryId": "cursor-top-9223372036854775807", + "sortIndex": "9223372036854775807", + "content": { + "entryType": "TimelineTimelineCursor", + "__typename": "TimelineTimelineCursor", + "value": "DAACCgACGSOr1XfAJxAKAAMZI6vVd78VoAgABAAAAAELAAUAAAO8QUFBQUFDNk5zd2dBQUFCakFBQUFBQUFBRlh3QUFBQUhBQUFBVmdBQVJDQUJFQkJFVUNCQUFDQUFJQVEwR0FBQUFnRUFBQUFDQWdBQWdBQUFBQkNRc0FRQUFBSVFBQUFBd0FCQ0NBQUFCRUVDZ0VJQUFDQUJBZ0JDZ2dBQ0FhQUVBQUFBRWdiZ1FBQmlJQUNDRUFGQUFZQUFCQWlBZ0FCQUVpSUFBZ0lnQUVBQWdRWVFpSlFBZ0FBQUFKU0FBQUFCQXdJQ2hBSUFRQUFRQUFBWUFSWUdBQUtBQUVSQklBQUJCQUFBQ0JRZ0FDVUNDRUFBQUNBQkNnQUFCQTFBQUFBQUJDQXdBQkFBQUdBUWhBQUNCUUlCQUVZSUVBZ0lCQ0FnU0FBZ0FJQUVRQ0FRQkFBZ0NFQUFBQUFBQVpBQVVBQUFJQUlnQUJBQlFDZ2dRd0lBSUFBZ0lBb0FBQWdBQTRBQUlBRUFnQUJBRkFCQVNBQmdBUlFVQUFCQVlBZ0FCQUVnQUFCQUFTQUFBQUFDQUVBRUFFQUFBQVFJeUFBQStnQUFDQUFHZ1VFQ0FBZ1FBR0lBZ0JDaUlRQ0JRU2lBQUFLQkFBQVVFUUFCQlFRRW9BQVVBQW9pQUFCQUFDQUFFR2dBQUNJb0JBb0FpaUFBQWdBQ1FBUUF3QkpKQUF3UUJwRUFBQUFBZ1FnQUFBQUFBSUFDQUFBQUFEVUlBQUFnQUlBQmlBQVNhRUFDQUFBQUFoSUFBUUFBZ0JBQ0JFZ0FBQUNSRUVBQUlBQUFsQXdFQWdRQ0JCUUFCUEVBRUFnQUFFRXdBQUFDUUNBZ3NBQTRRSGdBQUJVS0FnQkFBQUFBQUVBQUVBQUVBUUJFREFnRUFrQUlBSkFBUUFCQUlBQUFFSlRoUUdCQUFBSUFRaUNBUUVRQUFJQUJRRUtBQVFBRUlCQkFBSUpBeFNBaUVCQVFFQVFBRUFBQUNBQUFnQWtVQUVFQUFBRUFDRVdBRUZDQUFBSUFnQUlpQUFDQUFBQUFnQUFnRUJBSUdBQUFBUUFnQUFCQUFPRndDQ0lnSG9HQU1nQU1BQWdBQkFJQVFBQ0dRb1FBQkxLQWlRQkFBQWhBQkVDQ0FFRUVBQUNWQUVKQUJCZ0pDd0FDQWlBQUVFQUtnQkFBR0FBQ0FBQUlRQ2dFQ0FoQVJBQWdBQUFBUUFSQUJBRUFBUUFBRUlRS0FRQUFBQUFBZ0FnQ0FBRWdBa0FBQWhBaUFJQklBQUlWQUVBRUFBRUFBQUFRUUNDZ0FxQT0IAAYAAAAACAAHAAAABQwACAoAAhjwIAjD1sGUAAAA", + "cursorType": "Top" + } + } + }, + { + "type": "TimelineReplaceEntry", + "entry_id_to_replace": "cursor-bottom-0", + "entry": { + "entryId": "cursor-bottom-0", + "sortIndex": "0", + "content": { + "entryType": "TimelineTimelineCursor", + "__typename": "TimelineTimelineCursor", + "value": "DAACCgACGSOr1XfAJxAKAAMZI6vVd78VoAgABAAAAAILAAUAAAO8QUFBQUFDNk5zd2dBQUFCakFBQUFBQUFBRlh3QUFBQUhBQUFBVmdBQVJDQUJFQkJFVUNCQUFDQUFJQVEwR0FBQUFnRUFBQUFDQWdBQWdBQUFBQkNRc0FRQUFBSVFBQUFBd0FCQ0NBQUFCRUVDZ0VJQUFDQUJBZ0JDZ2dBQ0FhQUVBQUFBRWdiZ1FBQmlJQUNDRUFGQUFZQUFCQWlBZ0FCQUVpSUFBZ0lnQUVBQWdRWVFpSlFBZ0FBQUFKU0FBQUFCQXdJQ2hBSUFRQUFRQUFBWUFSWUdBQUtBQUVSQklBQUJCQUFBQ0JRZ0FDVUNDRUFBQUNBQkNnQUFCQTFBQUFBQUJDQXdBQkFBQUdBUWhBQUNCUUlCQUVZSUVBZ0lCQ0FnU0FBZ0FJQUVRQ0FRQkFBZ0NFQUFBQUFBQVpBQVVBQUFJQUlnQUJBQlFDZ2dRd0lBSUFBZ0lBb0FBQWdBQTRBQUlBRUFnQUJBRkFCQVNBQmdBUlFVQUFCQVlBZ0FCQUVnQUFCQUFTQUFBQUFDQUVBRUFFQUFBQVFJeUFBQStnQUFDQUFHZ1VFQ0FBZ1FBR0lBZ0JDaUlRQ0JRU2lBQUFLQkFBQVVFUUFCQlFRRW9BQVVBQW9pQUFCQUFDQUFFR2dBQUNJb0JBb0FpaUFBQWdBQ1FBUUF3QkpKQUF3UUJwRUFBQUFBZ1FnQUFBQUFBSUFDQUFBQUFEVUlBQUFnQUlBQmlBQVNhRUFDQUFBQUFoSUFBUUFBZ0JBQ0JFZ0FBQUNSRUVBQUlBQUFsQXdFQWdRQ0JCUUFCUEVBRUFnQUFFRXdBQUFDUUNBZ3NBQTRRSGdBQUJVS0FnQkFBQUFBQUVBQUVBQUVBUUJFREFnRUFrQUlBSkFBUUFCQUlBQUFFSlRoUUdCQUFBSUFRaUNBUUVRQUFJQUJRRUtBQVFBRUlCQkFBSUpBeFNBaUVCQVFFQVFBRUFBQUNBQUFnQWtVQUVFQUFBRUFDRVdBRUZDQUFBSUFnQUlpQUFDQUFBQUFnQUFnRUJBSUdBQUFBUUFnQUFCQUFPRndDQ0lnSG9HQU1nQU1BQWdBQkFJQVFBQ0dRb1FBQkxLQWlRQkFBQWhBQkVDQ0FFRUVBQUNWQUVKQUJCZ0pDd0FDQWlBQUVFQUtnQkFBR0FBQ0FBQUlRQ2dFQ0FoQVJBQWdBQUFBUUFSQUJBRUFBUUFBRUlRS0FRQUFBQUFBZ0FnQ0FBRWdBa0FBQWhBaUFJQklBQUlWQUVBRUFBRUFBQUFRUUNDZ0FxQT0IAAYAAAAACAAHAAAABQwACAoAAhjwIAjD1sGUAAAA", + "cursorType": "Bottom" + } + } + } + ] + } + } + } + } +} \ No newline at end of file diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Twitter Scraper/tweetScraper.js b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Twitter Scraper/tweetScraper.js new file mode 100644 index 0000000..666a722 --- /dev/null +++ b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/Twitter Scraper/tweetScraper.js @@ -0,0 +1,123 @@ +import fetch from "node-fetch"; +import fs from 'graceful-fs'; +import { gotScraping } from 'got-scraping'; +import { stringify } from 'csv-stringify/sync'; + +(async () => { + const delay = (ms) => new Promise(resolve => setTimeout(resolve, ms)); + const fetchTweets = async (url, retries = 7) => { + for (let i = 0; i < retries; i++) { + try { + const res = await fetch(url, { + headers: { + // PASTE OWN HEADERS HERE + }, + body: null, + method: "GET" + }); + const json = await res.json(); + fs.writeFileSync("test.json", JSON.stringify(json, null, 2)) + return json; + } catch (error) { + console.error(`Attempt ${i + 1} failed:`, error.message); + if (i === retries - 1) throw error; + console.log(`Retrying in 10 minutes...`); + await delay(603000); // Wait for 10 minutes before retrying + } + } + }; + + const decodeHtmlEntities = (text) => { + return text + .replace(/&/g, '&') + .replace(/</g, '<') + .replace(/>/g, '>') + .replace(/≤/g, '≤') + .replace(/≥/g, '≥'); + }; + + const extractTweets = (data, startIndex, endIndex) => { + let tweets = []; + for (let i = startIndex; i < endIndex; i++) { + let tweet = data.data.search_by_raw_query.search_timeline.timeline.instructions[0].entries[i]; + if (tweet.content && tweet.content.itemContent && tweet.content.itemContent.tweet_results && tweet.content.itemContent.tweet_results.result && tweet.content.itemContent.tweet_results.result.legacy) { + let tweetText = tweet.content.itemContent.tweet_results.result.legacy.full_text; + let tweetDate = tweet.content.itemContent.tweet_results.result.legacy.created_at; + + // Remove links starting with "https://t.co/" + tweetText = tweetText.replace(/https:\/\/t\.co\/\S+/g, ''); + + // Replace newline characters with spaces + tweetText = tweetText.replace(/\n/g, ' '); + + // Decode HTML entities + tweetText = decodeHtmlEntities(tweetText); + + tweets.push({ date: tweetDate, text: tweetText }); + } + } + return tweets; + }; + + const processTweets = async (numRequests) => { + let initialUrl = "https://x.com/i/api/graphql/6uoFezW1o4e-n-VI5vfksA/SearchTimeline?variables=%7B%22rawQuery%22%3A%22Stock%20StockMarket%20Price%20%20(SPY%20OR%20QQQ%20OR%20ARKK%20OR%20SMH%20OR%20AAPL%20OR%20NFLX%20OR%20TSLA%20OR%20META%20OR%20AMZN%20OR%20NVDA%20OR%20GOOG%20OR%20MSFT%20OR%20SHOP%20OR%20AMD%20OR%20UPST%20OR%20AAL%20OR%20TSM%20OR%20Nasdaq%20OR%20Dow)%20lang%3Aen%20until%3A2024-07-01%20since%3A2024-06-01%22%2C%22count%22%3A20%2C%22querySource%22%3A%22typed_query%22%2C%22product%22%3A%22Top%22%7D&features=%7B%22rweb_tipjar_consumption_enabled%22%3Atrue%2C%22responsive_web_graphql_exclude_directive_enabled%22%3Atrue%2C%22verified_phone_label_enabled%22%3Afalse%2C%22creator_subscriptions_tweet_preview_api_enabled%22%3Atrue%2C%22responsive_web_graphql_timeline_navigation_enabled%22%3Atrue%2C%22responsive_web_graphql_skip_user_profile_image_extensions_enabled%22%3Afalse%2C%22communities_web_enable_tweet_community_results_fetch%22%3Atrue%2C%22c9s_tweet_anatomy_moderator_badge_enabled%22%3Atrue%2C%22articles_preview_enabled%22%3Atrue%2C%22tweetypie_unmention_optimization_enabled%22%3Atrue%2C%22responsive_web_edit_tweet_api_enabled%22%3Atrue%2C%22graphql_is_translatable_rweb_tweet_is_translatable_enabled%22%3Atrue%2C%22view_counts_everywhere_api_enabled%22%3Atrue%2C%22longform_notetweets_consumption_enabled%22%3Atrue%2C%22responsive_web_twitter_article_tweet_consumption_enabled%22%3Atrue%2C%22tweet_awards_web_tipping_enabled%22%3Afalse%2C%22creator_subscriptions_quote_tweet_preview_enabled%22%3Afalse%2C%22freedom_of_speech_not_reach_fetch_enabled%22%3Atrue%2C%22standardized_nudges_misinfo%22%3Atrue%2C%22tweet_with_visibility_results_prefer_gql_limited_actions_policy_enabled%22%3Atrue%2C%22rweb_video_timestamps_enabled%22%3Atrue%2C%22longform_notetweets_rich_text_read_enabled%22%3Atrue%2C%22longform_notetweets_inline_media_enabled%22%3Atrue%2C%22responsive_web_enhance_cards_enabled%22%3Afalse%7D"; + + let url = initialUrl; + + for (let i = 0; i < numRequests; i++) { + try { + let data = await fetchTweets(url); + + const entries = data?.data?.search_by_raw_query?.search_timeline?.timeline?.instructions[0]?.entries; + const entries_length = entries.length; + console.log("Entries found: ", entries.length); + + let tweets; + if (i === 0) { + // First request + tweets = extractTweets(data, 1, 20); + url = `https://x.com/i/api/graphql/6uoFezW1o4e-n-VI5vfksA/SearchTimeline?variables=%7B%22rawQuery%22%3A%22Stock%20StockMarket%20Price%20%20(SPY%20OR%20QQQ%20OR%20ARKK%20OR%20SMH%20OR%20AAPL%20OR%20NFLX%20OR%20TSLA%20OR%20META%20OR%20AMZN%20OR%20NVDA%20OR%20GOOG%20OR%20MSFT%20OR%20SHOP%20OR%20AMD%20OR%20UPST%20OR%20AAL%20OR%20TSM%20OR%20Nasdaq%20OR%20Dow)%20lang%3Aen%20until%3A2024-07-01%20since%3A2024-06-01%22%2C%22count%22%3A20%2C%22cursor%22%3A%22${data.data.search_by_raw_query.search_timeline.timeline.instructions[0].entries[21].content.value}%22%2C%22querySource%22%3A%22typed_query%22%2C%22product%22%3A%22Top%22%7D&features=%7B%22rweb_tipjar_consumption_enabled%22%3Atrue%2C%22responsive_web_graphql_exclude_directive_enabled%22%3Atrue%2C%22verified_phone_label_enabled%22%3Afalse%2C%22creator_subscriptions_tweet_preview_api_enabled%22%3Atrue%2C%22responsive_web_graphql_timeline_navigation_enabled%22%3Atrue%2C%22responsive_web_graphql_skip_user_profile_image_extensions_enabled%22%3Afalse%2C%22communities_web_enable_tweet_community_results_fetch%22%3Atrue%2C%22c9s_tweet_anatomy_moderator_badge_enabled%22%3Atrue%2C%22articles_preview_enabled%22%3Atrue%2C%22tweetypie_unmention_optimization_enabled%22%3Atrue%2C%22responsive_web_edit_tweet_api_enabled%22%3Atrue%2C%22graphql_is_translatable_rweb_tweet_is_translatable_enabled%22%3Atrue%2C%22view_counts_everywhere_api_enabled%22%3Atrue%2C%22longform_notetweets_consumption_enabled%22%3Atrue%2C%22responsive_web_twitter_article_tweet_consumption_enabled%22%3Atrue%2C%22tweet_awards_web_tipping_enabled%22%3Afalse%2C%22creator_subscriptions_quote_tweet_preview_enabled%22%3Afalse%2C%22freedom_of_speech_not_reach_fetch_enabled%22%3Atrue%2C%22standardized_nudges_misinfo%22%3Atrue%2C%22tweet_with_visibility_results_prefer_gql_limited_actions_policy_enabled%22%3Atrue%2C%22rweb_video_timestamps_enabled%22%3Atrue%2C%22longform_notetweets_rich_text_read_enabled%22%3Atrue%2C%22longform_notetweets_inline_media_enabled%22%3Atrue%2C%22responsive_web_enhance_cards_enabled%22%3Afalse%7D`; + } else { + // Subsequent requests + tweets = extractTweets(data, 0, entries_length); + url = `https://x.com/i/api/graphql/6uoFezW1o4e-n-VI5vfksA/SearchTimeline?variables=%7B%22rawQuery%22%3A%22Stock%20StockMarket%20Price%20%20(SPY%20OR%20QQQ%20OR%20ARKK%20OR%20SMH%20OR%20AAPL%20OR%20NFLX%20OR%20TSLA%20OR%20META%20OR%20AMZN%20OR%20NVDA%20OR%20GOOG%20OR%20MSFT%20OR%20SHOP%20OR%20AMD%20OR%20UPST%20OR%20AAL%20OR%20TSM%20OR%20Nasdaq%20OR%20Dow)%20lang%3Aen%20until%3A2024-07-01%20since%3A2024-06-01%22%2C%22count%22%3A20%2C%22cursor%22%3A%22${data.data.search_by_raw_query.search_timeline.timeline.instructions[2].entry.content.value}%22%2C%22querySource%22%3A%22typed_query%22%2C%22product%22%3A%22Top%22%7D&features=%7B%22rweb_tipjar_consumption_enabled%22%3Atrue%2C%22responsive_web_graphql_exclude_directive_enabled%22%3Atrue%2C%22verified_phone_label_enabled%22%3Afalse%2C%22creator_subscriptions_tweet_preview_api_enabled%22%3Atrue%2C%22responsive_web_graphql_timeline_navigation_enabled%22%3Atrue%2C%22responsive_web_graphql_skip_user_profile_image_extensions_enabled%22%3Afalse%2C%22communities_web_enable_tweet_community_results_fetch%22%3Atrue%2C%22c9s_tweet_anatomy_moderator_badge_enabled%22%3Atrue%2C%22articles_preview_enabled%22%3Atrue%2C%22tweetypie_unmention_optimization_enabled%22%3Atrue%2C%22responsive_web_edit_tweet_api_enabled%22%3Atrue%2C%22graphql_is_translatable_rweb_tweet_is_translatable_enabled%22%3Atrue%2C%22view_counts_everywhere_api_enabled%22%3Atrue%2C%22longform_notetweets_consumption_enabled%22%3Atrue%2C%22responsive_web_twitter_article_tweet_consumption_enabled%22%3Atrue%2C%22tweet_awards_web_tipping_enabled%22%3Afalse%2C%22creator_subscriptions_quote_tweet_preview_enabled%22%3Afalse%2C%22freedom_of_speech_not_reach_fetch_enabled%22%3Atrue%2C%22standardized_nudges_misinfo%22%3Atrue%2C%22tweet_with_visibility_results_prefer_gql_limited_actions_policy_enabled%22%3Atrue%2C%22rweb_video_timestamps_enabled%22%3Atrue%2C%22longform_notetweets_rich_text_read_enabled%22%3Atrue%2C%22longform_notetweets_inline_media_enabled%22%3Atrue%2C%22responsive_web_enhance_cards_enabled%22%3Afalse%7D`; + } + + // Save tweets to CSV after each request + await saveToCsv(tweets, i === 0); + } catch (error) { + console.error(`Error processing request ${i + 1}:`, error.message); + console.log('Waiting for 5 minutes before continuing...'); + await delay(300000); // Wait for 5 minutes + } + } + }; + + + const saveToCsv = async (tweets, isFirstRequest) => { + const csvContent = stringify( + tweets.map(tweet => [tweet.date, tweet.text]), + { + header: isFirstRequest, + columns: ['Date', 'Tweet'], + quoted: true, + quotedString: true, + quotedEmpty: true, + } + ); + + try { + if (isFirstRequest) { + // await fs.promises.writeFile('tweets.csv', csvContent, 'utf8'); + await fs.promises.appendFile('tweets.csv', csvContent, 'utf8'); + } else { + await fs.promises.appendFile('tweets.csv', csvContent, 'utf8'); + } + console.log('CSV file updated successfully'); + } catch (err) { + console.error('Error writing to CSV file', err); + } + }; + + await processTweets(100000); // specify the number of requests +})(); \ No newline at end of file diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/date_sentiment.csv b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/date_sentiment.csv new file mode 100644 index 0000000..1716ab5 --- /dev/null +++ b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/date_sentiment.csv @@ -0,0 +1,2145 @@ +Date,SentimentIndicator +2018-01-02,3 +2018-01-03,1 +2018-01-04,4 +2018-01-05,1 +2018-01-06,4 +2018-01-08,4 +2018-01-10,5 +2018-01-11,4 +2018-01-13,3 +2018-01-14,4 +2018-01-15,4 +2018-01-16,3 +2018-01-17,2 +2018-01-18,2 +2018-01-19,2 +2018-01-20,2 +2018-01-21,5 +2018-01-22,2 +2018-01-23,2 +2018-01-24,1 +2018-01-25,1 +2018-01-26,2 +2018-01-27,3 +2018-01-28,2 +2018-01-29,2 +2018-01-30,2 +2018-01-31,2 +2018-02-01,3 +2018-02-02,2 +2018-02-03,2 +2018-02-05,2 +2018-02-06,3 +2018-02-07,2 +2018-02-08,1 +2018-02-09,2 +2018-02-10,1 +2018-02-11,3 +2018-02-12,3 +2018-02-13,5 +2018-02-14,2 +2018-02-15,3 +2018-02-16,3 +2018-02-17,2 +2018-02-18,1 +2018-02-19,4 +2018-02-20,1 +2018-02-21,1 +2018-02-22,1 +2018-02-23,3 +2018-02-24,2 +2018-02-25,1 +2018-02-26,2 +2018-02-27,3 +2018-02-28,3 +2018-03-01,1 +2018-03-02,2 +2018-03-03,1 +2018-03-04,5 +2018-03-05,3 +2018-03-06,3 +2018-03-07,2 +2018-03-08,2 +2018-03-09,2 +2018-03-10,3 +2018-03-11,1 +2018-03-12,2 +2018-03-13,1 +2018-03-14,1 +2018-03-15,4 +2018-03-16,3 +2018-03-17,5 +2018-03-18,2 +2018-03-19,1 +2018-03-20,2 +2018-03-21,1 +2018-03-22,2 +2018-03-23,2 +2018-03-24,2 +2018-03-26,2 +2018-03-27,2 +2018-03-28,1 +2018-03-29,3 +2018-03-30,1 +2018-03-31,2 +2018-04-02,2 +2018-04-03,2 +2018-04-04,3 +2018-04-05,3 +2018-04-06,2 +2018-04-07,1 +2018-04-08,1 +2018-04-09,1 +2018-04-10,1 +2018-04-11,3 +2018-04-12,3 +2018-04-13,1 +2018-04-15,5 +2018-04-16,1 +2018-04-17,1 +2018-04-18,1 +2018-04-19,2 +2018-04-20,3 +2018-04-21,3 +2018-04-22,3 +2018-04-23,2 +2018-04-24,3 +2018-04-25,2 +2018-04-26,1 +2018-04-27,3 +2018-04-28,2 +2018-04-29,1 +2018-04-30,5 +2018-05-01,1 +2018-05-02,2 +2018-05-03,1 +2018-05-04,2 +2018-05-05,2 +2018-05-06,4 +2018-05-07,2 +2018-05-08,3 +2018-05-09,2 +2018-05-10,1 +2018-05-11,1 +2018-05-12,3 +2018-05-13,4 +2018-05-14,2 +2018-05-15,1 +2018-05-16,2 +2018-05-17,5 +2018-05-20,1 +2018-05-21,1 +2018-05-22,4 +2018-05-23,2 +2018-05-24,1 +2018-05-25,5 +2018-05-28,1 +2018-05-29,4 +2018-05-30,3 +2018-05-31,3 +2018-06-01,2 +2018-06-02,4 +2018-06-03,2 +2018-06-04,2 +2018-06-05,2 +2018-06-06,3 +2018-06-07,5 +2018-06-08,1 +2018-06-09,1 +2018-06-10,3 +2018-06-11,1 +2018-06-13,1 +2018-06-14,2 +2018-06-15,3 +2018-06-16,3 +2018-06-17,1 +2018-06-18,1 +2018-06-19,2 +2018-06-20,3 +2018-06-21,2 +2018-06-22,4 +2018-06-23,3 +2018-06-24,2 +2018-06-25,4 +2018-06-26,1 +2018-06-27,5 +2018-06-28,4 +2018-06-29,3 +2018-06-30,1 +2018-07-02,2 +2018-07-03,3 +2018-07-05,2 +2018-07-06,2 +2018-07-08,5 +2018-07-10,3 +2018-07-12,2 +2018-07-13,2 +2018-07-14,1 +2018-07-15,3 +2018-07-16,2 +2018-07-17,3 +2018-07-18,1 +2018-07-19,1 +2018-07-20,3 +2018-07-21,1 +2018-07-22,3 +2018-07-23,1 +2018-07-24,3 +2018-07-25,2 +2018-07-26,2 +2018-07-27,2 +2018-07-28,1 +2018-07-29,1 +2018-07-30,1 +2018-07-31,2 +2018-08-01,2 +2018-08-02,2 +2018-08-03,1 +2018-08-04,1 +2018-08-05,2 +2018-08-06,3 +2018-08-07,3 +2018-08-08,1 +2018-08-09,4 +2018-08-11,4 +2018-08-13,1 +2018-08-14,3 +2018-08-15,2 +2018-08-16,2 +2018-08-17,2 +2018-08-18,1 +2018-08-19,1 +2018-08-20,1 +2018-08-21,1 +2018-08-22,1 +2018-08-23,1 +2018-08-24,2 +2018-08-26,3 +2018-08-27,1 +2018-08-28,2 +2018-08-29,2 +2018-08-30,3 +2018-08-31,3 +2018-09-03,1 +2018-09-04,2 +2018-09-05,3 +2018-09-06,4 +2018-09-07,2 +2018-09-09,1 +2018-09-10,2 +2018-09-11,2 +2018-09-12,3 +2018-09-13,2 +2018-09-14,4 +2018-09-15,1 +2018-09-17,1 +2018-09-18,2 +2018-09-19,2 +2018-09-20,1 +2018-09-21,2 +2018-09-22,4 +2018-09-23,2 +2018-09-24,2 +2018-09-25,1 +2018-09-26,3 +2018-09-27,2 +2018-09-28,5 +2018-09-29,1 +2018-10-01,1 +2018-10-02,1 +2018-10-03,3 +2018-10-04,1 +2018-10-05,3 +2018-10-07,1 +2018-10-08,1 +2018-10-09,1 +2018-10-10,2 +2018-10-11,1 +2018-10-12,1 +2018-10-13,1 +2018-10-14,1 +2018-10-15,2 +2018-10-16,3 +2018-10-17,1 +2018-10-18,1 +2018-10-19,1 +2018-10-20,1 +2018-10-22,2 +2018-10-23,2 +2018-10-24,3 +2018-10-25,1 +2018-10-26,1 +2018-10-27,2 +2018-10-28,5 +2018-10-29,1 +2018-10-30,2 +2018-10-31,1 +2018-11-01,2 +2018-11-02,1 +2018-11-03,1 +2018-11-04,3 +2018-11-05,4 +2018-11-06,5 +2018-11-07,5 +2018-11-08,2 +2018-11-09,3 +2018-11-10,3 +2018-11-12,1 +2018-11-13,1 +2018-11-14,2 +2018-11-15,2 +2018-11-16,1 +2018-11-17,4 +2018-11-18,5 +2018-11-19,1 +2018-11-20,2 +2018-11-21,1 +2018-11-23,1 +2018-11-26,1 +2018-11-27,3 +2018-11-28,2 +2018-11-29,3 +2018-11-30,3 +2018-12-01,1 +2018-12-02,3 +2018-12-03,2 +2018-12-04,5 +2018-12-05,3 +2018-12-06,2 +2018-12-07,3 +2018-12-08,1 +2018-12-10,2 +2018-12-11,3 +2018-12-12,1 +2018-12-13,4 +2018-12-14,3 +2018-12-15,1 +2018-12-16,5 +2018-12-17,1 +2018-12-18,2 +2018-12-19,1 +2018-12-20,2 +2018-12-21,2 +2018-12-22,2 +2018-12-23,2 +2018-12-24,1 +2018-12-25,5 +2018-12-26,3 +2018-12-27,2 +2018-12-28,2 +2018-12-29,2 +2018-12-31,2 +2019-01-01,1 +2019-01-02,2 +2019-01-03,1 +2019-01-04,1 +2019-01-06,1 +2019-01-07,3 +2019-01-08,3 +2019-01-09,2 +2019-01-10,3 +2019-01-11,1 +2019-01-12,1 +2019-01-13,3 +2019-01-14,1 +2019-01-15,1 +2019-01-16,2 +2019-01-17,2 +2019-01-18,3 +2019-01-19,1 +2019-01-20,3 +2019-01-21,1 +2019-01-23,2 +2019-01-24,1 +2019-01-25,3 +2019-01-26,5 +2019-01-27,2 +2019-01-28,2 +2019-01-29,1 +2019-01-30,3 +2019-01-31,3 +2019-02-01,3 +2019-02-02,5 +2019-02-03,1 +2019-02-04,2 +2019-02-05,2 +2019-02-06,1 +2019-02-07,1 +2019-02-08,3 +2019-02-09,4 +2019-02-10,1 +2019-02-11,1 +2019-02-12,2 +2019-02-13,2 +2019-02-14,4 +2019-02-15,2 +2019-02-16,2 +2019-02-18,1 +2019-02-19,1 +2019-02-20,3 +2019-02-21,2 +2019-02-23,4 +2019-02-24,2 +2019-02-25,3 +2019-02-26,2 +2019-02-27,1 +2019-02-28,2 +2019-03-01,2 +2019-03-02,2 +2019-03-03,1 +2019-03-04,1 +2019-03-05,2 +2019-03-06,3 +2019-03-07,2 +2019-03-08,2 +2019-03-09,1 +2019-03-11,1 +2019-03-12,4 +2019-03-13,1 +2019-03-14,1 +2019-03-15,2 +2019-03-16,1 +2019-03-18,2 +2019-03-19,4 +2019-03-20,2 +2019-03-21,2 +2019-03-22,3 +2019-03-23,1 +2019-03-25,1 +2019-03-26,2 +2019-03-27,1 +2019-03-28,2 +2019-03-29,2 +2019-03-30,5 +2019-03-31,2 +2019-04-01,2 +2019-04-02,5 +2019-04-03,3 +2019-04-05,3 +2019-04-08,1 +2019-04-09,1 +2019-04-10,1 +2019-04-11,2 +2019-04-12,3 +2019-04-13,2 +2019-04-14,1 +2019-04-15,3 +2019-04-16,3 +2019-04-17,3 +2019-04-18,4 +2019-04-19,4 +2019-04-20,3 +2019-04-21,1 +2019-04-22,2 +2019-04-23,3 +2019-04-24,3 +2019-04-25,2 +2019-04-26,3 +2019-04-27,3 +2019-04-28,3 +2019-04-29,1 +2019-04-30,2 +2019-05-01,2 +2019-05-02,3 +2019-05-03,3 +2019-05-05,1 +2019-05-06,2 +2019-05-07,1 +2019-05-08,4 +2019-05-09,1 +2019-05-10,2 +2019-05-11,3 +2019-05-12,1 +2019-05-13,3 +2019-05-14,3 +2019-05-15,3 +2019-05-16,2 +2019-05-17,1 +2019-05-20,2 +2019-05-21,1 +2019-05-22,3 +2019-05-23,2 +2019-05-24,2 +2019-05-26,3 +2019-05-27,2 +2019-05-28,2 +2019-05-29,2 +2019-05-30,2 +2019-05-31,1 +2019-06-01,2 +2019-06-02,1 +2019-06-03,1 +2019-06-04,2 +2019-06-05,2 +2019-06-06,1 +2019-06-07,3 +2019-06-09,1 +2019-06-10,3 +2019-06-11,1 +2019-06-12,2 +2019-06-13,4 +2019-06-14,2 +2019-06-15,4 +2019-06-16,3 +2019-06-17,2 +2019-06-18,2 +2019-06-19,1 +2019-06-20,2 +2019-06-21,5 +2019-06-24,4 +2019-06-25,4 +2019-06-26,2 +2019-06-27,2 +2019-06-28,3 +2019-06-29,2 +2019-06-30,2 +2019-07-01,2 +2019-07-03,2 +2019-07-04,2 +2019-07-05,2 +2019-07-07,1 +2019-07-08,2 +2019-07-10,2 +2019-07-11,1 +2019-07-13,2 +2019-07-14,2 +2019-07-15,1 +2019-07-16,1 +2019-07-17,2 +2019-07-18,2 +2019-07-19,5 +2019-07-20,2 +2019-07-22,4 +2019-07-23,3 +2019-07-24,2 +2019-07-25,1 +2019-07-26,2 +2019-07-28,3 +2019-07-29,1 +2019-07-30,2 +2019-07-31,2 +2019-08-01,2 +2019-08-02,2 +2019-08-03,2 +2019-08-04,1 +2019-08-05,1 +2019-08-06,1 +2019-08-07,1 +2019-08-08,3 +2019-08-09,4 +2019-08-10,1 +2019-08-11,1 +2019-08-12,1 +2019-08-13,1 +2019-08-14,2 +2019-08-15,2 +2019-08-16,1 +2019-08-18,1 +2019-08-19,1 +2019-08-20,2 +2019-08-21,1 +2019-08-22,2 +2019-08-23,1 +2019-08-24,1 +2019-08-26,1 +2019-08-27,2 +2019-08-28,3 +2019-08-29,3 +2019-08-30,3 +2019-08-31,1 +2019-09-01,3 +2019-09-02,1 +2019-09-03,2 +2019-09-04,2 +2019-09-05,1 +2019-09-06,2 +2019-09-07,2 +2019-09-09,1 +2019-09-10,3 +2019-09-11,4 +2019-09-12,5 +2019-09-13,3 +2019-09-14,2 +2019-09-15,4 +2019-09-16,1 +2019-09-17,4 +2019-09-18,4 +2019-09-19,2 +2019-09-20,1 +2019-09-21,2 +2019-09-22,5 +2019-09-23,3 +2019-09-24,2 +2019-09-25,2 +2019-09-26,3 +2019-09-27,1 +2019-09-29,2 +2019-09-30,4 +2019-10-01,1 +2019-10-02,2 +2019-10-03,1 +2019-10-05,2 +2019-10-06,3 +2019-10-07,2 +2019-10-08,1 +2019-10-09,1 +2019-10-10,2 +2019-10-11,4 +2019-10-13,4 +2019-10-15,1 +2019-10-16,3 +2019-10-17,4 +2019-10-18,4 +2019-10-19,1 +2019-10-20,4 +2019-10-21,1 +2019-10-22,1 +2019-10-23,2 +2019-10-24,2 +2019-10-25,3 +2019-10-27,2 +2019-10-28,4 +2019-10-29,3 +2019-10-30,3 +2019-10-31,3 +2019-11-01,3 +2019-11-02,3 +2019-11-03,2 +2019-11-04,2 +2019-11-05,1 +2019-11-06,2 +2019-11-07,2 +2019-11-08,2 +2019-11-09,1 +2019-11-11,3 +2019-11-12,3 +2019-11-13,4 +2019-11-14,3 +2019-11-15,2 +2019-11-16,1 +2019-11-17,3 +2019-11-18,2 +2019-11-19,2 +2019-11-20,3 +2019-11-21,2 +2019-11-22,2 +2019-11-24,2 +2019-11-25,2 +2019-11-26,2 +2019-11-27,2 +2019-11-28,5 +2019-11-29,5 +2019-11-30,3 +2019-12-01,2 +2019-12-02,3 +2019-12-03,4 +2019-12-04,5 +2019-12-05,1 +2019-12-10,1 +2019-12-11,3 +2019-12-12,3 +2019-12-13,1 +2019-12-14,5 +2019-12-16,2 +2019-12-17,1 +2019-12-18,2 +2019-12-19,1 +2019-12-20,1 +2019-12-21,3 +2019-12-22,1 +2019-12-23,2 +2019-12-25,1 +2019-12-26,3 +2019-12-27,2 +2019-12-28,4 +2019-12-29,2 +2019-12-30,1 +2019-12-31,1 +2020-01-01,1 +2020-01-02,3 +2020-01-03,3 +2020-01-04,3 +2020-01-05,2 +2020-01-06,5 +2020-01-07,1 +2020-01-08,1 +2020-01-09,2 +2020-01-10,3 +2020-01-11,1 +2020-01-12,3 +2020-01-13,3 +2020-01-14,2 +2020-01-15,3 +2020-01-16,3 +2020-01-17,2 +2020-01-19,3 +2020-01-21,1 +2020-01-22,2 +2020-01-23,4 +2020-01-25,2 +2020-01-26,2 +2020-01-27,2 +2020-01-28,2 +2020-01-29,1 +2020-01-30,1 +2020-01-31,3 +2020-02-01,2 +2020-02-02,1 +2020-02-03,2 +2020-02-04,2 +2020-02-05,5 +2020-02-06,2 +2020-02-07,1 +2020-02-08,4 +2020-02-09,3 +2020-02-10,3 +2020-02-11,1 +2020-02-12,2 +2020-02-13,1 +2020-02-14,2 +2020-02-15,1 +2020-02-16,2 +2020-02-17,2 +2020-02-18,2 +2020-02-19,2 +2020-02-20,3 +2020-02-21,2 +2020-02-24,2 +2020-02-26,2 +2020-02-27,3 +2020-02-28,3 +2020-02-29,1 +2020-03-01,3 +2020-03-02,4 +2020-03-03,2 +2020-03-04,2 +2020-03-05,3 +2020-03-06,2 +2020-03-07,1 +2020-03-09,1 +2020-03-10,2 +2020-03-11,2 +2020-03-12,3 +2020-03-13,2 +2020-03-14,1 +2020-03-15,1 +2020-03-16,2 +2020-03-17,1 +2020-03-18,1 +2020-03-19,2 +2020-03-20,2 +2020-03-21,5 +2020-03-22,1 +2020-03-23,4 +2020-03-24,2 +2020-03-25,1 +2020-03-26,1 +2020-03-27,2 +2020-03-28,1 +2020-03-29,1 +2020-03-30,5 +2020-03-31,2 +2020-04-01,3 +2020-04-03,3 +2020-04-04,1 +2020-04-06,1 +2020-04-07,2 +2020-04-09,1 +2020-04-11,3 +2020-04-12,1 +2020-04-13,4 +2020-04-14,2 +2020-04-15,1 +2020-04-16,2 +2020-04-17,3 +2020-04-18,3 +2020-04-19,3 +2020-04-20,1 +2020-04-21,1 +2020-04-22,1 +2020-04-23,2 +2020-04-24,1 +2020-04-25,2 +2020-04-26,2 +2020-04-27,3 +2020-04-28,1 +2020-04-29,2 +2020-04-30,2 +2020-05-01,2 +2020-05-02,4 +2020-05-03,1 +2020-05-04,3 +2020-05-05,1 +2020-05-06,2 +2020-05-07,3 +2020-05-08,2 +2020-05-09,1 +2020-05-10,3 +2020-05-11,2 +2020-05-12,1 +2020-05-13,2 +2020-05-14,1 +2020-05-15,2 +2020-05-16,3 +2020-05-17,2 +2020-05-18,2 +2020-05-19,2 +2020-05-20,4 +2020-05-21,4 +2020-05-22,2 +2020-05-23,3 +2020-05-24,2 +2020-05-25,3 +2020-05-26,2 +2020-05-27,3 +2020-05-28,2 +2020-05-29,1 +2020-05-30,4 +2020-06-01,1 +2020-06-02,2 +2020-06-03,2 +2020-06-04,1 +2020-06-05,2 +2020-06-06,2 +2020-06-07,4 +2020-06-08,2 +2020-06-09,1 +2020-06-10,3 +2020-06-11,2 +2020-06-12,2 +2020-06-15,3 +2020-06-16,3 +2020-06-17,1 +2020-06-18,2 +2020-06-19,4 +2020-06-20,5 +2020-06-21,3 +2020-06-22,3 +2020-06-23,2 +2020-06-24,3 +2020-06-25,1 +2020-06-26,3 +2020-06-27,2 +2020-06-28,1 +2020-06-29,2 +2020-06-30,4 +2020-07-01,2 +2020-07-02,2 +2020-07-04,3 +2020-07-05,3 +2020-07-06,2 +2020-07-08,2 +2020-07-09,1 +2020-07-10,2 +2020-07-11,2 +2020-07-12,4 +2020-07-13,2 +2020-07-14,1 +2020-07-15,3 +2020-07-16,2 +2020-07-17,1 +2020-07-18,1 +2020-07-19,2 +2020-07-20,4 +2020-07-21,4 +2020-07-22,1 +2020-07-23,1 +2020-07-24,2 +2020-07-25,2 +2020-07-26,1 +2020-07-27,2 +2020-07-28,1 +2020-07-29,4 +2020-07-30,3 +2020-07-31,3 +2020-08-01,1 +2020-08-02,5 +2020-08-03,1 +2020-08-04,2 +2020-08-05,1 +2020-08-06,1 +2020-08-07,3 +2020-08-10,1 +2020-08-13,5 +2020-08-14,3 +2020-08-16,3 +2020-08-17,5 +2020-08-18,5 +2020-08-19,4 +2020-08-20,1 +2020-08-21,2 +2020-08-22,1 +2020-08-23,3 +2020-08-24,3 +2020-08-25,2 +2020-08-26,2 +2020-08-27,4 +2020-08-28,5 +2020-08-30,5 +2020-08-31,2 +2020-09-01,2 +2020-09-02,1 +2020-09-03,3 +2020-09-04,2 +2020-09-06,1 +2020-09-08,2 +2020-09-09,2 +2020-09-10,1 +2020-09-11,4 +2020-09-12,1 +2020-09-14,2 +2020-09-15,2 +2020-09-16,2 +2020-09-17,1 +2020-09-18,2 +2020-09-19,5 +2020-09-21,2 +2020-09-22,2 +2020-09-23,1 +2020-09-24,2 +2020-09-25,3 +2020-09-27,1 +2020-09-28,2 +2020-09-29,1 +2020-09-30,1 +2020-10-01,2 +2020-10-02,2 +2020-10-03,3 +2020-10-05,1 +2020-10-06,2 +2020-10-07,3 +2020-10-08,3 +2020-10-09,2 +2020-10-10,2 +2020-10-11,2 +2020-10-12,2 +2020-10-13,2 +2020-10-14,1 +2020-10-15,1 +2020-10-16,2 +2020-10-17,4 +2020-10-18,1 +2020-10-19,2 +2020-10-20,1 +2020-10-21,5 +2020-10-22,5 +2020-10-23,4 +2020-10-24,3 +2020-10-25,3 +2020-10-26,1 +2020-10-27,2 +2020-10-28,1 +2020-10-29,2 +2020-10-30,2 +2020-10-31,1 +2020-11-01,2 +2020-11-02,1 +2020-11-03,1 +2020-11-04,2 +2020-11-05,2 +2020-11-08,4 +2020-11-09,2 +2020-11-10,1 +2020-11-11,2 +2020-11-12,1 +2020-11-13,3 +2020-11-14,1 +2020-11-15,3 +2020-11-16,2 +2020-11-17,2 +2020-11-18,1 +2020-11-19,1 +2020-11-20,1 +2020-11-21,1 +2020-11-23,1 +2020-11-24,2 +2020-11-25,2 +2020-11-26,4 +2020-11-27,2 +2020-11-28,4 +2020-11-29,2 +2020-11-30,3 +2020-12-01,2 +2020-12-02,4 +2020-12-03,2 +2020-12-04,2 +2020-12-06,4 +2020-12-07,3 +2020-12-08,1 +2020-12-09,2 +2020-12-10,2 +2020-12-11,4 +2020-12-12,2 +2020-12-13,2 +2020-12-14,1 +2020-12-15,2 +2020-12-16,2 +2020-12-17,2 +2020-12-18,2 +2020-12-20,5 +2020-12-21,5 +2020-12-22,1 +2020-12-23,2 +2020-12-24,2 +2020-12-26,2 +2020-12-27,3 +2020-12-28,2 +2020-12-29,3 +2020-12-30,2 +2020-12-31,1 +2021-01-01,3 +2021-01-02,2 +2021-01-03,1 +2021-01-04,2 +2021-01-05,2 +2021-01-06,2 +2021-01-07,2 +2021-01-08,4 +2021-01-09,2 +2021-01-10,3 +2021-01-11,5 +2021-01-12,1 +2021-01-13,2 +2021-01-14,2 +2021-01-15,3 +2021-01-17,2 +2021-01-18,4 +2021-01-19,1 +2021-01-20,2 +2021-01-21,3 +2021-01-22,1 +2021-01-23,3 +2021-01-24,4 +2021-01-25,2 +2021-01-26,2 +2021-01-27,1 +2021-01-28,2 +2021-01-29,3 +2021-01-31,2 +2021-02-01,3 +2021-02-02,2 +2021-02-03,2 +2021-02-04,2 +2021-02-05,3 +2021-02-06,2 +2021-02-08,2 +2021-02-09,4 +2021-02-10,1 +2021-02-11,2 +2021-02-13,3 +2021-02-15,2 +2021-02-16,2 +2021-02-17,2 +2021-02-18,2 +2021-02-19,1 +2021-02-20,1 +2021-02-21,3 +2021-02-22,3 +2021-02-23,2 +2021-02-24,2 +2021-02-25,2 +2021-02-26,1 +2021-02-27,4 +2021-02-28,1 +2021-03-01,2 +2021-03-03,3 +2021-03-04,2 +2021-03-05,2 +2021-03-07,1 +2021-03-08,2 +2021-03-09,2 +2021-03-10,4 +2021-03-11,2 +2021-03-12,2 +2021-03-13,4 +2021-03-14,4 +2021-03-15,3 +2021-03-16,3 +2021-03-17,2 +2021-03-18,2 +2021-03-19,1 +2021-03-20,2 +2021-03-21,5 +2021-03-22,3 +2021-03-23,2 +2021-03-24,2 +2021-03-25,2 +2021-03-26,5 +2021-03-27,1 +2021-03-28,4 +2021-03-29,1 +2021-03-30,1 +2021-03-31,2 +2021-04-01,1 +2021-04-02,1 +2021-04-03,2 +2021-04-04,4 +2021-04-05,2 +2021-04-06,2 +2021-04-07,2 +2021-04-08,3 +2021-04-09,1 +2021-04-10,2 +2021-04-11,5 +2021-04-12,2 +2021-04-13,2 +2021-04-14,2 +2021-04-15,1 +2021-04-17,1 +2021-04-18,5 +2021-04-19,2 +2021-04-20,5 +2021-04-21,3 +2021-04-22,2 +2021-04-23,2 +2021-04-24,1 +2021-04-25,3 +2021-04-26,3 +2021-04-27,1 +2021-04-28,1 +2021-04-29,2 +2021-04-30,1 +2021-05-01,2 +2021-05-02,3 +2021-05-03,2 +2021-05-04,2 +2021-05-05,2 +2021-05-06,2 +2021-05-07,3 +2021-05-08,2 +2021-05-09,1 +2021-05-10,1 +2021-05-11,2 +2021-05-12,2 +2021-05-13,1 +2021-05-14,2 +2021-05-15,3 +2021-05-17,3 +2021-05-18,1 +2021-05-19,2 +2021-05-20,2 +2021-05-21,4 +2021-05-22,3 +2021-05-23,2 +2021-05-24,3 +2021-05-25,3 +2021-05-26,3 +2021-05-27,3 +2021-05-28,3 +2021-05-29,1 +2021-05-31,3 +2021-06-01,4 +2021-06-02,4 +2021-06-03,2 +2021-06-04,1 +2021-06-05,3 +2021-06-06,1 +2021-06-07,3 +2021-06-08,3 +2021-06-09,2 +2021-06-10,2 +2021-06-11,2 +2021-06-13,3 +2021-06-14,3 +2021-06-15,1 +2021-06-16,2 +2021-06-17,2 +2021-06-18,1 +2021-06-19,1 +2021-06-20,2 +2021-06-21,2 +2021-06-22,2 +2021-06-23,2 +2021-06-24,4 +2021-06-25,2 +2021-06-27,1 +2021-06-28,4 +2021-06-29,2 +2021-06-30,3 +2021-07-01,1 +2021-07-02,3 +2021-07-03,1 +2021-07-04,1 +2021-07-05,5 +2021-07-06,1 +2021-07-07,2 +2021-07-08,3 +2021-07-09,2 +2021-07-10,3 +2021-07-11,1 +2021-07-12,2 +2021-07-13,2 +2021-07-14,3 +2021-07-15,1 +2021-07-16,1 +2021-07-17,2 +2021-07-18,5 +2021-07-19,2 +2021-07-20,2 +2021-07-21,2 +2021-07-22,2 +2021-07-23,2 +2021-07-24,2 +2021-07-25,2 +2021-07-26,3 +2021-07-27,2 +2021-07-28,2 +2021-07-29,2 +2021-07-30,4 +2021-07-31,1 +2021-08-01,3 +2021-08-02,2 +2021-08-03,2 +2021-08-04,2 +2021-08-05,1 +2021-08-06,1 +2021-08-07,1 +2021-08-08,2 +2021-08-09,1 +2021-08-10,3 +2021-08-11,2 +2021-08-12,3 +2021-08-13,5 +2021-08-14,1 +2021-08-15,5 +2021-08-16,1 +2021-08-17,2 +2021-08-18,2 +2021-08-19,2 +2021-08-20,3 +2021-08-21,2 +2021-08-22,3 +2021-08-23,2 +2021-08-24,3 +2021-08-25,3 +2021-08-26,2 +2021-08-27,3 +2021-08-28,2 +2021-08-29,3 +2021-08-30,1 +2021-08-31,2 +2021-09-01,3 +2021-09-02,2 +2021-09-03,1 +2021-09-04,4 +2021-09-06,1 +2021-09-07,2 +2021-09-08,2 +2021-09-09,2 +2021-09-10,1 +2021-09-11,1 +2021-09-13,1 +2021-09-14,2 +2021-09-15,2 +2021-09-16,3 +2021-09-18,1 +2021-09-19,3 +2021-09-20,1 +2021-09-21,2 +2021-09-22,2 +2021-09-23,2 +2021-09-24,3 +2021-09-25,4 +2021-09-26,1 +2021-09-27,2 +2021-09-28,4 +2021-09-30,1 +2021-10-01,3 +2021-10-02,1 +2021-10-03,3 +2021-10-04,1 +2021-10-05,4 +2021-10-06,1 +2021-10-07,3 +2021-10-08,2 +2021-10-09,1 +2021-10-11,2 +2021-10-12,1 +2021-10-14,2 +2021-10-15,2 +2021-10-16,1 +2021-10-17,2 +2021-10-18,2 +2021-10-19,2 +2021-10-20,2 +2021-10-21,2 +2021-10-22,2 +2021-10-23,2 +2021-10-24,4 +2021-10-25,2 +2021-10-26,1 +2021-10-27,2 +2021-10-28,2 +2021-10-29,1 +2021-10-30,1 +2021-10-31,3 +2021-11-01,3 +2021-11-02,3 +2021-11-03,1 +2021-11-05,2 +2021-11-06,1 +2021-11-07,4 +2021-11-08,4 +2021-11-09,2 +2021-11-10,1 +2021-11-11,4 +2021-11-12,1 +2021-11-13,1 +2021-11-15,2 +2021-11-16,4 +2021-11-17,1 +2021-11-18,2 +2021-11-19,3 +2021-11-21,2 +2021-11-22,3 +2021-11-23,1 +2021-11-24,1 +2021-11-25,2 +2021-11-26,3 +2021-11-27,1 +2021-11-29,3 +2021-11-30,1 +2021-12-01,2 +2021-12-02,1 +2021-12-03,2 +2021-12-04,4 +2021-12-05,1 +2021-12-06,2 +2021-12-07,2 +2021-12-08,3 +2021-12-09,2 +2021-12-10,2 +2021-12-11,5 +2021-12-12,3 +2021-12-13,3 +2021-12-14,1 +2021-12-15,1 +2021-12-16,2 +2021-12-17,2 +2021-12-18,1 +2021-12-19,2 +2021-12-20,4 +2021-12-21,2 +2021-12-22,2 +2021-12-23,3 +2021-12-26,5 +2021-12-27,4 +2021-12-28,1 +2021-12-29,1 +2021-12-30,3 +2021-12-31,4 +2022-01-01,1 +2022-01-02,2 +2022-01-03,3 +2022-01-04,2 +2022-01-08,1 +2022-01-09,4 +2022-01-10,2 +2022-01-11,2 +2022-01-12,3 +2022-01-13,1 +2022-01-15,1 +2022-01-17,1 +2022-01-18,2 +2022-01-19,1 +2022-01-20,2 +2022-01-21,1 +2022-01-22,2 +2022-01-23,3 +2022-01-24,3 +2022-01-25,2 +2022-01-26,2 +2022-01-27,3 +2022-01-28,1 +2022-01-29,5 +2022-01-30,4 +2022-01-31,1 +2022-02-01,3 +2022-02-02,2 +2022-02-03,1 +2022-02-04,2 +2022-02-05,1 +2022-02-06,3 +2022-02-07,2 +2022-02-08,3 +2022-02-09,2 +2022-02-10,2 +2022-02-11,1 +2022-02-12,1 +2022-02-13,3 +2022-02-14,3 +2022-02-15,1 +2022-02-16,1 +2022-02-17,1 +2022-02-20,5 +2022-02-23,1 +2022-02-24,2 +2022-02-25,3 +2022-02-26,1 +2022-02-27,3 +2022-03-01,1 +2022-03-02,1 +2022-03-03,4 +2022-03-04,3 +2022-03-06,2 +2022-03-07,2 +2022-03-08,2 +2022-03-09,2 +2022-03-10,2 +2022-03-11,1 +2022-03-12,1 +2022-03-13,5 +2022-03-14,2 +2022-03-15,2 +2022-03-16,2 +2022-03-17,2 +2022-03-18,4 +2022-03-19,4 +2022-03-20,1 +2022-03-21,2 +2022-03-22,4 +2022-03-23,2 +2022-03-24,1 +2022-03-25,1 +2022-03-26,1 +2022-03-27,3 +2022-03-28,1 +2022-03-29,1 +2022-03-30,1 +2022-03-31,1 +2022-04-01,2 +2022-04-03,2 +2022-04-04,5 +2022-04-06,3 +2022-04-07,1 +2022-04-08,1 +2022-04-10,2 +2022-04-11,1 +2022-04-12,2 +2022-04-13,1 +2022-04-14,1 +2022-04-15,1 +2022-04-16,4 +2022-04-17,5 +2022-04-19,2 +2022-04-20,2 +2022-04-21,1 +2022-04-22,2 +2022-04-23,1 +2022-04-24,2 +2022-04-25,2 +2022-04-26,2 +2022-04-27,2 +2022-04-28,2 +2022-04-29,1 +2022-04-30,3 +2022-05-01,2 +2022-05-02,3 +2022-05-03,2 +2022-05-04,2 +2022-05-05,1 +2022-05-06,1 +2022-05-08,2 +2022-05-09,1 +2022-05-10,2 +2022-05-11,2 +2022-05-12,2 +2022-05-13,3 +2022-05-14,1 +2022-05-15,1 +2022-05-16,1 +2022-05-17,1 +2022-05-18,1 +2022-05-19,2 +2022-05-20,2 +2022-05-22,4 +2022-05-23,2 +2022-05-24,1 +2022-05-25,2 +2022-05-26,3 +2022-05-27,3 +2022-05-31,2 +2022-06-01,1 +2022-06-02,1 +2022-06-03,1 +2022-06-06,2 +2022-06-07,1 +2022-06-08,1 +2022-06-09,2 +2022-06-10,1 +2022-06-11,1 +2022-06-13,2 +2022-06-14,2 +2022-06-15,2 +2022-06-16,1 +2022-06-17,1 +2022-06-21,1 +2022-06-22,3 +2022-06-24,5 +2022-06-26,1 +2022-06-27,3 +2022-06-28,2 +2022-06-29,1 +2022-06-30,3 +2022-07-01,2 +2022-07-02,1 +2022-07-03,1 +2022-07-04,2 +2022-07-05,3 +2022-07-06,4 +2022-07-07,1 +2022-07-08,3 +2022-07-09,2 +2022-07-10,2 +2022-07-11,5 +2022-07-12,3 +2022-07-14,2 +2022-07-15,3 +2022-07-16,1 +2022-07-17,2 +2022-07-18,3 +2022-07-19,2 +2022-07-20,1 +2022-07-21,2 +2022-07-22,1 +2022-07-23,1 +2022-07-24,1 +2022-07-25,2 +2022-07-26,2 +2022-07-27,2 +2022-07-28,2 +2022-07-29,2 +2022-07-31,3 +2022-08-01,1 +2022-08-02,3 +2022-08-03,1 +2022-08-04,3 +2022-08-05,1 +2022-08-06,2 +2022-08-07,1 +2022-08-08,2 +2022-08-09,2 +2022-08-10,2 +2022-08-11,2 +2022-08-12,2 +2022-08-13,1 +2022-08-15,2 +2022-08-16,1 +2022-08-17,1 +2022-08-18,2 +2022-08-19,4 +2022-08-20,3 +2022-08-21,5 +2022-08-22,2 +2022-08-23,2 +2022-08-24,3 +2022-08-25,2 +2022-08-26,2 +2022-08-28,2 +2022-08-29,2 +2022-08-30,2 +2022-08-31,2 +2022-09-01,3 +2022-09-02,2 +2022-09-03,1 +2022-09-04,1 +2022-09-05,2 +2022-09-06,2 +2022-09-07,2 +2022-09-08,2 +2022-09-09,2 +2022-09-10,5 +2022-09-11,2 +2022-09-12,3 +2022-09-13,1 +2022-09-14,1 +2022-09-15,3 +2022-09-16,2 +2022-09-17,4 +2022-09-18,2 +2022-09-19,2 +2022-09-20,2 +2022-09-21,1 +2022-09-22,3 +2022-09-23,3 +2022-09-25,3 +2022-09-26,2 +2022-09-27,2 +2022-09-28,1 +2022-09-29,2 +2022-09-30,1 +2022-10-02,4 +2022-10-03,2 +2022-10-04,1 +2022-10-05,1 +2022-10-06,1 +2022-10-10,2 +2022-10-11,2 +2022-10-12,2 +2022-10-13,1 +2022-10-14,2 +2022-10-15,2 +2022-10-17,2 +2022-10-18,2 +2022-10-19,2 +2022-10-20,3 +2022-10-21,1 +2022-10-22,2 +2022-10-23,1 +2022-10-24,2 +2022-10-25,2 +2022-10-26,2 +2022-10-27,1 +2022-10-28,2 +2022-10-29,3 +2022-10-30,1 +2022-11-01,2 +2022-11-02,2 +2022-11-03,2 +2022-11-04,1 +2022-11-05,2 +2022-11-06,1 +2022-11-07,2 +2022-11-08,1 +2022-11-09,2 +2022-11-10,2 +2022-11-11,1 +2022-11-12,1 +2022-11-13,2 +2022-11-14,3 +2022-11-15,2 +2022-11-16,2 +2022-11-17,1 +2022-11-18,2 +2022-11-20,1 +2022-11-21,2 +2022-11-22,2 +2022-11-23,3 +2022-11-24,1 +2022-11-26,1 +2022-11-27,1 +2022-11-28,2 +2022-11-29,2 +2022-11-30,2 +2022-12-01,2 +2022-12-02,2 +2022-12-04,1 +2022-12-05,3 +2022-12-06,1 +2022-12-07,2 +2022-12-08,4 +2022-12-09,1 +2022-12-11,1 +2022-12-12,2 +2022-12-13,1 +2022-12-14,1 +2022-12-15,1 +2022-12-16,2 +2022-12-17,1 +2022-12-18,2 +2022-12-19,1 +2022-12-20,1 +2022-12-21,3 +2022-12-22,2 +2022-12-23,2 +2022-12-24,1 +2022-12-27,2 +2022-12-28,2 +2022-12-29,3 +2022-12-30,3 +2022-12-31,2 +2023-01-01,5 +2023-01-02,1 +2023-01-03,2 +2023-01-04,1 +2023-01-05,2 +2023-01-06,3 +2023-01-07,1 +2023-01-09,2 +2023-01-10,3 +2023-01-11,2 +2023-01-12,1 +2023-01-13,2 +2023-01-14,1 +2023-01-15,1 +2023-01-16,1 +2023-01-17,2 +2023-01-18,1 +2023-01-19,3 +2023-01-20,3 +2023-01-21,1 +2023-01-22,2 +2023-01-23,2 +2023-01-24,3 +2023-01-25,2 +2023-01-26,1 +2023-01-27,1 +2023-01-28,1 +2023-01-29,3 +2023-01-30,2 +2023-01-31,4 +2023-02-01,1 +2023-02-02,2 +2023-02-03,2 +2023-02-04,2 +2023-02-05,1 +2023-02-06,2 +2023-02-07,1 +2023-02-08,1 +2023-02-09,1 +2023-02-10,1 +2023-02-11,3 +2023-02-12,3 +2023-02-13,1 +2023-02-14,2 +2023-02-15,3 +2023-02-16,3 +2023-02-17,2 +2023-02-18,1 +2023-02-19,4 +2023-02-21,2 +2023-02-22,2 +2023-02-23,2 +2023-02-24,1 +2023-02-26,5 +2023-02-27,1 +2023-02-28,3 +2023-03-01,2 +2023-03-02,2 +2023-03-03,2 +2023-03-04,1 +2023-03-05,1 +2023-03-06,3 +2023-03-07,2 +2023-03-08,3 +2023-03-09,2 +2023-03-10,1 +2023-03-11,5 +2023-03-13,1 +2023-03-14,3 +2023-03-15,2 +2023-03-16,2 +2023-03-17,2 +2023-03-19,1 +2023-03-20,3 +2023-03-21,3 +2023-03-22,3 +2023-03-23,1 +2023-03-24,2 +2023-03-25,5 +2023-03-26,2 +2023-03-27,1 +2023-03-28,3 +2023-03-29,3 +2023-03-30,2 +2023-03-31,2 +2023-04-01,3 +2023-04-03,1 +2023-04-04,3 +2023-04-05,2 +2023-04-06,1 +2023-04-07,1 +2023-04-10,2 +2023-04-11,2 +2023-04-12,2 +2023-04-13,2 +2023-04-14,3 +2023-04-16,2 +2023-04-17,2 +2023-04-18,1 +2023-04-19,2 +2023-04-20,2 +2023-04-21,1 +2023-04-22,5 +2023-04-23,3 +2023-04-24,2 +2023-04-25,1 +2023-04-26,2 +2023-04-27,1 +2023-04-28,2 +2023-04-29,1 +2023-04-30,2 +2023-05-01,2 +2023-05-02,1 +2023-05-03,1 +2023-05-04,2 +2023-05-05,2 +2023-05-06,1 +2023-05-07,2 +2023-05-08,2 +2023-05-09,2 +2023-05-10,2 +2023-05-11,2 +2023-05-12,1 +2023-05-15,2 +2023-05-16,3 +2023-05-17,2 +2023-05-18,2 +2023-05-19,1 +2023-05-20,3 +2023-05-22,2 +2023-05-23,4 +2023-05-24,2 +2023-05-25,2 +2023-05-26,2 +2023-05-27,1 +2023-05-29,2 +2023-05-30,2 +2023-05-31,2 +2023-06-01,3 +2023-06-02,1 +2023-06-03,2 +2023-06-04,4 +2023-06-05,3 +2023-06-06,2 +2023-06-07,3 +2023-06-08,2 +2023-06-09,5 +2023-06-10,5 +2023-06-11,2 +2023-06-12,3 +2023-06-13,1 +2023-06-15,2 +2023-06-16,2 +2023-06-17,1 +2023-06-18,2 +2023-06-19,2 +2023-06-20,1 +2023-06-21,3 +2023-06-22,1 +2023-06-23,2 +2023-06-24,3 +2023-06-26,1 +2023-06-27,1 +2023-06-28,2 +2023-06-29,1 +2023-06-30,2 +2023-07-01,2 +2023-07-02,2 +2023-07-03,4 +2023-07-04,1 +2023-07-05,2 +2023-07-06,2 +2023-07-07,4 +2023-07-09,5 +2023-07-10,3 +2023-07-11,2 +2023-07-13,2 +2023-07-14,4 +2023-07-16,3 +2023-07-17,2 +2023-07-18,4 +2023-07-19,2 +2023-07-20,2 +2023-07-21,3 +2023-07-22,5 +2023-07-23,2 +2023-07-24,3 +2023-07-25,1 +2023-07-26,2 +2023-07-27,2 +2023-07-28,4 +2023-07-29,1 +2023-07-30,4 +2023-07-31,1 +2023-08-01,4 +2023-08-02,2 +2023-08-03,2 +2023-08-04,1 +2023-08-05,1 +2023-08-07,1 +2023-08-08,2 +2023-08-09,3 +2023-08-10,2 +2023-08-11,3 +2023-08-12,1 +2023-08-13,1 +2023-08-14,2 +2023-08-15,2 +2023-08-16,2 +2023-08-17,2 +2023-08-18,1 +2023-08-19,1 +2023-08-20,1 +2023-08-21,2 +2023-08-22,2 +2023-08-23,2 +2023-08-24,1 +2023-08-26,1 +2023-08-27,2 +2023-08-29,2 +2023-08-30,2 +2023-08-31,2 +2023-09-01,2 +2023-09-02,2 +2023-09-03,1 +2023-09-04,4 +2023-09-05,3 +2023-09-06,2 +2023-09-07,1 +2023-09-08,2 +2023-09-09,5 +2023-09-11,3 +2023-09-12,2 +2023-09-13,1 +2023-09-14,1 +2023-09-15,2 +2023-09-17,3 +2023-09-18,2 +2023-09-19,1 +2023-09-20,1 +2023-09-21,2 +2023-09-22,2 +2023-09-23,1 +2023-09-24,5 +2023-09-25,2 +2023-09-26,2 +2023-09-27,3 +2023-09-28,3 +2023-09-29,1 +2023-10-02,1 +2023-10-03,2 +2023-10-04,2 +2023-10-05,2 +2023-10-06,2 +2023-10-08,5 +2023-10-09,2 +2023-10-10,3 +2023-10-11,1 +2023-10-12,1 +2023-10-13,3 +2023-10-14,1 +2023-10-15,3 +2023-10-16,1 +2023-10-17,1 +2023-10-18,1 +2023-10-19,2 +2023-10-20,3 +2023-10-21,5 +2023-10-22,1 +2023-10-23,1 +2023-10-24,2 +2023-10-25,1 +2023-10-26,1 +2023-10-27,1 +2023-10-28,1 +2023-10-29,4 +2023-10-30,4 +2023-10-31,1 +2023-11-01,2 +2023-11-02,2 +2023-11-03,3 +2023-11-04,1 +2023-11-06,2 +2023-11-07,2 +2023-11-08,2 +2023-11-09,3 +2023-11-10,2 +2023-11-11,1 +2023-11-13,3 +2023-11-14,3 +2023-11-15,1 +2023-11-16,2 +2023-11-19,3 +2023-11-20,1 +2023-11-21,2 +2023-11-22,1 +2023-11-23,1 +2023-11-25,5 +2023-11-29,3 +2023-11-30,2 +2023-12-01,1 +2023-12-02,4 +2023-12-03,5 +2023-12-04,1 +2023-12-05,2 +2023-12-06,3 +2023-12-07,2 +2023-12-08,2 +2023-12-09,5 +2023-12-10,2 +2023-12-11,2 +2023-12-12,2 +2023-12-13,2 +2023-12-14,1 +2023-12-15,3 +2023-12-16,3 +2023-12-17,3 +2023-12-18,3 +2023-12-19,1 +2023-12-20,1 +2023-12-21,3 +2023-12-22,1 +2023-12-23,5 +2023-12-24,2 +2023-12-26,3 +2023-12-27,2 +2023-12-28,2 +2023-12-29,2 +2023-12-31,2 +2024-01-01,4 +2024-01-02,3 +2024-01-03,2 +2024-01-04,1 +2024-01-05,2 +2024-01-08,3 +2024-01-09,3 +2024-01-10,2 +2024-01-11,2 +2024-01-12,1 +2024-01-13,5 +2024-01-14,3 +2024-01-15,1 +2024-01-16,1 +2024-01-17,1 +2024-01-18,2 +2024-01-19,2 +2024-01-20,3 +2024-01-21,2 +2024-01-22,3 +2024-01-23,2 +2024-01-24,3 +2024-01-25,3 +2024-01-26,2 +2024-01-27,3 +2024-01-28,3 +2024-01-29,4 +2024-01-30,3 +2024-01-31,3 +2024-02-01,2 +2024-02-02,2 +2024-02-03,3 +2024-02-04,5 +2024-02-05,3 +2024-02-06,2 +2024-02-08,3 +2024-02-09,3 +2024-02-10,3 +2024-02-11,1 +2024-02-12,3 +2024-02-13,2 +2024-02-14,1 +2024-02-15,1 +2024-02-16,2 +2024-02-20,1 +2024-02-21,2 +2024-02-22,1 +2024-02-23,2 +2024-02-24,3 +2024-02-26,1 +2024-02-27,2 +2024-02-28,3 +2024-02-29,4 +2024-03-01,2 +2024-03-02,3 +2024-03-03,4 +2024-03-04,1 +2024-03-05,2 +2024-03-06,1 +2024-03-07,2 +2024-03-08,2 +2024-03-09,2 +2024-03-10,2 +2024-03-11,1 +2024-03-12,1 +2024-03-13,2 +2024-03-14,2 +2024-03-15,2 +2024-03-16,5 +2024-03-17,5 +2024-03-18,2 +2024-03-19,1 +2024-03-20,3 +2024-03-21,2 +2024-03-22,2 +2024-03-23,5 +2024-03-24,3 +2024-03-25,1 +2024-03-27,4 +2024-03-28,5 +2024-03-29,1 +2024-03-31,4 +2024-04-01,3 +2024-04-02,4 +2024-04-03,1 +2024-04-04,1 +2024-04-05,1 +2024-04-06,3 +2024-04-07,1 +2024-04-09,2 +2024-04-10,2 +2024-04-11,2 +2024-04-12,1 +2024-04-13,1 +2024-04-15,1 +2024-04-16,1 +2024-04-17,2 +2024-04-18,2 +2024-04-19,1 +2024-04-20,1 +2024-04-21,3 +2024-04-22,2 +2024-04-23,2 +2024-04-24,2 +2024-04-25,2 +2024-04-26,2 +2024-04-27,2 +2024-04-28,5 +2024-04-29,2 +2024-04-30,2 +2024-05-01,2 +2024-05-02,3 +2024-05-03,3 +2024-05-04,1 +2024-05-06,2 +2024-05-07,2 +2024-05-08,2 +2024-05-09,1 +2024-05-10,2 +2024-05-11,5 +2024-05-12,4 +2024-05-13,1 +2024-05-14,3 +2024-05-15,2 +2024-05-16,1 +2024-05-17,1 +2024-05-20,3 +2024-05-21,1 +2024-05-22,3 +2024-05-23,1 +2024-05-24,4 +2024-05-25,3 +2024-05-28,1 +2024-05-29,1 +2024-05-30,1 +2024-05-31,2 +2024-06-01,5 +2024-06-02,1 +2024-06-03,1 +2024-06-04,3 +2024-06-05,1 +2024-06-06,1 +2024-06-08,1 +2024-06-09,2 +2024-06-10,2 +2024-06-11,2 +2024-06-12,2 +2024-06-13,3 +2024-06-14,4 +2024-06-15,5 +2024-06-16,1 +2024-06-17,2 +2024-06-18,4 +2024-06-19,2 +2024-06-20,1 +2024-06-21,4 +2024-06-22,1 +2024-06-23,1 +2024-06-24,2 +2024-06-25,1 +2024-06-26,2 +2024-06-27,2 +2024-06-28,2 +2024-06-29,1 +2024-06-30,3 diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/stock_price_prediction.ipynb b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/stock_price_prediction.ipynb new file mode 100644 index 0000000..27066a7 --- /dev/null +++ b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/stock_price_prediction.ipynb @@ -0,0 +1,1090 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 1, + "metadata": {}, + "outputs": [], + "source": [ + "import pandas as pd\n", + "import numpy as np\n", + "import yfinance as yf\n", + "from datetime import datetime\n", + "import matplotlib.pyplot as plt\n", + "from sklearn.preprocessing import MinMaxScaler\n", + "from sklearn.metrics import mean_squared_error\n", + "from sklearn.model_selection import train_test_split\n", + "\n", + "from keras.models import Sequential\n", + "from keras.layers import Dense, LSTM\n", + "\n", + "import importlib\n", + "import utils\n", + "importlib.reload(utils)\n", + "from utils import *" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "end = datetime(2024, 7, 1)\n", + "start = datetime(2018, 1, 1)" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[*********************100%%**********************] 1 of 1 completed\n" + ] + } + ], + "source": [ + "stock = \"GOOG\"\n", + "google_stock = yf.download(stock, start, end)" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "(1633, 6)" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "google_stock.shape" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
OpenHighLowCloseAdj CloseVolume
count1633.0000001633.0000001633.0000001633.0000001633.0000001.633000e+03
mean96.45645197.55422195.47784696.54382696.4358462.941237e+07
std35.46753335.80837935.16256235.49793035.4617401.315091e+07
min48.69500050.17699848.50550148.81100148.7555206.936000e+06
25%60.39450161.02550160.02500260.45050060.3817902.088800e+07
50%93.90000295.18550192.54650194.16999894.0629582.627600e+07
75%129.600006130.949997128.039993129.402496129.2554173.373200e+07
max185.720001187.500000185.449997186.860001186.8600011.241400e+08
\n", + "
" + ], + "text/plain": [ + " Open High Low Close Adj Close \\\n", + "count 1633.000000 1633.000000 1633.000000 1633.000000 1633.000000 \n", + "mean 96.456451 97.554221 95.477846 96.543826 96.435846 \n", + "std 35.467533 35.808379 35.162562 35.497930 35.461740 \n", + "min 48.695000 50.176998 48.505501 48.811001 48.755520 \n", + "25% 60.394501 61.025501 60.025002 60.450500 60.381790 \n", + "50% 93.900002 95.185501 92.546501 94.169998 94.062958 \n", + "75% 129.600006 130.949997 128.039993 129.402496 129.255417 \n", + "max 185.720001 187.500000 185.449997 186.860001 186.860001 \n", + "\n", + " Volume \n", + "count 1.633000e+03 \n", + "mean 2.941237e+07 \n", + "std 1.315091e+07 \n", + "min 6.936000e+06 \n", + "25% 2.088800e+07 \n", + "50% 2.627600e+07 \n", + "75% 3.373200e+07 \n", + "max 1.241400e+08 " + ] + }, + "execution_count": 5, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "google_stock.describe()" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n", + "DatetimeIndex: 1633 entries, 2018-01-02 to 2024-06-28\n", + "Data columns (total 6 columns):\n", + " # Column Non-Null Count Dtype \n", + "--- ------ -------------- ----- \n", + " 0 Open 1633 non-null float64\n", + " 1 High 1633 non-null float64\n", + " 2 Low 1633 non-null float64\n", + " 3 Close 1633 non-null float64\n", + " 4 Adj Close 1633 non-null float64\n", + " 5 Volume 1633 non-null int64 \n", + "dtypes: float64(5), int64(1)\n", + "memory usage: 89.3 KB\n" + ] + } + ], + "source": [ + "google_stock.info()" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "Open 0\n", + "High 0\n", + "Low 0\n", + "Close 0\n", + "Adj Close 0\n", + "Volume 0\n", + "dtype: int64" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "google_stock.isna().sum()" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABNYAAAG5CAYAAABC77mXAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAADQGElEQVR4nOzdd3hT9f4H8Hd2V9K9yyiz7CkbAUEZCqgogojoVdSfuL0OHKg4cIsDL3LdinidiAMUUJZskL0KlBbo3m3aZp7fHyfnJGnSSUda3q/n6WNyVr5paWw++QyFIAgCiIiIiIiIiIiIqE6Uzb0AIiIiIiIiIiKiloiBNSIiIiIiIiIionpgYI2IiIiIiIiIiKgeGFgjIiIiIiIiIiKqBwbWiIiIiIiIiIiI6oGBNSIiIiIiIiIionpgYI2IiIiIiIiIiKgeGFgjIiIiIiIiIiKqBwbWiIiIiIiIiIiI6oGBNSIiIiIf9tprr6FDhw5QqVTo27dvcy+nwSgUCjz77LPNvYxGM3r0aPTs2bO5l0FERESNjIE1IiIianEOHz6Mm266CfHx8dDpdIiLi8OsWbNw+PDh5l5ag/rjjz/w6KOPYvjw4fjkk0/w0ksv1XjO5s2bMX36dMTHx0Or1SI4OBiDBw/GwoULkZWV1QSrbh5msxlvv/02+vXrB4PBgJCQEPTo0QN33HEHjh07Jh+3detWPPvssygsLGy+xRIREVGroW7uBRARERHVxQ8//ICZM2ciLCwMt912GxITE3HmzBl89NFH+O677/D111/jmmuuae5lNog///wTSqUSH330EbRabY3HL1iwAM8//zw6dOiAW265BR06dEBFRQX27NmDN954A5999hlOnTrVBCtvetOmTcPq1asxc+ZMzJ07FxaLBceOHcMvv/yCYcOGISkpCYAYWHvuuedwyy23ICQkpHkXTURERC0eA2tERETUYpw6dQqzZ89Ghw4dsGnTJkRGRsr77r//fowcORKzZ8/GgQMH0KFDh2ZcacPIzs6Gv79/rYJq//vf//D8889j+vTp+OKLLzzOeeutt/DWW2811lKb1a5du/DLL7/gxRdfxBNPPOG277333mN2GhERETUaloISERFRi/Haa6+hrKwMy5YtcwuqAUBERAQ++OADGI1GvPrqq/L2Z599FgqFAseOHcP06dNhMBgQHh6O+++/HxUVFR6P8eWXX2LAgAHw9/dHWFgYZsyYgbNnz7odI/XPOnLkCMaMGYOAgADEx8e7PW51rFYrnn/+eXTs2BE6nQ7t27fHE088AZPJJB+jUCjwySefwGg0QqFQQKFQ4NNPP63ymgsWLEBERESV2W3BwcFee5q9//776NGjh1xSO2/ePK+BqG+//Vb+vkREROCmm27C+fPnvR7XvXt3+Pn5oWfPnvjxxx9xyy23oH379jV+X86fP49//etfiI6Ohk6nQ48ePfDxxx/XeJ6UhTd8+HCPfSqVCuHh4QDEfwuPPPIIACAxMVH+vp45cwZA7X4uktWrV2PUqFHQ6/UwGAy45JJL8NVXX1W7zj/++AMBAQGYOXMmrFZrjc+LiIiIfB8Da0RERNRi/Pzzz2jfvj1Gjhzpdf+ll16K9u3b49dff/XYN336dFRUVGDRokWYNGkS3nnnHdxxxx1ux7z44ou4+eab0blzZ7z55pt44IEHsH79elx66aUewaaCggJMmDABffr0wRtvvIGkpCQ89thjWL16dY3P4/bbb8eCBQvQv39/vPXWWxg1ahQWLVqEGTNmyMd88cUXGDlyJHQ6Hb744gt88cUXuPTSS71e78SJEzhx4gSuvvpqBAUF1fj4kmeffRbz5s1DXFwc3njjDUybNg0ffPABrrjiClgsFvm4Tz/9FNOnT4dKpcKiRYswd+5c/PDDDxgxYoTb9+XXX3/FDTfcAI1Gg0WLFuHaa6/Fbbfdhj179tS4lqysLAwZMgTr1q3DPffcg7fffhudOnXCbbfdhsWLF1d7brt27QAAy5cvrzZgde2112LmzJkAxAw+6fsqBWlr83ORvh9XXnkl8vPzMX/+fLz88svo27cv1qxZU+Vj//LLL5gyZQquv/56fPnll1CrWThCRETUKghERERELUBhYaEAQJg6dWq1x02ZMkUAIBQXFwuCIAjPPPOMAECYMmWK23F33323AEDYv3+/IAiCcObMGUGlUgkvvvii23EHDx4U1Gq12/ZRo0YJAITPP/9c3mYymYSYmBhh2rRp1a5v3759AgDh9ttvd9v+73//WwAg/Pnnn/K2OXPmCIGBgdVeTxAE4aeffhIACIsXL3bbbrfbhZycHLcvi8UiCIIgZGdnC1qtVrjiiisEm80mn/Pee+8JAISPP/5YEARBMJvNQlRUlNCzZ0+hvLxcPu6XX34RAAgLFiyQt/Xq1UtISEgQSkpK5G0bNmwQAAjt2rVzWxsA4ZlnnpHv33bbbUJsbKyQm5vrdtyMGTOE4OBgoaysrMrnb7fb5Z9JdHS0MHPmTGHJkiVCamqqx7GvvfaaAEBISUlx217bn0thYaGg1+uFwYMHu30/pHVIRo0aJfTo0UMQBEH4/vvvBY1GI8ydO9fte01EREQtHzPWiIiIqEUoKSkBAOj1+mqPk/YXFxe7bZ83b57b/XvvvRcA8NtvvwEQhyLY7XZMnz4dubm58ldMTAw6d+6Mv/76y+38oKAg3HTTTfJ9rVaLQYMG4fTp09WuT3q8hx56yG37ww8/DABes+1qIj3XytlqRUVFiIyMdPvat28fAGDdunUwm8144IEHoFQ6/yScO3cuDAaDvI7du3cjOzsbd999N/z8/OTjrrzySiQlJcnHpaen4+DBg7j55pvd1jFq1Cj06tWr2vULgoDvv/8ekydPhiAIbt//8ePHo6ioCHv37q3yfIVCgd9//x0vvPACQkNDsWLFCsybNw/t2rXDDTfcUKsea7X9uaxduxYlJSV4/PHH3b4f0joqW7FiBW644Qbceeed+OCDD9y+10RERNTyMQediIiIWgQpYCYF2KpSVQCuc+fObvc7duwIpVIp99dKTk6GIAgex0k0Go3b/YSEBI9ASmhoKA4cOFDt+lJTU6FUKtGpUye37TExMQgJCUFqamq153sjPdfS0lK37UFBQVi7di0Asb/Xa6+95rYOAOjatavbOVqtFh06dJD3V3UcACQlJWHLli1ux1V+XtK26gJjOTk5KCwsxLJly7Bs2TKvx2RnZ1d5PgDodDo8+eSTePLJJ5GRkYGNGzfi7bffxjfffAONRoMvv/yy2vNr+3OR+rn17Nmz2usBQEpKCm666SZcf/31ePfdd2s8noiIiFoeBtaIiIioRQgODkZsbGyNgasDBw4gPj4eBoOh2uMqB8XsdjsUCgVWr14NlUrlcXzlbDBvxwBi9lVteMtuqq+kpCQAwKFDh9y2q9VqjBs3DgBw7ty5Bnu8hma32wEAN910E+bMmeP1mN69e9f6erGxsZgxYwamTZuGHj164JtvvsGnn35aq75mDflziY2NRWxsLH777Tfs3r0bAwcObLBrExERkW9gYI2IiIhajKuuugr//e9/sWXLFowYMcJj/+bNm3HmzBnceeedHvuSk5ORmJgo3z958iTsdrs8rbJjx44QBAGJiYno0qVLoz2Hdu3awW63Izk5Gd26dZO3Z2VlobCwUG7EXxddu3ZF586dsXLlSixevBiBgYG1WgcAHD9+HB06dJC3m81mpKSkyAE51+Muu+wyt2scP35c3i/99+TJkx6P5W2bq8jISOj1ethsNvlxG4JGo0Hv3r2RnJwsl/VWFTir7c+lY8eOAMQgprfsPFd+fn745ZdfcNlll2HChAnYuHEjevTo0UDPjoiIiHwBmzwQERFRi/HII4/A398fd955J/Ly8tz25efn46677kJAQAAeeeQRj3OXLFnidl8qzZs4cSIAcWKkSqXCc88955F1JgiCx+PV16RJkwDAY9Llm2++CUDsXVYfzz77LHJzczF37ly3iZ6Sys9p3Lhx0Gq1eOedd9z2ffTRRygqKpLXMXDgQERFRWHp0qUwmUzycatXr8bRo0fl4+Li4tCzZ098/vnnbiWpGzduxMGDB6tdu0qlwrRp0/D99997ZN0BYqlodZKTk5GWluaxvbCwENu2bUNoaKg8+VMKOlbuu1bbn8sVV1wBvV6PRYsWoaKiwu1Yb9mKwcHB+P333xEVFYXLL79cLiUlIiKi1oEZa0RERNRidO7cGZ999hlmzZqFXr164bbbbkNiYiLOnDmDjz76CLm5uVixYoWcVeQqJSUFU6ZMwYQJE7Bt2zZ8+eWXuPHGG9GnTx8AYibSCy+8gPnz5+PMmTO4+uqrodfrkZKSgh9//BF33HEH/v3vf1/wc+jTpw/mzJmDZcuWobCwEKNGjcLOnTvx2Wef4eqrr8aYMWPqdd0bb7wRhw4dwqJFi7Bz507MmDEDiYmJMBqNOHToEFasWAG9Xo/Q0FAAYpbY/Pnz8dxzz2HChAmYMmUKjh8/jvfffx+XXHKJPJhBo9HglVdewa233opRo0Zh5syZyMrKwttvv4327dvjwQcflNfw0ksvYerUqRg+fDhuvfVWFBQU4L333kPPnj09+r9V9vLLL+Ovv/7C4MGDMXfuXHTv3h35+fnYu3cv1q1bh/z8/CrP3b9/P2688UZMnDgRI0eORFhYGM6fP4/PPvsM6enpWLx4sVy6O2DAAADAk08+iRkzZkCj0WDy5Mm1/rkYDAa89dZbuP3223HJJZfgxhtvRGhoKPbv34+ysjJ89tlnHuuLiIjA2rVrMWLECIwbNw5btmxBfHx8HX66RERE5LOaaxwpERERUX0dOHBAmDlzphAbGytoNBohJiZGmDlzpnDw4EGPY5955hkBgHDkyBHhuuuuE/R6vRAaGircc889Qnl5ucfx33//vTBixAghMDBQCAwMFJKSkoR58+YJx48fl48ZNWqU0KNHD49z58yZI7Rr167G9VssFuG5554TEhMTBY1GI7Rp00aYP3++UFFR4XG9wMDAWnxHnDZs2CBcd9118vfGYDAIAwcOFJ555hkhIyPD4/j33ntPSEpKEjQajRAdHS383//9n1BQUOBx3P/+9z+hX79+gk6nE8LCwoRZs2YJ586d8zju66+/FpKSkgSdTif07NlTWLVqlTBt2jQhKSnJ7TgAwjPPPOO2LSsrS5g3b57Qpk0b+ec6duxYYdmyZdU+56ysLOHll18WRo0aJcTGxgpqtVoIDQ0VLrvsMuG7777zOP75558X4uPjBaVSKQAQUlJSBEGo/c9FEARh1apVwrBhwwR/f3/BYDAIgwYNElasWCHv9/Zv5OTJk0JsbKzQrVs3IScnp9rnRERERC2DQhBq2WGXiIiIqAV69tln8dxzzyEnJwcRERHNvZyLUt++fREZGSlPKCUiIiJqLdhjjYiIiIgahMVigdVqddu2YcMG7N+/H6NHj26eRRERERE1IvZYIyIiIqIGcf78eYwbNw433XQT4uLicOzYMSxduhQxMTG46667mnt5RERERA2OgTUiIiIiahChoaEYMGAAPvzwQ+Tk5CAwMBBXXnklXn75ZYSHhzf38oiIiIgaHHusERERERERERER1QN7rBEREREREREREdUDA2tERERERERERET1wB5rAOx2O9LT06HX66FQKJp7OURERERERERE1EwEQUBJSQni4uKgVFafk8bAGoD09HS0adOmuZdBREREREREREQ+4uzZs0hISKj2GAbWAOj1egDiN8xgMDTzaoiIiIiIiIiIqLkUFxejTZs2cryoOgysAXL5p8FgYGCNiIiIiIiIiIhq1S6MwwuIiIiIiIiIiIjqgYE1IiIiIiIiIiKiemBgjYiIiIiIiIiIqB4YWCMiIiIiIiIiIqoHBtaIiIiIiIiIiIjqgYE1IiIiIiIiIiKiemBgjYiIiIiIiIiIqB4YWCMiIiIiIiIiIqoHBtaIiIiIiIiIiIjqgYE1IiIiIiIiIiKiemBgjYiIiIiIiIiIqB4YWCMiIiIiIiIionrZnJyDWz7ZiYPnipp7Kc1C3dwLICIiIiIiIiKilsdosuJfn+6CxSagbVgAeiUEN/eSmhwz1oiIiIiIiIiIqM7O5BlhsQkAgH8NT2zm1TQPBtaIiIiIiIiIiKjO0vLKAAB924SgfURgM6+meTCwRkREREREREREdZaWLwbW2oUHNPNKmg8Da0REREREREREVGd5RjMAIEqva+aVNB8G1oiIiIiIiIiIqM6KyiwAgGB/TTOvpPkwsEZERERERERERHVWXCEG1gwMrBEREREREREREdVeUTkz1hhYIyIiIiIiIiKiOpMCa8xYayabNm3C5MmTERcXB4VCgZUrV7rtLy0txT333IOEhAT4+/uje/fuWLp0qdsxFRUVmDdvHsLDwxEUFIRp06YhKyurCZ8FEREREREREdHFxWiy4nB6MQDA4MfAWrMwGo3o06cPlixZ4nX/Qw89hDVr1uDLL7/E0aNH8cADD+Cee+7BqlWr5GMefPBB/Pzzz/j222+xceNGpKen49prr22qp0BEREREREREdNH5fu85+XZIwMUbWFM354NPnDgREydOrHL/1q1bMWfOHIwePRoAcMcdd+CDDz7Azp07MWXKFBQVFeGjjz7CV199hcsuuwwA8Mknn6Bbt27Yvn07hgwZ0hRPg4iIiIiIiIjoorI3tUC+3SEisBlX0rx8usfasGHDsGrVKpw/fx6CIOCvv/7CiRMncMUVVwAA9uzZA4vFgnHjxsnnJCUloW3btti2bVuV1zWZTCguLnb7IiIiIiIiIiIiT4IgyBNAJfvPFQEAPr31EigUiuZYlk/w6cDau+++i+7duyMhIQFarRYTJkzAkiVLcOmllwIAMjMzodVqERIS4nZedHQ0MjMzq7zuokWLEBwcLH+1adOmMZ8GEREREREREVGL9dzPR9Bv4VocTheDaYVlZqTkGgEAfduENOPKmp/PB9a2b9+OVatWYc+ePXjjjTcwb948rFu37oKuO3/+fBQVFclfZ8+ebaAVExERERERERG1Lp9uPQObXcBba5MBOLPV2ocHICRA25xLa3bN2mOtOuXl5XjiiSfw448/4sorrwQA9O7dG/v27cPrr7+OcePGISYmBmazGYWFhW5Za1lZWYiJiany2jqdDjqdrrGfAhERERERERGRT/vk7xR8vi0V/715IDpFBbntK66wwGK1y/ftgoAZy7Zh++l8AMxWA3w4Y81iscBisUCpdF+iSqWC3S7+UAcMGACNRoP169fL+48fP460tDQMHTq0SddLRERERERERNSSfL/nHJ77+QhSco34emea2z5BEHDt+1tx2Rsb5W3nCsrkoBoA9GFgrXkz1kpLS3Hy5En5fkpKCvbt24ewsDC0bdsWo0aNwiOPPAJ/f3+0a9cOGzduxOeff44333wTABAcHIzbbrsNDz30EMLCwmAwGHDvvfdi6NChnAhKRERERERERFSNP45U3Z8+Na8MJ7NL3badKyh3u98h0j3D7WLUrIG13bt3Y8yYMfL9hx56CAAwZ84cfPrpp/j6668xf/58zJo1C/n5+WjXrh1efPFF3HXXXfI5b731FpRKJaZNmwaTyYTx48fj/fffb/LnQkRERERERETUkhzLLJFv5xvNbvv2nyv0OL7MbHO7Hxfs1yjrakmaNbA2evRoCIJQ5f6YmBh88skn1V7Dz88PS5YswZIlSxp6eURERERERERErVJmUQVS88rk+zmlJmxOzkFuqQlT+sTjoGNAQXViGFjz3eEFRERERERERETUOH47mOF2/2x+GW7/bDdMVjtyS8w4UIvAmt5P01jLazF8dngBERERERERERHVzb6zhXju58MoNVmrPe5XR2Dtzks7QK1U4ExeGUyOCaCp+UaczjUCAOJD/D3Ovbx7NBZc1b2BV94yMWONiIiIiIiIiKiVuHrJ3wCAcrMNL0/r7fWY9MJy7EktgEIB/GtEInrGB+OB/+2DzS626yossyDfaAIArJg7BKn5Rsz+aCcA4Oah7bBwas8meCYtAwNrREREREREREStzJaTuVXu23giBwAwoG0oog1+mNwnDmqlAv+3fC8AcSKoXQCUCiA+1B9twwOw9Kb+2JlSgEcndG2S9bcULAUlIiIiIiIiImplsoorqtx3wDHx85LEMHnbxF6x+M+s/gCAUzmlAIDwIB1USgUAYELPWCyY3B1+GlUjrbhlYmCNiIiIiIiIiKiVsdiEKvcdySgBAPSKD3bbLg0jKDPbAACRQbpGWl3rwcAaEREREREREdFFJLdE7J8WV2kwgcHfvWNY7wT3wBt5YmCNiIiIiIiIiKiViDY4s8wEwTNrTRAE5JaKgbXwQK3bPiljTXL9wDaNsMLWhYE1IiIiIiIiIqJWItrgJ98uLLN47DeabTBZ7QCA8CD3wFqMwQ96nRpalRLLZg/AgHahjbvYVoBTQYmIiIiIiIiIWglp2AAApBeVI7RSVlqeI1vNX6NCgNY9LOSvVWHdw6OgUSkRVuk88o4Za0RERERERERErYTdpfozo9BzMmhGkbitcraaJNrgx6BaHTCwRkRERERERETUSrj2VUsvKvfYv+1UHgAOJmgoLAUlIiIiIiIiImol7K6BNZeMta92pOF0TinO5JUBAAa1D2vytbVGDKwREREREREREbUSdrvzdoYjYy0l14gnfjwIAND7iaEgg7/G41yqO5aCEhERERERERG1Eq4Za7mOQQU//nNe3lZSYQUA+GlUTbuwVoqBNSIiIiIiIiKiVsI1sFZaYUWZ2Yo/j2V5HOenYUioIbAUlIiIiIiIiIiolXCdCrr/XBG6L/jd63F+amasNQSGJ4mIiIiIiIiIWgnXjLXq6Jix1iD4XSQiIiIiIiIiaiXsds/Amt5PjccnJrlt0zFjrUEwsEZERERERERE1Ep4iavhtet6Y87Q9lAonNs4vKBhMLBGRERERERERNRKeCsFDfbXwl+rQlywv7yNwwsaBr+LRERERERERESthLcWa8H+GgBAh8hAeRsz1hoGA2tERERERERERK2EzUstaEiAGFhLCA2QtzGw1jAYWCMiIiIiIiIiaiW8lYKGBWoBAPEhfvI2nZohoYbA7yIRERERERERUSshJayNTYoCALQPD5Cz0+JDnT3WNCqGhBqCurkXQEREREREREREDUNwZKzNu6wThnYMxzX94uV9wzpGAAC0zFZrMAysERERERERERG1EjZHYE2vU+P2kR3c9kUb/LDh36MRqGM4qKHwO0lERERERERE1ErYHbWgCoXC6/72EYFet1P9MPePiIiIiIiIiKiVkGYXqJTeA2vUsBhYIyIiIiIiIiJqJaSpoIyrNQ0G1oiIiIiIiIiIWglpKqiyilJQalgMrBERERERERERtRLS8ALG1ZoGA2tERERERERERK2E4Aisscda02BgjYiIiIiIiIiolWApaNNq1sDapk2bMHnyZMTFxUGhUGDlypUexxw9ehRTpkxBcHAwAgMDcckllyAtLU3eX1FRgXnz5iE8PBxBQUGYNm0asrKymvBZEBERERERERH5BjtLQZtUswbWjEYj+vTpgyVLlnjdf+rUKYwYMQJJSUnYsGEDDhw4gKeffhp+fn7yMQ8++CB+/vlnfPvtt9i4cSPS09Nx7bXXNtVTICIiIiIiIiLyCYIgQGDGWpNSN+eDT5w4ERMnTqxy/5NPPolJkybh1Vdflbd17NhRvl1UVISPPvoIX331FS677DIAwCeffIJu3bph+/btGDJkSOMtnoiIiIiIiIioGQmCgHMF5UgI9YdCoZDLQAFAxcBak/DZHmt2ux2//vorunTpgvHjxyMqKgqDBw92Kxfds2cPLBYLxo0bJ29LSkpC27ZtsW3btiqvbTKZUFxc7PZFRERERERERNSSPPTNfox89S/8fjgTgLMMFGDGWlPx2cBadnY2SktL8fLLL2PChAn4448/cM011+Daa6/Fxo0bAQCZmZnQarUICQlxOzc6OhqZmZlVXnvRokUIDg6Wv9q0adOYT4WIiIiIiIiIqEGtPZKFH/85DwDYfjofgHtgTeGzEZ/WxWe/zXa7HQAwdepUPPjgg+jbty8ef/xxXHXVVVi6dOkFXXv+/PkoKiqSv86ePdsQSyYiIiIiIiIianSCIODZVYfl+zq1GN7JKzXL25ix1jSatcdadSIiIqBWq9G9e3e37d26dcOWLVsAADExMTCbzSgsLHTLWsvKykJMTEyV19bpdNDpdI2ybiIiIiIiIiKixpRZXIHzheXy/TKzDQAw+vUN8jb2WGsaPpuxptVqcckll+D48eNu20+cOIF27doBAAYMGACNRoP169fL+48fP460tDQMHTq0SddLRERERERERNQUjma494ovM9tQYbHBbLXL2xhXaxrNmrFWWlqKkydPyvdTUlKwb98+hIWFoW3btnjkkUdwww034NJLL8WYMWOwZs0a/Pzzz9iwYQMAIDg4GLfddhseeughhIWFwWAw4N5778XQoUM5EZSIiIiIiIiIWqU/Dme53f/nbAE+2pLito2loE1DIQgune2a2IYNGzBmzBiP7XPmzMGnn34KAPj444+xaNEinDt3Dl27dsVzzz2HqVOnysdWVFTg4YcfxooVK2AymTB+/Hi8//771ZaCVlZcXIzg4GAUFRXBYDBc8PMiIiIiIiIiImoMJRUWDH5pPcrMNkwfmIBvdp/zetzJFydCrfLZQkWfVpc4UbMG1nwFA2tERERERERE1BL8eSwL//p0N9qHB+Df47vinq/+8Xrc6ZcmQalk1lp91CVOxNAlEREREREREVELUVhmAQC0CQtAgFZV5XEMqjUNBtaIiIiIiIiIiFqIkgorAEDvp4a/pllb5xMYWCMiIiIiIiIiajFKKsSMNb1OgwqrTd4+pmtkcy3posbAGhERERERERGRj8stNWH5jlSk5ZcBEDPWukbr5f1LZw9AUoy+qtOpkTBnkIiIiIiIiIjIh+WUmHDJi+vctun9NIgL8ccfD16KkAANdGoVZg5qi2dWHW6mVV6cGFgjIiIiIiIiIqojm12AqokGBPx6IN1jm95PDOl0ccla06pZmNjU+B0nIiIiIiIiIqqDn/adR49n1uDXAxlN8nj5jkmgrqTAmiutimGepsbvOBERERERERFRLWUWVeD+r/ehwmLHZ1vPNMljFpd7BtbahQd6bNMwY63J8TtORERERERERFQLFpsd877aK99vFx7QJI9bWGZ2u++nUaJvmxCP4zi8oOmxxxoRERERERERUS1sOpGDPakF8n2hiR63qFLG2iXtw7z2U+sSrccnt1yCKIOuiVZGDKwREREREVGtVFhsyDOaER/i39xLISJqFsezStzuW2z2Rnssm13AvSv2wmYXcCrH6LZvSIfwKs8bkxTVaGsiTwysERERERFRrUx8ezNSco1Y88BIJMUYmns5RERN7rQjwBURpENuqQlWW+PlrB3NKMZvBzO97hvaserAGjUt9lgjIiIiImoBjmeWoMxsbdY1pOSKbyhXV/FGj4iotTuVUwrA2cvM3IgZaztT8uXbvROC0b9tCNRKBZQKoFd8cKM9LtUNM9aIiIiIiHzc4fQiXPnOFiRGBGLNAyOhU6uadT1We+O9kSQi8lWCIMgZa0kxemw5mdtopaCpeUYsXncCAPD4xCTcNaojACC7uAIqpQIaFfOkfAV/EkREREREPkYQ3EuLDpwrAiBmjL259kRzLMmN1d5U7bqJiHxHvtGMonILFApxSADQOD3W/jyWhVGvbUBxhRV924Tg1uHt5X1RBj+EB3EwgS9hYI2IiIiIyIccSS/GyFf/wp1f7EaZ2Yqrl/yN+T8clPf/d9Np5BvNzbhCwM7AGhFdhNLyywAAMQY/BPmJBYAWa8O/Hr7xh/MDlP/c1L/Zs5SpegysERERERH5iPOF5ZjzyU6cKyjH74ez8PrvJ7DvbKHbMXYByCyqqPIalbPdGoOlEZt1ExH5qoIy8UONiCCdXIpZucfaR1tSMPzlP3HWEYSrq292ncXh9GIAwNKb+iM2mFOYfR0Da0REREREPuLL7anIKTE57+9I9XpccYXF6/b7v/4HY9/ciLS8+r2hqy0bM9aI6CKUWyIG1kICNNCoFADcS0ErLDY8/8sRnC8sx7d7ztX5+plFFXj0+wPy/VFdoi5wxdQUGFgjIiIiIvIRGYXlbvfNVucbts5RQYgL9gMAFJV7BtYyisrx0750nM4x4rqlW72Wi57NL8Oe1IILXid7rBHRxabcbJODXqEBWmgdGWuugbW1R7Lk20G6updvnitwfigSpFPDX8sS0JaAgTUiIiIiomaWXVyBKe9twcp96QCA3gnBbvt3PjkWax8ahc6OZtneAmuT3t7svF6JCf2fX+v2Jg8ARr76F6b9ZyvO5BovaL02TgUloovMjpQ8+bbRZIVGLYZTrC6l8d/vdWaplZpsdX6MDJcy/wVXda/PMqkZMLBGRERERNTMnll1WJ78CQB9EkLk291iDYjSi5lqwf4aAECxl8BaQZnntrmf75Zvu/ZlO5ZZckHrZcYaEV1sdp9xZvtmFld49FgrKrdg04kc+ZjcUhPqKqtYfJ2e3CcO0y9pcyHLpSbEwBoRERERUTOx2QXM+nA7Vh/KdNs+JilSvn1J+1D5dlWBNUEQ5LKk6QMTPB7np33nMWPZNvl+SRU92uqybiKii4lrxtrDV3Tx6LG2/2whXF8av9qRVu2gGW+k42MMugtcLTUlBtaIiIiIiJrJqZxS/H0yz2N7/7bOYNrIzs4gW2igFgCQXunNWqnJKmdNtAsPdNuXXVyB+7/ehzMuAw2krIj6YsYaEV1Mys02eULzd3cNxWVJ0XLGmjQl+Z+0Qo/zVu0/X6fHyXS8NsdwEmiLwsAaEREREVEzUSkVHtvahPkjJECLH+4ehlen9ca4bs6pcAPaiQG3Lcm5EARncEsaVOCvUSFS757pkO2YMhoWqMWtw9sDAF7/44Rbw+3asLsE06x1PJeIqCX7J60AFpuAaINOfh2WA2uOITP/nBVLRduGBcjnBenELOOT2SVVTnN25cxY82u4xVOjY2CNiIiIiMiL9/5MRvvHf8X8Hw422mO4Tv2UdI81ABCz1qZf0gYKhTP4NjgxDH4aJTKLK3A8y9knLc8RWAsL1EKvU7tdTxp0EB6oxeXdo+XtR9KL3YJzNbG5HMtSUCK6mBzJKAYgvi5Lr8lSKajZZseZXCM2HBf7q/VyGT5TYbHhWGYxxr25CZPf3VLj4zgz1lgK2pIwsEZEREREVEmZ2YrX/zgBAFixMw05JSbM/Xw3xr25EcmOgFZdglJV8ZY1VjnjzJWfRoUhHcIBAN/tPoc7v9iNTSdykFcqBtYigrQI8nMPrEkNtIP9NRjWMQJDOoQBAGZ9uANDF/2J84XltVqrazCNpaBEdDGRPqBwfX3WyqWgdqw7Kk5gTowIxAtTe7qdt9ERcEvNK3PL/K3MbheQXSy+XrMUtGVhYI2IiIiIqJKT2aVu9x/5bj/WHsnCyexS3PPVP3jyx4MYsmg98uox9c2Vt4y10ABtteeM7iL2XPtwSwp+P5yFmz/eiXyjs9wzqFLGmtRPTRp8ML5HDACxL1tmcQU+2pxSq7W6BtbqWkZKRNTS7Didhw3HswEAhY6pyyGO11EA0GlUAAC7IAbNAGBctyiEBmpx9+iOAMTAWlig8zU9Ld/Z67Ky/DIzzDY7FAogqpoPWMj3MLBGRERERFTJiSz3wJpU4gMAx7NKsHxHGrKKTfh2z7l6XV/KdpMCa679dDpGBlV77thu0ajcmu2/juBYWKAOer/KgTVnxhoAzBzU1i34ZrLaarVm11LQkgprrc4hImqJbHYBNyzbjls+2YXjmSUodGSsBbt88GHwU8PfEVw7cK4QABDteC0PCRBfbwvLzCgzO19jN5/MrfIxpf5q4YE6uX8btQz8aRERERERVbLP0YS6JmWmugeYPt92Bpe8uB6H04tgcmR+Rei1eO263pg5qC0m94mr9vw2YQF4YlI3t21Shl1EkNZjKqjUs8fgCKz5aVRu50tlpDWx2ZyBtYKy2p1DRNQSub7GvbM+GYWO+8EuGWsKhQJxIWIgbf+5IgDOwFqUXvzvxhM5yC5xTmH+ZtfZKh9Tyi6ODebggpaGgTUiIiIiokp2nxEDa4kRYpBqYs8YHHj2CozpGul23PnCCo9za7Lgp8PILTVh8bpkOWNNo1Li+oFtsOjaXl4nhVZ224hE/J+j1MiVv1YFjUqJr+8YIm87nWMEIAbdJDMHtcFVvWMBOHuw1cS1r9rZ/HLMWLYNJ7NLqjnjwhlNVk4gJaImJ01aBoBfD2Zgc7KYaeZaCgoAcSHuvdBiHEGxK3pEI1KvQ0GZBeuPZsv7D54vwuH0Iq+PmeHIWIvmRNAWh4E1IiIiIiIXJRUWeeLmV3MHY91Do/D+rP4w+GnQt02o27FnC6rul+NNhcVZEqRSKOTAmraOZT8KhQKPTUjy2N4pSiwjHdIhHPGON3xHHdPsesQHu50/rX8CAHGiXW3YKw1r2H46Hz/+c75O666J1WbHu+uTsTetAPlGM3o++ztu/O+OBn0MIiJJgdGMcrNnOXxVmbzBAe6BtZhKQbAu0XoAQIBWjVGOfpjHMt0/gFi1L93rtbM4EbTFYmCNiIiIiMjh291n0evZPyAIQJswf8QG+6NTVBAUCjGLbELPGLfjzxfUbqKmxLVxtUqpkIcAaNUX/mf5s5O7y4MJAECncb9mL5fAmutjmiy1C6x5mwRqtTXsdNDNJ3PxxtoTuPb9rVixMw2CAOw8k9+gj0FEBIjDCYa9/CeGv/InzlYaKiBlrA1qH4bLkqLk7UkxerfjQl0GEySE+ruVig5KDHM7Ns6RzSYF0CqTeqzFciJoi8PAGhERERGRw+J1yfLtfpWy0wCga4weP98zAj/cPQwAkFFUXusJmSezS7DSJcMru6RCzljTNUBg7ZbhiW4Nr/V+zjd4aqUC4YHu00alx6x1xpqXwJprBl5DcA1U/nfz6Qa9NhH5jnKzDX+fzG22CcOHzhfh9s92o9xiQ77RjFX73bPI8lwmLT95ZTdE6nW4e3RHt9dVwL3nWvdYg9u+wZUCa9GOwFqpyfvrptQPk6WgLQ8Da0REREREDkazcxhBl2jv0zl7JQSjb0IItCol7IKYZWC12SEIgtfgk2Tu53vw/oZT8v2sYpMc1GqIjLXKhri8qQsN1MpZdxJnxpr4Jm9PagHe+OO4HOyrTMpY0+vUeGR8VwBwm3Z3ofakFmDb6Tz5fmGZRb5d1ZqIqGVa8NMhzPpwBxavO9Esj//g//ahxGX4jFQyL8l1lIKGB2nRMTIIu54ch0e9lN+HuJSG9ohzzwpuGxaAaIOzrLNDhPj/lDKz96E3UsZa5fJS8n3NGljbtGkTJk+ejLi4OCgUCqxcubLKY++66y4oFAosXrzYbXt+fj5mzZoFg8GAkJAQ3HbbbSgtLfV+ESIiIiKiKpSZrXIwp3/bEMwe0r7KY5VKBeJDxXKdh7/Zj05Prkb3Bb9jzBsbvGZx2ewCUnKNbtuyiivq3WNNcm3/eADAkA5hHvtGd3WWL4VW6gsEADq1CgBgstpRVG7BtP9sxbt/nsTGEzleH8tmF9eqUikQoBXPLW+gjLXiCguuX7oVvx7I8Lq/qjeiRNQyfbvnHABgyV+najiy4RlNViQ7Jim/cX0fAJ6BtTzHUJeIoOr7nYX4OzOBu8e5Z6wpFAoMSgyX73d2fFhjrGKadKbcY42BtZamWQNrRqMRffr0wZIlS6o97scff8T27dsRF+c5enzWrFk4fPgw1q5di19++QWbNm3CHXfc0VhLJiIiIqJWKqtYfCMVqFXhh7uHezSprkwaDiD1ACu32JCaV4aT2Z4f8haUeTbCNlntyCkRH1NTz8Dawqk98fK1vfD+rAEe+wa2d5aynvPSC04uBbXacdyluXZeFVNCpYottdIZWPv1YEa1WXq1lVVUgeouY2zAzDgi8i0VFluTBs/P5IkfcoQGaDCycwQAICXX6PahSK4cWNN6XsCF9FoIeAbWAPfy0M6O4TLeXs+MJitKKsTvAQNrLU+zBtYmTpyIF154Addcc02Vx5w/fx733nsvli9fDo3G/Y+bo0ePYs2aNfjwww8xePBgjBgxAu+++y6+/vprpKd7n7RBREREROSN1Kw6rIY3UpKEUO8Npr0F0XJdglWD2juzyz7YJPYRU9czsBakU2PGoLYIC/Rcs2uwzlvJplwKarWjpMJZdmmqshRU3K5UKOCnEd9MCgLw9a6z9Vq7K+l7X5WyKjI8iKjlu/mjnRj+8p81vg40FOmDhPYRgYjU6xAeqIVdAPamFcjH5MmloNVnrLkOL4jzEhCTAncAEKUX93vLWJOy1YJ0agTp1LV9KuQjfLrHmt1ux+zZs/HII4+gR48eHvu3bduGkJAQDBw4UN42btw4KJVK7NjBsdxEREREF7OcEhO+2HbGLWhUnQIpsBZQu8CalLEmkZpYu745zC6pwKHzRTiXL2aMdY4Kwjd3DfWYLHc4vahWj1lXK+YOQZBOLZc7uXIdXlBU7vweVdU3ze6WseZ84/e/XWkXvE7XYKRKqfDYz4w1otbF9dd855l8FJRZsKmKMvSG9sNecYjMiE4RUCgUGNUlEgDw1MpDyCs1wWKzu2SsVR9Y65MQjGcmd8cXtw3y6GMJAD3jg/HlbYPx230jEagTP5DwFljLKmIZaEvm06HQV155BWq1Gvfdd5/X/ZmZmYiKinLbplarERYWhszMzCqvazKZYDI5PzUsLi6u8lgiIiIiapnmfbUXO1Pysf9cEV73EliqLN8R3An1kv3lTUKYe2BtZOcI/HIgQ850MFvtuPKdLXK5J+B8kzYoMQzHXMov/TUqNIahHcNx6LnxXve5DkyQ1gxU3c9MzlhzKQUFGqbPWp4jGHl592h8cNMAJD29xm1aKTPWiFqPojKL19Jv19fEujBZbVhzKBPDOkYgUl99IAyA3O9yTJIYS3jqqu74+1QuTucYMeCFdeidEOySsVb9/w8UCgVuHZ5Y7TEjHFlrWY6stOIKK5b8dRJzR3aQX4fl/mocXNAi+WzG2p49e/D222/j008/9Rr5vRCLFi1CcHCw/NWmTZsGvT4RERERNb+dKWLvs+8cTbJrUlhWt4y1hNAA+fb8iUkIdwTkpIy1E1klbkE1AIhwvOmbPtD9788Fk7vX6jEbkjS8AHAvVTWavAfKbI53wmqlAq5/nkt9gS7EP2mFAMTvvVKpwLKbB+DV63qjT5sQcU3MWCNqNb7dI5aPJ0YEYmA7Zy/IY5nF+HDzaexy9K2sDbtdwLzle3H/1/uw4KdDKDCaYbJW/XohCALyjI5stEDx9TgsUIu3Z/STjzlwrkieGCod0xACXUo8X/v9OF77/Zh8P8ORsRbNwFqL5LOBtc2bNyM7Oxtt27aFWq2GWq1GamoqHn74YbRv3x4AEBMTg+zsbLfzrFYr8vPzERMTU+W158+fj6KiIvnr7NkL7wtBRERERC1btmN4QUgtA2txLqWg1/SLR5jjDZiUfXUkXayKcO27IwXfelRqct0jLrieq64/jcoZHXMNAJZbvAfKpMCaSqmA4JJtklFUIZfR1ocgCPj9kFhtkhQrlsiO7hqF6QPbQO94I1pqql05LxE1jx2n83DH57ux43QebvlkZ7VlndKAl8l94vDl7YPx9oy+AIANx3Pwwq9Hcf3SbbV+3M0nc7HuqBgTWH0oE/2eX4sb/1t1W6gysw0VFjEb1jUbbUiHcI9jNSoFDP4NV+QXqFW5vfZL6wac2WwxwQ0XyKOm47OBtdmzZ+PAgQPYt2+f/BUXF4dHHnkEv//+OwBg6NChKCwsxJ49e+Tz/vzzT9jtdgwePLjKa+t0OhgMBrcvIiIiIrp4rDmUif7Pr8WTPx7EN7vP4mx+GbaczAXgGfSqSlywH64fkIDZQ9ohUq9DWKDUY00MUp0vFPuqDenofMMm9TVTKBR4borYQ/i+yzo1zJOqI4VCIa8npw4ZayqlAoMTwzA2ydmS5cD5+veIK66wytkhN1zinskX4pjMWmBkYI3IF7z++3FM/2CbW19Gu13ATR/twB9HsnDDsu3YcDwHt3++u8prnC0oAwC0CwuAn0aFEZ0iqjy2Joe8vPbsSS3wcqRIyij20yjdStoBzwmg4YG6Bq2eUygUuH5AgnzfdQppptxjzftQHPJtzdpjrbS0FCdPnpTvp6SkYN++fQgLC0Pbtm0RHu4eNdZoNIiJiUHXrl0BAN26dcOECRMwd+5cLF26FBaLBffccw9mzJiBuLi4Jn0uREREROQ7CitN5rTZBbkp/j9pBbjrS/GD2eU70rB8RxqC/TUoKrdApVTgsqQoj+t5o1Ao8JpL7zYpY0164yb1KnNtfm11aSw0Z1h7DO0YjnbhzpLSpiZNAN2cnCtvq6rHmk2QAmtKqFVKfHTLJbj1k53463gOMovK670G6Wflr1G5DUUAIE879TZplYialiAI+OTvFBjNNny7+yxuH9kBgNgfzGJzb5pmrmK6MACk5YuBtTZh4mtfeJAObcL8cTa/9q8jReUWrNiZJpf8V2a22t36SEqksndvQbP/3TkUY9/YKN8P8mv4cMnlPWLw7M9HAIiZwiarDTq1Sv4gJpaloC1Ss2as7d69G/369UO/fmI980MPPYR+/fphwYIFtb7G8uXLkZSUhLFjx2LSpEkYMWIEli1b1lhLJiIiIqIW4HC6+3Aq10mdW0/leRwvZV8MbBda6+EFlUlBoDw5sCZmI7hmRbSvFETrEq1363XmC1wzUVxZHMME1C7j/KTsise+P4hX1xzzel5NCsrExwt1ZKe5Cg1w71tHRM0nz2iW+x1+vessBEFAmdmKhY5Akat+bUO8XqPMbMW5AjGI1D7C+Xo4JNGzFLM6j313AC+vPoaNjpLTGZWyXat6HZO2S1OcXXWMDMLh58bj1uHtoVI6p4U2pPgQf2z492gA4gctyVmlsNsFnMoRy2M7RgU1+GNS42vWjLXRo0dDELyMA6nCmTNnPLaFhYXhq6++asBVEREREVFLd7BSeVBuqUmeFuc6ee6necNx04c75FLEy7tH1/sxpX49+ZUCa4FaNb64bRA2Hs/BDZe0rff1G4PeT+0xfGDXmQLMXLYdtwxvj/E9nH2LSx0lokEuDbhjXfrHvb/hFGYOaitnodTW0QwxCOqtt50UbGPGGlHzS80zyrdPZpdi5Kt/YVSXSKw5LPZI9NMo5f5lVTmaUQxBAKL0OkTpna8fQzuG49taDpoBID+mZHKfOOxJLUCyo39bUbnZ64RQ6XXZ9XXMVaBOjWcm98BjE5LkUvmG1j4iEMM7hePvk3k4nF4EvZ8aFRYxw65tHV8/yTf4bI81IiIiIqL68hZYEwQB207lyY3yv7htEPq0CUHPeOfggJGd65+hIGWsFZZZYLXZYXQE6wJ0KozsHImnrurutTSpOW157DK3+4PahwEAtp3Ow51f7HF7I13qCMC5lkfFBLuXLR13CVrW1vwfDgIAjmQUe+yTsgdzSxlYI2puqXllbvfPFZRj+Y40+b5WpcRn/xoEADBVEWA7dF78PXd93QW8Dw+oyoFzhR7bYoL98MeDlyIhVMyiLSyzYGdKPmZ/tEPOBgPg9rpcHT+NqkH7q1UmDaw5dL5YLmdNitHLLQuoZfGt/7MTERERETWAyg2tk7NKMfr1DZj53+0w2+wY3yMawzuKDbNdA0UXki0QGqCF9D6soMzilrHmq4L9NejbJkS+/9zUHri2X7x8f+2RLPm2NJnTNdMjrlKj7Z8PpHs8xumcUmw9leuxHQCKypzlWuN7eGYLdogQy6L+SStAxgX0cSOiC3fGEVjrFut9wEtxhVXO8jJZPYegbE7OwTOrDgMAelYaEuM6Zbkmv1fKVgPEicsKhUKevFxYZsHtn+3C5uRczPl4p3ycr7wud40WJyCfyinFhuNiOevoRig9pabBwBoRERERtSpF5RY5s0IKEi385Yi8bWC7ULw9ox+UXjID/LX173emUioQ4ujb8/m2M/KU0cqT53yNa2DN4K/B69f3kfsjFbv0KZIz1nRVZ6y5BuIkl72xETf+dwdOZpd67DuU7gyALpza02N/r4Rg9Iw3wGITsOtM1ZP+iKjxpTkyWKf0iUO8l0BYpF7nEljzzFib/ZEzwNU9Lthj/6zBtSuVP3jeM7vV4Ce+9gY7SsoLyy0odrxmST3dAKDUkbEWWEPGWmOTJx6XWbDJ0SduTC0H55DvYWCNiIiIiFqVw45gTUKoP8Z2c8+C6t82BP+9eSD8NM43Vd7eINaXVA767p8n5W2BVfTy8RVJMXr5tsFPDaVSgaGOsqxil/5rUh+66kpBy8w2t2mArhNGvQXWpJLdSb1iEF3FNLxe8SEAgOOZnm+miajpnHUEqNqGBWDemE7y9qeu7IZBiWH4YPYAudzdW2DNVc94z6y3f1/RVb5ts1fdiz05Syw5dx1YIH1QIn24UVRuQZzL61NxhfghgfSaVHkCcVOT/r9wNKMYJSYrwgK16J0Q0qxrovrz7f/LExERERHV0ekcMauia7Qe47pHYfrABJzJLUObsAC8PK0XNCr3z5bvG9sZKblGXD8w4YIfOyxQi1M5Rrdtvp6x5vpmTiqPkoJnUnYH4D1jzVsD8JIKC8KDxKbhKbnO74Xdy9Cyg+fEwJoUPPOmW6wY+DuWUff+bUR0YYrKLPhs2xlc3TdeHswSqdfBancGzq7pF4/bR3YA4AygmyzupaDfVxpM4O0DDY1LD0qLzQ6V0vO1UxAE5Dl6Lt49uhOUSgX6JDiz36Rpn0VlZkTodUgvqgAAfLwlBbmlJjlzubkz1iq/do7uEsn+ai0YA2tERERE1KoUON78RQTpoFOr8Op1fao9PixQKzfcvlBSxporX89Y6x5nwFNXdkOwv0bO+tA7yqpKKlxKQR1BNr1f9c+nuMIqB9Y++fuMvN3bZE8pY61XvGdZmETqRXSsHoMRiOjCLFh1CD/tS8fn287AYhOD42GBGrffZ9fXPakU1GxzBt4sNjse/na/fP/afvFeBwOoXQJLFpvdLbNYUmKyyteOMujw0jW93PZLJZaF5Ra3DwYWr0t2O85XMtYkAx2DY6hl8u3/yxMRERER1VGBoyF+SKCmyR87xks5Y2JEYJOvo66kbBOJXueZsSaVUnnLUnNV5NKX7e+TzqEFBUYz0gvLcfPHO3HjoLaY1j8Bafli9oi3sjBJUoy473xhOYorLHIvJSJqfFuSxd9h18m8IQFajE0KxLX94zGwXZhbkEyncZaCCoKAw+nFmLrkb7drvnStezBM4ppNbLV5LwWVstWCdGqvgTcpY62wzCJn2XpT0+tYY6v8+F1jgpppJdQQGFgjIiIiolal0JFJERbgmT3W2HolhABIle/fPbqjR+lpSyBlpbm+MT2bL/ZXqqknXXG5BVtP5eLx7w8iw1GGBYgBz4+2pOBkdikW/nJE7s/WPjwAIdX8rIIDNIgN9kNGUQVOZJYws4OoCXkr4Q7x10CtUuLN6X099unUYrBLEACLTcBnW8949EvzFhADxAEwSgVgF8SMtcrWHsmSey1GBHl/zQhxGV5gNFUdWPOWXdyUKgfWukTrqziSWoKW9395IiIiIqJq5DsCa6HNEFgb1y0KkXodhnQIw/EXJrg1425JpDd9JY7Amtlqx7kCMbusfaUMvHGVBkQUV1jw28EMORtNciKrBK7FX78dzAAAjO8RU+N6usawHJSoodjtAhavO4Gf9p2v8djKQbFgR1CtKjqXPmkmqw2xlQacXNI+tNrHk65tqfS4aXllmPv5brz+xwkAYqm/N6GOUtCMwnIYzWKftz4uk48BMYv48u7RlU9tUn4a5/dpSp84ufyeWiYG1oiIiIioxdt6Mhc/708H4CwFDW2GjISQAC22PDYGX942GDq1Su5Z1tIYXCbrAWIZpl0Q3wxG6d3f0L5+fW88OqErBrQT3zCfyTW6TQZ9dIIYXNxyMhdZJSZ5u1Qm2i226jJQiVQOujMlv75PiYgc1hzOxOJ1ybj/6301Hls5Ya2qTDGJe2DNjvJKQwwWXdu72vO1UmCt0lRRqR+jZFjHcK/nS8NYkl2mEC+9qT/GdYuS779wdc8qs+aaimv57IjOEc24EmoILAUlIiIiohat1GTFjR/uAAAkxeiR6wjeNFepj1QK1ZKFO753BWVm2OwCzjime7YPD/RoOh4SoMXdozshSKfGntQCbD2Vh2hHr7knJiXhjks7YuvJPGxxCX6K1xaDdrX5OU3oGYOlG09hzeFMWGz2FlleS+QrNifnyLfLzTZoVArcu+IfROp1eGZyD7fplJVLQasbNAKIASOtWgmz1Y6SCquc9SqRhgtURa0SH9t16igA7DrjHlSf0DPW6/mReh36JARjv2PicIBWhdhgf3w45xL8fjgTNruA4Z18I5B105C22JtaiMm945p7KXSBGFgjIiIiohZt43Hnm8Ttp/OQVSz29YoJ9hwkQLUjZfvZBbFn3Zk8Z2CtKlIGye7UAozqEgnA2Yz8xsFtscVlkIGr8BoyYACgR5yYsWa22lFaYW2WbESi1mD+DwewYudZ+X5uqQn5RjNWH8oEAPRtE4JSkxUTesQgyuCHShWZ6Ne2+lJOAOgWo8f+c0XYlZLvFliL1OsQ4l9DYE3pyFhzGV5gswv4dvdZt+O6xVbdk2xMUpQcWHNtCVCbsvOm9MLV3oc4UMvDj3qIiIiIqEXbd7ZAvv30T4dhtQtQKOBRski1p1Ep5cyS3w5l4rmfjwAA2kUEVHlOx8ggROl1MFvtWHskS74OAAxsV/Wb8ap6JVVej1RiVmqyIjmrBLM/2oHdZ1gaSlRbJqvNLagGANklJjlwDgAPfbMfC346jNs/3w3AM2NtdNfIGh/nsiSxf9l/Np5CTqmYQfzI+K749b4R1fZnAwCtI2PNdXhBXqlJ7pcGAEM7hHtkzroam+Tsnxaoa/kZxOT7GFgjIiIiohbtcHqxx7bwQB3LBS+QVA769MpD8rbqMtYUCoVH3yOpX5Kumn5GtR0yIQ1UOJxehPu/3ofNybm4bum2Wp1LRM7Jvq5yS004nWP02H7AkfHlGlfrEh2EdtW8BkhuHdEe0QYdUnKNcl/ETlFBiNLXnEUsDy9wyVhLd5kuPHtIO/znpv7VXkPKcAWA9MKKao4kahj8a4OIiIiIWpyz+WV4/PsDOJldKgfWvv+/ofJ+japlDg3wJeGBnplk7cKrzlgDgGEd3XsXadTiz8F1Ap7Bz70bjVZdu7ckhY5BCnd9uRdnC8pqOJqIKkvLdwbQpN/J1DwjUnI9A2uAOCzE7JI5JpV418Tgp8GLlcocDbWceim9dltdHjejUAwI9m8bguev7omQGoLxrkNjSk3Wao4kahgMrBERERFRi3PLJzvx9a6zmLFsG4rKLVArFejp0lS7NuWFVD1vvc+qy1gDgGGd3DPWpKxBrUv2YH37o9lcmj1VbohORDXLLhbLMi9LisK9l3UGABw6X+xWCurq1k92ut0f1SXK63HejOseje4uE3/bV1NG7krjJWNN6pcWG+Jf68efN6YjAODOUR1qfQ5RfXF4ARERERG1OKccpUu5pWYAQNcYPXRqFe4a1REfbTmNF6/p2ZzLaxUqB9Y6RAQixlB9KVdCqPubZ+lNsms/JOYSEjUPKfvMT6NEd0e55CqXSb2VufY1mzO0nUepd00GJYbhSIaYUVzTa4fEGVizo8Jiw5XvbJZf7+syPfPBcV0wpmsUeieE1GnNRPXBjDUiIiIialEKjGaPbf83WsxOeHR8Vxx8djzfTDUA11LQYH8Nfrt/pFuJVVVendZbvq310ueuuqbj9VFhsdV8EBHBbBUDaxqVEh0iau6VJukWa8BzU3vW6vfflVQ6qvdT1/r3XhpSYrLasOtMvhxU6xAZiPE9oqs71Y1apcTA9mG1LjUnuhDMWCMiIiKiFuWv49lu9yf1isFVjkwGpVIBPyWnwDUE14y1hFB/+FUzgMCVwd/ZS8nbAImGzlgzmqy1XhvRxUwqr9SolIhzKavs3zYEr1/fB3cv34sB7UIhAPhqR5q8PyG09iWYrkZ3jcSHNw9EN5dhAjXx14q/y+UWm1tQ7MWrezV4UJ6ooTCwRkREREQtyvqj7oG1uSPZQ6cxuGashdehZ53OZVBBQw6RuHV4e3zy9xmP7WVmG+pWoEZ0cbLYnBlrrkHvK3rEoENkENY8cKm8rcJiww97zwMAOkYG1evxFAoFxnWvfZYZADlIXm62Q60Us1E7RAZiaB3LUImaEvMiiYiIiKjFMFvt2HgiR77fJyGYZZ+NxDVjLcLLIIOq+Kmd2WMab2VY9Yy1PXVld6x76FK3huiAGFgjam3WHMrAqZzSBr2mFFjTOgLeL17TE6O7RmL2kHYex84b00m+HR9Su/5oDUEKrFVYbCgzi0NKEmsYmkLU3JixRkREREQ+7XROKVRKBfy1KhzPLEGpyYpIvQ475o8FgDr3/aHaiXALrNUvY81rjzUA943tjHfWJ+Ohy7vU+roqpQKdovSID/WXG6IDgNHMCaHUuvx+OBN3fbkXWrUSJ16Y2GDXNbtkrAHArMHtMGuwZ1ANELPU7hrVEb8dzMD4HjENtoaa+DteP8pdeicG6Bi2IN/Gf6FERERE5FOsNjvUjjd+W0/mYtZHOyAI7seMTYpiQK2RhVUaXlBbOrVrKaj34QUPjO2MKX3i0DGy7pkoj01IwpH0YpwvLAcAlJmYsUaty8p/xBJMadiAIAj4+UAGukbr0TVGX+/rWqyOHmu1bOj/+MQkPD4xqd6PVx9SxprJYoPgeOEPYA9F8nEsBSUiIiIin7A5OQff7TmHXs/+gce+O4BSkxX//na/R1ANAEZ0jmj6BV5kQlyCaXXpGe46SMBbjzUFxCzDTlFB9WpG3ikqCH8/fhn6tQ0BALlcjKglO5JejBU70yAIgkcJ6N60Qty34h+MX7ypztcVXF5ALZUy1nyRv8Y5vEDq8RagY2CNfBsz1oiIiIio2WWXVOCWT3bBZhffBP5v91nkGU1IL6qAQgFsfnQMpr73N/KMZgBAfEj9ptRR7blmBCrq0Bitpoy1Ae1CL2xhDoFa8a0Me6xRS2e3C5j7+W6cLyxH56gg5BstbvtPZpfIt88VlCEhNKBW1916Khfzlu/FfWM749bhibDa3Xus+SIpMH86x4jTuUYAcJsOSuSL+C+UiIiIiJrd6RyjHFSTrHNM/7zz0o5ICA1Al2hnCVS0oemaaV/MruodC71OjWkD4mt9js51eIFLYG3tg5fi3ss64YkruzXI2vy14uOwxxq1ZGarHdtP58mlzecLy1FS4QysfbP7LB77/qB8f8fp/Fpd12iy4sb/7kBBmQWLVh9zPJajFNSHM9akwNpJl6y9c/nlzbUcolphxhoRERERNbsPN6d4bAsJ0KBvmxDMHio2124T5o9tp8V9dWmmT/X37sx+MFntbuWdNXHNLhHgDJZ2jtbj4Su6NtjaAh2BtXJmrFELtSe1ANP+s9VtW77RDJOjtxoAPPrdAbf920/nYdqAhBqv/f6Gk/Jts9UOu11oIaWg4tpS88rkbbHB/CCFfBsDa0RERETUrEpNVqw7mgUAGNctCv+9eSCSs0vRISJQHmIAiCWE3+w+B4ClQU1FoVDUKagGOHskAYDer/ZDD+oqyE98K1NcbqnhSCLfIwiCR1ANAJ77+Ui1521PyavV9Stntv1382lnYM2HXz+9vd7MG9OpGVZCVHsMrBERERFRszp0vki+Pa1/AhQKhVvZp+u+oxkl6Bkf3JTLozrSqpX4ad5wWO12BOka7+1GlF7MYskqNjXaYxA1htUHM/DunydrPtCLs/nlteqzVmoSS6RDAjQoLLMgObtUDqz5co+1wEqvGXeP7ojQQG0zrYaodnw3VE1EREREF4XD6cUAgNFdIzGxV2yVx6lVSjw7pQeuq0UZFDWvPm1CMKBdWKM+RoyjPCyzuKJRH4eoob2x9gSOZBRXuX9a/+pf42rTZ62kQgysTegRAwAoLDPDbPP9HmvDO0XIA1ASIwJx89D2zbsgolqo12+U0WjE008/jWHDhqFTp07o0KGD2xcRERERUW2l5IpNqnvEGZp5JdSSxDgGWGQWMbBGLUthmWf58pIb+8u3b7ikDaL0nn0kR3eNBACs3He+xseQMtbahImZbQVlFlisvt9jLSxQiw9mD8D8iUn49b4RcgCdyJfVKzf79ttvx8aNGzF79mzExsZCofDdVFIiIiIi8m1Sk+p2YYHNvBJqSaQ33MezSvDh5tP41/BEKJV8X0K+z9vb54k9Y/B/ozsio7Ac/duGyFNvATGIvOGR0ThfWI4Nxzdic3Iu8kpNCK9iiIsgCHJgLSHUHwBQUGZGWIBYUunLgTUAGN01CqO7RjX3MohqrV6BtdWrV+PXX3/F8OHDG3o9RERERHQREQQBp7LFjLV24dX3DCJyFW1wZrK88OtRRATpcHW/+GZcUf3Y7AKUCuDXgxlIyy/DXZd2ZICwFRMEAYVlZo/tSqUCj01Iku/rXAYMvHlDH/hpVOgYGYTQAA0KyizIM5qrDKxVWOyw2cWyTyljrbDMAr2jf5lWzX9fRA2pXoG10NBQhIU1bs8EIiIiImp9jmeW4ND5IlzbPx6nckpxOL0Y6UUV8Neo0J2loFQHBj81ArQqlJltAIDTOaXNvKK6s9rsuPKdLTieVSJvG9A2FIM7hDfjqqgxGc02WBy9zqoza3A7LPnrJOYMa49hHSPk7Xo/MbA25b0t2PHEOAT7e07eLakQS02VCiAuWMxYyzeakW8UA3q+nrFG1NLUK7D2/PPPY8GCBfjss88QEMBPFomIiIiodq56dzMsNgGp+WV4Z32yvP3qfvHQ+3m+QSSqikKhQIzBD6dzjQAAnUZVwxm+J72wwi2oBgCncowMrLViBY7gllatxNQ+cfh2zzkMTvRMWpkzrD3mDGvvsT2vVJyCW2GxY9aH2/HdXcPgV+nffomjDDRIp0akXgetSgmzYyIoAERUkelGRPVTr1D1G2+8gd9//x3R0dHo1asX+vfv7/ZVW5s2bcLkyZMRFxcHhUKBlStXyvssFgsee+wx9OrVC4GBgYiLi8PNN9+M9PR0t2vk5+dj1qxZMBgMCAkJwW233YbS0pb3aRURERFRa3fofJGcqeEaVAOAm4a0bY4lUQsXZXAGCCoHF1qCwnLPksDUPGMzrISaSpZjim1kkA7PTumBV6/rjaU3Daj1+UZHhiYAHDpfjCvf2Yz7v/4HFRYb0gvLsftMPorKxYw1vZ8GKqUCapWz9HPW4LboFsvsYKKGVK+MtauvvrpBHtxoNKJPnz7417/+hWuvvdZtX1lZGfbu3Yunn34affr0QUFBAe6//35MmTIFu3fvlo+bNWsWMjIysHbtWlgsFtx6662444478NVXXzXIGomIiIjIuwqLDd/uOYchiWHoHK2v8fibP97pdXuAVoUeccENvTy6CLhmOfppWl55W57RGVgb0SkCW07m4lhmSTVnUEuX4siwbB8RgECdGtMHtrmg653KMeJUjhGlFVbsO1uIPKMZD4zrDAAIDxKHFXSLNWBPagH0OjVeuLrnhT0BIvJQr8DaM8880yAPPnHiREycONHrvuDgYKxdu9Zt23vvvYdBgwYhLS0Nbdu2xdGjR7FmzRrs2rULAwcOBAC8++67mDRpEl5//XXExcU1yDqJiIiIyNOLvx7FF9tTAQATesTgjlEdYLcLGNjeey/efJcgwrd3DcX1S7cBAEK89Agiqo1Al8mJSseoxeU7UvHrgQwsnT0ABh8vL5bKAod0CMMTk7ph0jubsTMlH+Vmm9tUSGo9zjgyEtuH128K8pOTuuHF3456bF9/LFu+/enWMwCAsEAxsPbM5O74aEsK/n1FVyi8jSQlogtS7491CgsL8eGHH2L+/PnIz88HAOzduxfnz59vsMVVVlRUBIVCgZCQEADAtm3bEBISIgfVAGDcuHFQKpXYsWNHldcxmUwoLi52+yIiIiKiutl3tlC+veZwJq59fyuuW7oNH29J8Xp8W8d0us/+NQiXuATfGECg+grQOfMErI4eUk/+eAhbT+Xhs7/PNNOqak8KNkfp/dAtVo+EUH+UW2xYsTOtmVdGjSWjUCwFTQitX6/y20cmYtMjYzDjkqoz3QrLxFLQ8ECxVLp3QgjentFPnhBKRA2rXoG1AwcOoEuXLnjllVfw+uuvo7CwEADwww8/YP78+Q25PllFRQUee+wxzJw5EwaDWBOemZmJqKgot+PUajXCwsKQmZlZ5bUWLVqE4OBg+atNmwtLvyUiIiK6GJWZxQbZA9qFum1f+MsR2OyeU+8KysQgQnyIOKXu6r5idcED47o05jKpFQsNcGakmStNWjRZ7ZUP9ymCIODn/WL/6LBALRQKBWYNbgcA2HUmvzmXRo2ouEJ83fQ2zbM2FAoF2oYHIMglqPyv4Yn4au5gPDqhK7Rq51t8qRSUiBpXvQJrDz30EG655RYkJyfDz89P3j5p0iRs2rSpwRYnsVgsmD59OgRBwH/+858Lvt78+fNRVFQkf509e7YBVklERER0cSlxvEG8vHu0x74/Drt/yGm12eXjpWDIK9f1xpoHRuKq3rGNvFJqrW4b0UG+bbHZYXGZfBiga/hMSJPVhquX/I35Pxzw2JdTYsLJ7Nr3R/ts6xnsP1cEAIgLEd9TdYsVexWeyuEwttaqpEIaLFCvrkyyIJfzI/U6DOsYgbtHd8LYJGfiiVQKSkSNq16BtV27duHOO+/02B4fH19tplh9SEG11NRUrF27Vs5WA4CYmBhkZ2e7HW+1WpGfn4+YmJgqr6nT6WAwGNy+iIiIiKhuSk1ioKyrl8EFPx9wTnIvKrdg4S9H5PtSpoZOrUJSjIE9f6jewgK1mDlIrD6xWO1uffz81A0fWNt4PAf7zhZixc6zEARnhly52YbRr/2FSW9vkac+Vueb3Wfx7M/O34n4ELFEr2NkEADgTG6ZXNpKrYv0AYPhAntLumasReqd03F7JTgHwTCwRtQ06hVY0+l0XvuSnThxApGRkRe8KIkUVEtOTsa6desQHh7utn/o0KEoLCzEnj175G1//vkn7HY7Bg8e3GDrICIiIiJ3NruAMrMNANA9zvNDyqJyi3x7xc40fL5NHHIQH+IPtarlTW8k36V1/Huy2OzILTXJ2yustgZ/LCkoAgDlFuf1P/47BUazDWabHcdrmOq560w+Hv3OPeMtyiAGRuJD/OGnUcJss+NcQXkDrpx8RXEDZazp/bwH1iICnbfDGVgjahL1+qtmypQpWLhwISwW8UVBoVAgLS0Njz32GKZNm1br65SWlmLfvn3Yt28fACAlJQX79u1DWloaLBYLrrvuOuzevRvLly+HzWZDZmYmMjMzYTaLn0R169YNEyZMwNy5c7Fz5078/fffuOeeezBjxgxOBCUiIiJqRFK2GgCEBGhwx6UdKu13Bh1S88oAAAFaFT6cMxBEDUnjCKy98+dJfL3T2eKl3OweWKuwXHigzTVgLGXHFZVZsHTDKXl7TRlrKblGj21dY8SsT6VSgQ4RYtYay0FbJzlj7QIDa2EuAbTOUUHybde+auFBOhBR46tXYO2NN95AaWkpoqKiUF5ejlGjRqFTp07Q6/V48cUXa32d3bt3o1+/fujXrx8AsXdbv379sGDBApw/fx6rVq3CuXPn0LdvX8TGxspfW7dula+xfPlyJCUlYezYsZg0aRJGjBiBZcuW1edpEREREVEtSYE1rVoJnVqFGwe1ddtf5thfZrZiT6rYiP3pq7qjWyxbcFDD0rg0a/9ie6p82zWw9vfJXPR45nd8uPl0tdeqsNiw/2yhW5mnq0yXoJk0eXFvWgFKXALNmUXVB9ZchyqEB2qx44mxMPg5ywI7OoIkJ7MZWGtNtp3Kw5K/TsrBWb3fhZWCXtolAo+M74rltw9GnGMgDOBe/smMNaKmUa8weXBwMNauXYstW7bgwIEDKC0tRf/+/TFu3Lg6XWf06NFV/k8LQLX7JGFhYfjqq6/q9LhEREREdGGKHW8OpT4/7SMC8de/RyMtvwxzPt4pl4le+/5WnMgSAwTRBmZPUMPTVFFaXOaSofbQN/tgswt44dejuH1kB6/Hf7/nHB7+dj8A4Kkru3k9LsMlaCZlrKUXuZdsZtSQsZbtsn/moLaINvi57e8YGQiAGWutzeM/HJCzd4ELLwXVqVWYN6aTx3bX67LHGlHTuKDf5hEjRmDEiBENtRYiIiIiaiEOnRenGbYPD5C3JUYEwmYXs3GMZisEQcAxl35TlQMIRI0pu9iEVfvTMa5bFKy26j+w35tWIAfVAFQZgMsodAbRCsocgbVC98BasUu5qDdSRptWrcT94zp77O8UJZWCepaMUstUarK6BdX6tQ1BgPbCAmtVSYwIQp+EYBj8NQjQNvwADyLyVO/f5vXr1+Ott97C0aNHAYj9zh544IE6Z60RERERUcuz7VQeAGBwB/fhUtKbRaPJ6jahEWD2BDWOcrPV6/Z1R7Ow7mgWrhuQAHsNlTDPrTpcq8dyzViTyqEzCsVtiRGBSMk1ytma3tjtAjaeyAEAvHh1T6/ZdlKPtT2pBZi65G/cPiIRk/uwf3RLdiLL+QHDvDEdMbNS6XxDUikVWDlvOABw4jJRE6lXj7X3338fEyZMgF6vx/3334/7778fBoMBkyZNwpIlSxp6jURERETUzHam5GPtkSxc8dZGvL/hJNYdzQIAjOka5XZcoCOwZrEJ2J1a4LbPcIE9hYi8cR2U4c13e87B6HKMze4eZBMEAcle+plVbktjswtugwmMjsCaVAoqZZpJ2+12AQfPFcHs0lPtg02nkV0iTi6tKoMzPtTZL2v/2ULcu+Kfap8f+b4cx8+8b5sQPDI+CQmhATWccWEUCgWDakRNqF4Zay+99BLeeust3HPPPfK2++67D8OHD8dLL72EefPmNdgCiYiIiKh55RvNmPXhdlgc5XSvrjkOAIgI0mFAu1C3YwN0ztKjR7874L6PZUnUCMqqyFhzZbY5g1v5RjMi9c5+f8s2nZazzF66phee+PEgAKDcYnMr18srNcHqEpSTgnXpjoy1TlFBWHskS77WZ9vO4Lmfj2D2kHZ4/uqeAIBX1hyTz68qsGbwUyNAq6o2841aFovj359OXa+8FiLycfX6zS4sLMSECRM8tl9xxRUoKiq64EURERERke84nlkiB9Vcje8RDZXSPStCo1JC63jzWFSp1xQzKKgxGE01B9YCXYK6JRXu/y4XrXYGu2YOagPpn3Rphft10ytN+ywzW2G3C3LPtE6Rjow1R6DvuZ+PAHBOKq1cGl3VMA+FQgFVpd+Vyll21LJIWYtaBtaIWqV6/WZPmTIFP/74o8f2n376CVddddUFL4qIiIiImtfJ7BK8+cdxlJqs2HUm3+sxE3vGet0eGcTpn9R0xnaL9tg2oUeM2/2uMXrEh4glliUVVQfiFAqFPOm2uNJxmZWmfxrNNuQZzTDb7FAogA6OaZ5lVZSmbjmZK98O0KoQ7F91afQliWFu93NLTVUeS75PCqwxY42odapXKWj37t3x4osvYsOGDRg6dCgAYPv27fj777/x8MMP45133pGPve+++xpmpURERETUZGZ9uANZxSYcSi/Gn8eyAQBzRyZiWKcI3PrJLlzdNw5DOoR5PbdNmD/OV5qUSNRYpg9sg2iDDkE6DaZ/sA0AMKprJNYczpSP0ftp5NJK18Caa/+zhVN7yMcWV1jl4QQSqeRTUmayylmZep1aDpQZze7BaClLaeNxcWjBlb1j8ezkHtVmcD51ZTeM6BSBt9aeQInJivOF5Zyq24JJpcjehlUQUctXr8DaRx99hNDQUBw5cgRHjhyRt4eEhOCjjz6S7ysUCgbWiIiIiFqgrGIxQ0YKqgHArcMTERfijzMvX1ntuW1CA7AdYmChbVgA0vLLGm+hdNFTKRW4LEnMWvv01ksQHqhDSIB7NpjNLkDvJ771cS0FzS4Rg2ValRKzh7QDAPm4yqWge9LEYRwRQVrklpphNNtgsorBOp1GhUCddH0rrl+6TT5Pp1bC5jIN9MZBbd16vHnTITIIHSKDsPpQBnadKUB6YTn6tw2t9hzyXSwFJWrd6hVYS0lJAQDk5orpzBEREQ23IiIiIiLyOTcObou4EP+aDwTQI86Ab/eIAYqlNw3ALZ/sxN2jOzbyComA0S5Tau+8tAM+2HQagBjY0Dum0rpmrJ10TAOND/WXM8iCdJ4BOAD421HKeWWvWHy2LRVlZqtbiV9VwzmUCgX+SStAbqkJwf4aDEr0nunpjfg7JwbWqOUySYE1ZqwRtUp1/s0uLCzEvHnzEBERgejoaERHRyMiIgL33HMPCgsLG2GJRERERNTUpGbvA9uF4ovbBuGpK7vV+tzZQ9vjk1suwQ//Nwzd4wzY8cRY3DI8sbGWSuTV/EnOf7Mmm13ORFt7NEveLpVsumaDhQZqAbj3NSsqt6CwTAy09XdMwjWabHLARAysec9ZKDVZkZonZm32ig+uUzmg1BfufIFnYK2kwoJTOaW1vhY1H2asEbVudcpYy8/Px9ChQ3H+/HnMmjUL3bqJ/7M6cuQIPv30U6xfvx5bt25FaCjTlImIiIhaKkEQ5IDBezf2R0xw3Xo7qZQKjElyZg5xGig1txB/DUwW8d/02iNZMJqsCNSpsTNFDKwNdskii3P8e89wmQIqBbZCAzSI0ov7i8stzkwktcpjQq7EZheQWSxeq7qBBd5IWaIrdp3F9QPboGd8sLzvmve34mR2KdY9dCk6RenrdF1qWlKPNQbWiFqnOv1mL1y4EFqtFqdOncIHH3yABx54AA888ACWLVuGkydPQqPRYOHChY21ViIiIiJqAtklJljtAgB49KoiakmW3NgfveKD8eyUHpjYyzkpdHNyLiosNuw/WwQAbuWZMcFiMCvTNbDmKMVMCA1AXIgYWEsvKofJ4uixVkPA5Eh6MQDA4F+3TjxSxprZasdV727BF9tTAYi94aQy1q2n8up0TWp6zFgjat3q9Ju9cuVKvP7664iO9hxpHRMTg1dffRU//vhjgy2OiIiIiJret7vPAgBig/3gp/HeN4qoJbiydyx+vncEEiMCMbVvPGYOagsA+PNYFvafLYTZZkekXod24QHyOa6BM8n5ArGUMz7EX87grLDY5aw2b4G15bcPRtdoMZPs71NifzaDX/0y1iRPrzwEQRDw51HnUJGagnrU/ORefOyxRtQq1ek3OyMjAz169Khyf8+ePZGZmVnlfiIiIiLyfWfzxYDC5D5xzbwSooZ1Ve9YAMCfx3Kw/bRYBjooMcytXDnGIAbOvGWsxYf6Q6dWIcox1fO0o8eZzhGAlq5/89B2GN4pApd2EYe8Sf3ZDHUsBU0I9UflCtPk7FKsc+kTV1Jpein5HmasEbVudfrNjoiIwJkzZ6rcn5KSgrCw2k+5ISIiIiLfU2ISgwAJobWbAkrUUlzSPgx6nRq5pSZ8tEWcGDq40pROKUsso6gCgiCWRMuBNce+WMd/0/LFTDZp2uMr03rjg9kD8IRjcEKvhBC3a0sDFGorUKfGp7cOctu24Xg2NifnyveLyy2VTyMfY2GPNaJWrU6/2ePHj8eTTz4Js9nssc9kMuHpp5/GhAkTGmxxRERERNT0pAyYIF3dggBEvk6rVqJHvAEAUOz4dz6wnXtgLcogZqOZrHYUODLNzhVIPdbEgFpkkDg5VAq46TTi26pAnRrje8TIJdS9XIYNAHUvBQWAS7tEut1fuvG0PDTB9XmQ7zJJgTWWghK1SnX6a2nhwoUYOHAgOnfujHnz5iEpKQmCIODo0aN4//33YTKZ8MUXXzTWWomIiIioCUiBNX09ggBEvi5I5/7vOiHMPTNTp1YhIkiH3FITfj2YgWv6xeNohjh8oGuM2DMt0lEKKk0LrarPWbuwAOj91PLvVHADDAPJN7onORRXMGPN10lDLrRq9qwkao3qFFhLSEjAtm3bcPfdd2P+/PlyarRCocDll1+O9957D23atGmUhRIRERFR0yhxvFFnxhq1RpXLMQO1nv/OY4P9kFtqwtMrD+GTLSmw2ATEBvuhbZg45CAiSAysGc3VTwVVKhXoFR8sT+6MdJxXVw9f3gVvr0+Wp/UCQGJEIFJyjeyx5uNKTVascwybUKsUNRxNRC1RnXNRExMTsXr1auTm5mL79u3Yvn07cnJysGbNGnTq1Kkx1khERERETciZscbAGrU+rgHjAK0KqsrTASAG1iSnc40AgCEdwuUhB1LGmkRXTSZSx8gg+Xbl82rr3rGdcfT5CRjSwVm22jtBLDNljzXfdjyzRL4dHqhtxpUQUWOp919LoaGhGDRoUM0HEhEREVGLUmpiYI1ar0CXwFpgFVmZroE1iWtQa3BiONRKhZxBpqkmE8ng73yMsAsIrGhUSgztECFPM+0ZF4yf9qUzY60ZWG12fLglBaO7RiIpxiBvFwQBT/x4CMlZJegao8dNQ9q5BT4r98sjotaB3ROJiIiISFZcYUGZo7wt2J891qj1cQ0Y66sKrIV4TsQd0iFcvt01Ro93ZvaT7yu9ZL1JXAcWaC6wef2MQW2gUIgBup6OwQjssdZ0Kiw2TH1vCzo9uRovrz6GCYs3w+5SnpteVIEVO9OwO7UAy3ekYcFPh1DkCKwN6xh+wT9/IvJN/M0mIiIiItmW5FwAQMfIQIQEsGyJWp+gWmSsdY81eGyT+qtJJvWKxXs39kO/tiGY3Duuyse7fmAbRARpcW2/+Hqu2Cna4IdNj4zBT/OGI1Iv/n5erBlrfxzOxKr96U36mCt2pmH/uSK3bR2e+A3rjmQBAFLzjG77TmaXyoE1flBB1Hoxv5+IiIiIZH8dE5tsj+4a1cwrIWoc7qWg3nujDesY7jbNE4DcX83VVb3jcFU1QTVAzC7bPn+s115u9dHGEeDLLq4AIA4bEQTB6/paK5tdwB1f7AEgluhG6T1LdxtahcWGDzae9rrvri/34L9zBuLWT3YBANqE+eNsfjkKyiw4m18GgIE1otaMGWtERERELZggCFi68RSW70htkGttOJEDABjDwBq1Uq4BjiCd92CHWqXEhn+PxkOXd4FWrcRXtw++oMdUq5QNHvjSO0pM7YJzOunFwmR1Pt+8UnODXvu7Pefw57Est20ns0uR9PQaZBZXICJIh16OMlyJ1S7IQTUAaBMaIE+O/XBLCgAG1ohaM2asEREREbUgRpMVApzlbDtS8vHy6mMAgEk9YxF6Ac3RD6cXI6fEhACtCpckhjbEcol8TmKEs6RTKqf0JjxIh/vGdsa9l3XyyWwwP40SGpUCFpuA4nKLW4lra2e22uXbJpfbF+poRjH+/e1+AMC0/gl4bmoPBOnU+PVAhnzMvDEdMXNQW3y35xyeWnnI63UCdWpc3j0aK3amydsu5LWZiHwbM9aIiIiIWgirzY6pS/5Gn+f+wCd/p2D5jlTMWLZd3v/P2QKPc3JKTHjhlyNIyyur8fobjotloMM6RkCn9l4iR9TStQsPlG9HG2ouIfTFoBogrivU0QfxeFZJM6+mabkG1spMDddjbnNyjnz7+73n8IrjQ4vM4nJ5+8xBbeGnUWFyH/cS4K7Revl2hcWGR8d3le9HBOkwtW/1JcNE1HIxsEZERETUQmw/nY+T2aWw2QU89/MRPPmje7bEnlTPwNoNH2zDh1tSsGCV98wKV1tOioMLRneNbJgFE/kgjUqJkZ0j4K9R4boBCc29nAsyoWcMAGD1wYwajmxdXLPUihtweENyVikAICFUnAp78Lw4qOBUjjiUYPENfeGnET90CPbX4O7RHeVzR3WNxDsz+yEkQINbhrVHaKAW88Z0xJW9YrH6/pGIDfacNEtErcPFky9MRERE1ML9dsjzzXNSjB6hAVpsO53nEVjLKTHhdK74hnDD8RzM/mgHFk7tifAgLQx+nv1+zuaLWRnd4zwnIhK1Jh/MHoAys03ug9VSSb2+Mooq6nyuIAgwmm0tsoTUbHMNrFka7LrStQYlhuFcwXnkGU0AgEzH91cKuEmu7heP9zecAgB0igrClD5xmNw7Vs5yfGR8UoOtjYh8FzPWiIiIiFqAn/adx1c70ty2vT2jL9Y8cCkWTu0BANh/tggWmx0Wmx33rfgHw1/+0+34zcm5GPP6Bgx6cR22OrLTJIIgILtEfPNYm/I4opYsQKtu8UE1AIhy/K7mlJjqfO7TPx1Cz2d+xyFHVlZL4loKeiKzBH85ytgvVFG5GFjrECGWC0uDEXJLxe9v5X8zcSH+cmByUq9YAL5bOkxEjYeBNSIiIiIfl5xVgvu/3iffjw/xx4q5QzC1bzwAoGNkEAx+apRbbOj//Fos+u0YVu1Pd8vqcFVhsePdP0/CZLXh7XXJOJJejIIyCyw2AQAQ2QoCDkQXgyi9+LuaXY/A2pfbxUD9YsdrwPwfDsiZWb7OtRT0wy0puPWTXfj9cOYFX7e4XCwrbe8IrJWZbcgrNaHMMXU1Qu/+2hikU+O3+0Zi+/yxLTLzj4gaBgNrRERERD4uz2iWb8+fmIS/H78MQzuGy9uUSgV6JYglYSUVVnz8d4rb+Qmh/hjYzn3K5/5zhXhl9XG8te4Epn+wDb8cSAcAhAdqoVXzT0SilkAKrOUbzbh+6Vb8+M+5Ol/DZrfj/Q0nsWLnWazaf76hl9gozF4mgbpO7qwvqRQ0LsQfWpX4OrjrjFhi769RIVDrOdSlbXgAYoKZ5Ut0MeNfTUREREQ+TnoT2TVajztHdfR6THXlmz/cPQzf/d8wbJt/Ga7oHg1AzMSQAnClJivWHskCAMSG8A0iUUsRGqBFUow4jXLXmQI8+L/9XoNO1bHaBblpv9Fka/A1NgZvz7Gw/MJ7rRU7rmHw06Bv2xAAwMKfDwMAIvRalnkSkVcMrBERERH5OOlNpJ+XbAlJpL7q8s3QAC0AIDbYH8tuHoiRnSM8jtmcLPZce5TNtolaDKVSgS9uG+w2yXdvmud04OqYLHaczhUDa6Y6BuWai9kmBgA7RAYi1pEtlnWBZax2u4ASk1gKavBXY/rANgCAdMd1r+gec0HXJ6LWi4E1IiIiIh8n9UrTqqrOlgjx18q3f3/gUswa3Fa+r1G5/8l3paPJtjedooLqu0wiagaReh0+vXUQBrUPAwBkFXsGmP63Kw2/HfReKnk6t1Tur1jXbDdXe1LzcSKrpN7n14W0zrAALT6+5RIAQE5p3fvMucoqqYAgACqlAsH+GnSJdr4WRht0eGBc5wu6PhG1Xs0aWNu0aRMmT56MuLg4KBQKrFy50m2/IAhYsGABYmNj4e/vj3HjxiE5OdntmPz8fMyaNQsGgwEhISG47bbbUFpa2oTPgoiIiKhxWaTAWjW9z6wugwq6RAdBWU3J0oxBbbH/mSuw84mxOPzcePRzlDyplQpOBCVqoSL0YnC9sMy9JHLpxlN47PuDuHv5XpQ6MrLsdkHen1vq7OFostavFDS7pALT/rMNV7y1CYIg1HzCBZIy63QapZytm280y6+VdWW22vHDXrG/XNdoPXRqFTpEOgNrz07uAb2f5gJXTUStVbMG1oxGI/r06YMlS5Z43f/qq6/inXfewdKlS7Fjxw4EBgZi/PjxqKhwfgoza9YsHD58GGvXrsUvv/yCTZs24Y477miqp0BERETU6KQ3kVpV1X+6XTcwATEGP8wb0xEKhQKzh7YDAIxNivJ6fLC/BlEGPwTq1Pj6jiG4Z0wnvDytN1RK9hAiaomC/T0Da3a7gJdXH5Pv70ktQEZROZ5cecjrNepbCppb4gzOSeWUjcn1NTE0QAvpZSvfZdBLXTz4v3147ffjAIBL2ouDXoJ0aiy9qT/entEXE6vJ8iUiataZwBMnTsTEiRO97hMEAYsXL8ZTTz2FqVOnAgA+//xzREdHY+XKlZgxYwaOHj2KNWvWYNeuXRg4cCAA4N1338WkSZPw+uuvIy4ursmeCxEREVFjkcqeqstYiw32x7b5l8nNtbtE67H7qXEI8a85y0KnVuHf47s2zGKJqFmEBIi/6xtOZOPeyzpBoQDKLO4ZaK//fhw94w1YsfOs12vUN7CmdHlpyi42wdDI2V2ur4kqpQJhgTrklpqQU2KqV9bt4fQiAMDMQW3x4OVd5O0TejKgRkQ189keaykpKcjMzMS4cePkbcHBwRg8eDC2bdsGANi2bRtCQkLkoBoAjBs3DkqlEjt27Kjy2iaTCcXFxW5fRERERL5KKm+q3CutssoT6yKCdFDXcA4RtQ5SMOuftEJ0eOI33PzxThhdssf0fmocPF9UZVANAMz1LAU1WZwBucvf2oj/bDhVr+tUp8BoRpEjG88ZWBMHugTpxP+WW+q3fqNZPO/moe0QEqCt4WgiInc++5dWZmYmACA6Otpte3R0tLwvMzMTUVHu5Q1qtRphYWHyMd4sWrQIwcHB8lebNm0aePVEREREDac2GWtEdHEzVirB3Jyci68dQTS9nxrPTelR4zXqm7Hmep4gAK+sOYaT2Q3X97q4woIxb2zAFYs3osJiQ5lZfK7+GvE10V8rFmKVmesXWCtzfO8Ctc1a0EVELdRF+dfZ/PnzUVRUJH+dPVv1pzZEREREzU0KrOkYWCOiKkwf6Jks8Na6EwDEfmF92oTUeA3XzDNvMosqcM9XezFh8SY5ewzwPvQgo6i8xserrZX/nEdhmQVZxSYkPb0Gr/8hPq8ovVj2KQXYyusRWLPbBblk1l+raqAVE9HFxGf/OouJiQEAZGVluW3PysqS98XExCA7O9ttv9VqRX5+vnyMNzqdDgaDwe2LiIiIyFeZa1kKSkQXr7bhAUhZNMnrvkCdGvEh/m7bXp3WG/0dE4El5mqmap7NL8PQl9fjlwMZOJZZgnf/TMZP+87j3hX/ILvYBEAM4A1qHwYAKCq3VHmtutqXVuh1e3SwGFgLcGSalVvqPjihwmqDNMg0UMfAGhHVnc/+dZaYmIiYmBisX79e3lZcXIwdO3Zg6NChAIChQ4eisLAQe/bskY/5888/YbfbMXjw4CZfMxEREVFjkN7sVjcVlIhIoVDg01sv8dgepFPDT6NCsMswE3+tCnOGtQcAaFRif0ZvmWeS7afz5AAUAKzan477v96Hn/en46XfjgIAuscZEOwYolBYZsGKnWmYuuRv5JaaLuh5Hcnw3hM7MkgnPxegfqWgRpN4jkIB+KkZWCOiumvWv85KS0uxb98+7Nu3D4A4sGDfvn1IS0uDQqHAAw88gBdeeAGrVq3CwYMHcfPNNyMuLg5XX301AKBbt26YMGEC5s6di507d+Lvv//GPffcgxkzZnAiKBEREbUa7LFGRLU1umsUru0X77YtSCdmdPVOCJa3BWhVmNInDqvuGY4PZg8AUH0pqErpPhwlu8QZLMszmgEAfhqVPIm4qNyC+T8cxP6zhXj99+P1fj4mq63Kfm0RQeKgAX+NY3hBPQJrUr+2AI0KykrPkYioNpq1O+Pu3bsxZswY+f5DDz0EAJgzZw4+/fRTPProozAajbjjjjtQWFiIESNGYM2aNfDzc45QXr58Oe655x6MHTsWSqUS06ZNwzvvvNPkz4WIiIiosTCwRkR18dK1vVBismLtEfe2OnNHdsDm5FwAYjBKoVCgd0II9qTmA6h+eEFxLUo7dWqlnBXnWgqaWVxR5+cgSc4qhdUuuG1belN/HMsswYB2oQDEICFQv8CalLEWoOPgAiKqn2Z99Rg9ejQEQahyv0KhwMKFC7Fw4cIqjwkLC8NXX33VGMsjIiIi8glSYI091oioNvw0KiybPQBL/jqJt9cnY0xSFAAg3JHhBbg36tc5SiDN1QXWKpz9y/w0SlQ4sttGdo6Qg3U6tRIhcimoWT6+zFS/aZ2AZxnoOzP7YULPWEzoGeuyHkdgzVL/jLVADi4gonpiWJ6IiIjIB53MLkVEkBYhAVpYbJwKSkR1o1AocM9lnTH30g5y4CzC0ZMMcA+sBTqytUoqqs5KkzLWZg5qg7FJ0bj9890AgKv7xrsE1lSIMojVRWfznVNBS011HyogOZIuBtZuG5GI+8d1hsFP43FMwAX0WJPW5q/lW2Miqh/+dUZERETkY7adysO4Nzfi7uV7ATjLs1gKSkR1pXNpyB8a4MxYs9qclUNhju1Gsw0fb0nBs6sOe5RVFjuCbgmhAegcHSRvH9010nlNux3dYgwAgKOZzkwzKSusPo46Mta6xRq8BtUAZ4+1CosNFpsdeXUYliBl4hn8GFgjovrhqwcRERGRj3n8hwMAgK2n8iAIgpxREcQeQER0AbRqJcb3iMb5wnIkxejl7QZ/NVRKBWx2AQt/OQJAfL359/iuAABBEOQMNIOfGu3CA7Fs9gCEB+kQ7pIFdzyzBJ2jg6BUiFNBJcZ6ZJJJpImi8SH+VR4TqRfXsPZIFs4WlGFnSj6+vmMIBrQL8zi2sMyMuZ/vxqResbh1eKLcC851YioRUV3wY08iIiIiH/J/X+5Bal6ZfL+wzIKSCgbWiKhhfDB7IH6+ZwTULj0bFQqFWzYbAGQUOQcOfLv7HLadzoNSAQxsLwarrugRIw8PkOg0KvhpVIjS+7ltL7uAUlApcy6gmh5oU/vGo3usAXlGM/4+mQeLTcAj3x7weux/N5/GrjMFeO5nMYBYzMAaEV0gBtaIiIiIfESFxYbVhzLdtqXll8l9j/RVlEEREdWFQqHw2BYe6B5Yq3AMArDY7HIW28NXdEW3WIPHud//3zAM7RCOF6/uCQCICXYPrBnNtmqH1lWnzFJzYM1fq8Kymwe4lcufzjUizeVDCkl2sbNM9OudaXJgzcDAGhHVEwNrRERERD7CtcG3VKa1ct95OWNNzx5ARNRIwioF1qS+aHmlZpSarFArFbhrVEev5w5oF4oVdwxBz/hgAEBciJ/HMfUdYCANJPCvYWpnQmgA3preF70cawCAz7ed8TjOdcroj/+cZykoEV0wBtaIiIiIfESpS8mn9AZ295kCBtaIqNFFG3Ru96WAltTjLDRQC5XSM9PNm4TQAI9teaXmOq/JZhdgdgxvCajF1M4re8fi53tH4JNbLgEA/G/3WRhdAnonskpwON0ZWCsqtzCwRkQXjIE1IiIiIh/hOqSgY6Q4dS+9sBzljlIoloISUWOJCXYfDiC97uQbxYBY5VLR6swc1NZjW24dJnVKskucfd6qKwWtbFSXSCRGBKKkwoqV+87L23/YK95uGyYG/jKLK3AovQiAcwACEVFdMbBGRERE5CPkIQV+ajl7JM/ozPLg8AIiaiwalXs2mpSxlmcUA2LhQbUPrCVGBOKZyd3dtrm+ltWkwmJDUZkFw1/+U96mU9f+ratSqcDVfeMBAHvOFAAA7HYBK/8RA2tSRnBhmQVn88sRoFVhTNeoWl+fiMgVA2tEREREPsI1Yy08SOdWdhURpHNrzE1E1JDiQiplrEmBtVIpY61uGV23Dk/EirlD0DVa73admuw/W4jez/6BPgv/gN1l3oG3gQvV6RItZv3+8M95lJttyCk1IbO4AkoFcG3/eGhdpqLGhfjX2MONiKgq/OuMiIiIyEeUmqTpn2qolAq0c5Qr9W0Tgi9uG9ScSyOiVm5a/wT8a3ginrqyGwBnKajUgywkoO6l6EM7hqNvmxAAQF4tS0E/3JICs81e58eqLDEyUL5deUiBn0aFvm1D5P1hAbXPxiMiqoz1BERERET1kJJrxObkHAztEI7OjoyMC+U6vAAAPpg9AKl5ZbgsKQrKWjYNJyKqD61aiQWTu+Nsfhle+PWoPBVUyqQNrGcpulRCWttS0NB6BPC8kfpUAkBqvhGdosT7IY4g2uXdorEzJR+A50RUIqK6YMYaERERUT3c8fluLPjpMC5/axOeWnkQgiDUfFINSiq9ge0crce47tEMqhFRk5FKIissdtjtgjxVs749HqWhACt2pmHpxlNej3nom32YuuRvmK12WFyy1VbMHQIActZbXWhUSjw4rgsAoLjcisIyMbBncEz/HNc9Wj5WreJrLBHVHwNrRERERHVUbrbhZE6pfP/L7WmY/sG2C75u5Yw1IqKm5jp9s9xig9EkloTW93Xpyt6xGJQYBpPVjlfXHIPZ6l7maTRZ8cPe89h/thBHMorlXmwvXN0TQzuGY/OjY/D1HUPq9dhhjmy5fKPJWdLqCKwlRjhLRTOLKjxPJiKqJQbWiIiIiOroVE4pBEEsWbq0SyQAYN/Zwgu+rlRypfdjYI2Imoef2hlYKzPbPDJp6ypK74ev5w6BWqmAXXBOGZWczHZ+SGGx2eWS0XBHeWabsAD4aeo3WEDqnfb74Sw88t0BAIDNZSLCC1f3hFIBPHR5l3pdn4gIYGCNiIiISHauoAzP/3IEOSXVN9k+5chW6xQVhLem9wEAWGwCKhzNvr05eK5ILkUCgHyjGRuOZ+NMrlHeVnqBJVdERBdKqVTA3xHIKjfbLrgUVLqmVG55wwfb5WsDwJGMYvm4ojILChyvk6EN0PcsNNCzX1u0wU++fdOQdjjxwkQM6xRxwY9FRBcv/tVGREREF70Kiw1fbk/FC78eBSBOwXv9+j6w2uxQKhRuPc7KzFY89eMhAGJgLSxQC61KCbPNjtxSExJCAzyuvye1ANP+sxUdIwOx/uHRAIAH/rcPm07kAACendwdtwxPdJaCMmONiJpRgFaFcosNGUXl2JNaAODCA/4VFrEENC2/DB9vScHzvx7BK9N6Y/3RLPmY5TtScTpH/LChITJ3O0UFya/PknljOrodo1Yx14SILgz/aiMiIqKL3mdbz2DR6mPy/dQ8I/JKTZj+wTbYBWD1/SNRZrZh8boTWHckSy6NSggNgEKhQKReh/OF5Zjz8U6cyjFi4dQeuHloe/l6aw5lAABO5RghCAIUCgVOZJbI+7eeyhMDa8xYIyIf4K9VAUZg8bpkeVugrn7lmN4s/OUIAGDtkSxsSs6Vt/91PEe+bfC78OmgUXo/bHlsDIL81NicnIvBiWHyVFAioobC8DwRERFd9A6cL3K7H6X3w/8t34tTOUak5BrR+9k/8Pa6E/h8WyrSXZpcj3CUD0lT7045Mi0W/HQYqw9myMfpXHoW5RvNEAQB+UZnWei5gnIA7LFGRL5BGmCQW+osi9dfYKDrzlEdPLatPZLlMcxA0hCBNQCIMvghQKvG+B4xDKoRUaPgX21ERER00YsM0rnd/9UlKAYAZpsdn21LBSAOLPj9gUtRXGFFp6ggAMDl3aM9hhf8ciADE3vFAoDcMwgAlvx1CuuPZbmVJh3JKMaR9GKXqaAN84aSiKg+/LXi28SsYvGDhPBArfx6V1+Pjk/Cufxyj9fXqrAknohaCmasERER0UVPp/H+J9HorpEe2+aN6YQog5/bm8w7L+2Al67phZ/mDcfdo8X+PZuSc2Cx2VFSYcGOlHz52I//TkFqXpnHdSe9sxlp+eJ2ZqwRUXMKcAwvKHYE+5+6qtsFX1OlVODSLt6HBNw1qqPHNpVLb0siIl/GwBoRERFd9KSpd640KgXmDGvvsV0q+3SlVilx4+C26NMmBA9f0RVhgVqUVFixbNNp3PzxTpzMLvX6uPEh/m73rXYBQzqEoWu0vn5PhIioAUiloJI2Xoay1MfUvvGYPjAB78/q77b9/0Z3hIEfKBBRC8XAGhEREV30jCYbAGBizxh52+r7L0WPOIPHsZoaJsiplApc2lnMynjt9+P4J60Qep0aNwxs43FshF6H+y7rJN8f3yMan946yG0KKRFRU/N3CayFBGjQp01Ig1zXT6PCq9f1waResXjqym5QKxVYelN/BPtr8PO9IzBrcNsGeRwioqbEjwWIiIjoolfiKHca0C4U20/nITbYXy71/P2BSxGoU+Ffn+7CqRwjBrYPrfF6Y5KisHJfunz/3Rv7YWD7MPhrVegQGYgFPx0GAMQYdLh3bGcMbB8GpUKBoR3DWf5ERM3OdTLx5d2ia/xAoT5uH9kBtwxrD7Xj2u3CA/H0Vd1RVG7B5d2jG/zxiIgaCwNrRERE5HNKTVb8sPccJvSIQZTBr9EfTyoFjTL4YfNjl0Gndr6J7BojlmWunDccpRVWROlrXs/Izs7ebMM6hmN01ygAwLNTeqC4wiIH1vw1KmhUSlzaxbOXGxFRc5Fe9wBgYq+Yao68MOpKATs/jQrv3di/iqOJiHwTS0GJiIjI5yxYeQgLfjqMO77Y0ySPV+oIrOl1agTp1F6zMwK06loH+cICtbiyVyz0OjXenN7XbZ/Bzznxs7DcUv9FExE1kiEdwuXbwzt5HzhAREQiZqwRERGRz/nhn/MAgH1nC5vk8aTAWqCu4f40entGX9gFQKv2DNL1SQjG/nNFuKZffIM9HhFRQ+kWa8Cy2QMQZfCDTq2q+QQioosYA2tERER00ZMCa0ENGFirXOLk6rN/DcLh9GIMdckKISLyJVf0aLwSUCKi1oSBNSIiIrpoZRVXAABKKxo+sFadkAAty6uIiIiIWgEG1oiIiMhnaVSNNyHTarNj7Bsb5Ww1AAjy459GRERERFR7HF5AREREPkEQBGQVV8Bktcnb9C6N/hua0WRzC6oBQKCOvYSIiIiIqPb4sSwRERH5hA83p+DF347isqQoeZu2mj5lF8pks7nd16qUbNJNRERERHXCjDUiIiLyCS/+dhQA8OexbHlbmdla1eEXzGy1u91nGSgRERER1RX/giQiIiKfVWa2QRAEKBQN12vNZhdgsdlhsQlu2ysstirOICIiIiLyzqcz1mw2G55++mkkJibC398fHTt2xPPPPw9BcP4hLAgCFixYgNjYWPj7+2PcuHFITk5uxlUTERFRfUTpdfLtHnEGAIDVLsBss1d1Sp2VmqwY8cqfSHp6Dca8vsFtX0ywX4M9DhERERFdHHw6sPbKK6/gP//5D9577z0cPXoUr7zyCl599VW8++678jGvvvoq3nnnHSxduhQ7duxAYGAgxo8fj4qKimZcOREREdWV1S5+cLbqnuFYdc8Iub9aVpGpwR7j8PkiZBR5/o0wqVcM/nvzwAZ7HCIiIiK6OPh0KejWrVsxdepUXHnllQCA9u3bY8WKFdi5cycAMVtt8eLFeOqppzB16lQAwOeff47o6GisXLkSM2bMaLa1ExERUe1ZbXYUlJkBAHEh/lApFegYFYSjGcU4nlWCtuEBDfI45wvLPba1DQvA+7MGNMj1iYiIiOji4tMZa8OGDcP69etx4sQJAMD+/fuxZcsWTJw4EQCQkpKCzMxMjBs3Tj4nODgYgwcPxrZt26q8rslkQnFxsdsXERERNZ+1R7IgCIBWrURogBYA0DU6CABwPLPh/j+d7iWwplX79J9DREREROTDfDpj7fHHH0dxcTGSkpKgUqlgs9nw4osvYtasWQCAzMxMAEB0dLTbedHR0fI+bxYtWoTnnnuu8RZORER0EVq68RTCArWYPrBNnc47lVOK/1u+F4A4qVOlFAcVdI0xAEjH8azSeq+pwmLDyexS9IgzQKFQ4Gy+GFgLDdCgoMwCAHLJKRERERFRXfl0YO2bb77B8uXL8dVXX6FHjx7Yt28fHnjgAcTFxWHOnDn1vu78+fPx0EMPyfeLi4vRpk3d3gQQERGR07mCMry8+hgAYGrfOOjUqlqdZ7HZ8eD/9sn3A7TO85Ji9AAuLGPtnfXJeH/DKcwe0g4lFRas3JcOABiTFIUf9p4HwIw1IiIiIqo/nw6sPfLII3j88cflXmm9evVCamoqFi1ahDlz5iAmJgYAkJWVhdjYWPm8rKws9O3bt8rr6nQ66HS6KvcTERFR3ZSZbfLtv0/m4rKk6GqOdtpxOh8HzhUBAPw1Krw7s5+8r4sjsHY6xwiz1V6vAJgUPPtie6rb9gk9YpyBNWasEREREVE9+fRfkmVlZVAq3ZeoUqlgt9sBAImJiYiJicH69evl/cXFxdixYweGDh3apGslIiK6mJVUWOXb//p0d63PS803AgDGJkXh6PMTMLabMyAXF+wHvZ8aVruAGcu2YdupPABAmdnq9Vre+Gm8/6kzODFcvm0ThFpfj4iIiIjIlU8H1iZPnowXX3wRv/76K86cOYMff/wRb775Jq655hoAgEKhwAMPPIAXXngBq1atwsGDB3HzzTcjLi4OV199dfMunoiIqJVLLyzH8h2pqLDYUGqqfbBLYrXZ8eSPhwCIk0ArUygU6BotZq3tTSvE638cx+J1J9Dr2T+wMyW/Vo9RarJ53R4coJFv55aa6rp0IiIiIiIAPl4K+u677+Lpp5/G3XffjezsbMTFxeHOO+/EggUL5GMeffRRGI1G3HHHHSgsLMSIESOwZs0a+Pn5NePKiYiIWr+r3t2CfKMZ5WYbYoOdgTGlAhAEAQqFotrz/zlbKN+u6tDO0XrsTi0AAOxJLcAex+33/jqJzxMHVXt9q82OPGPNQbP8UnONxxAREREReePTgTW9Xo/Fixdj8eLFVR6jUCiwcOFCLFy4sOkWRkREdJEzW+3IN4oBqb1pBRjVxfknhV0Ayi02BGir/zMjNa9Mvj2hR4zXY0JcMstcRQbV3Cs1Nb8MUpVnt1gDjmZ4H4JQUo9sOyIiIiIiwMdLQYmIiHyV0WTFS78dxbojWc29lGbxT1qBfPv3w1nYUak0c9mm0/hg46lqr5GSWwoA6JMQjGGdIrweM7KK7a7TQ6silYsOSgzD6vtH1ng8EREREVFd+XTGGhERkS/JKzVh2abTyCkx4ZeDGTBb7Vi26TT++vdoJEYENvfymtSWk7nybZtdkCdsShavSwYAjO0WjU5RQW77CsvMeGf9Saw7KgYlpw1IqPJxhnWKwLLZA9AhMhDhgTp8vi0Vb607gaJyS41r3HFaHHYwJDEMAPDG9X3w8Lf78dSV3QAAPeIMOJxejBgD20cQERERUf0wsEZERFRLd325B7vOFHhsX380C7eP7NAMK2oeReUWvPvnyVod+9JvR/HB7AHQqJxJ8k+tPIRfDmQAEPuxXdHdexmo5AqXMtG4EDEIVlhDYE0QBDmLbnAHcQLotAEJGJMUhbBALQBg2c0D8d6fybh1eGKtngsRERERUWUsBSUiInIwW+0wW+1e91ltdrlx/qD2Ybjvsk6IDRaDPP+kFTbVEn3Csk3eSzyfm9LDY9ufx7Lx4q9HcfBcEa77z1asPZKFTSdyAACju0ZiyY39ERNc+4yxYH+x59qmEzmw2YUqjzubX46MogpoVAr0bxsqb5eCagAQH+KPRdf2RhfH5FEiIiIiorpixhoRERGA9/5Mxut/nECAVoWdT45DkM79f5G5pWbYBUCtVODrO4ZAqVSgd0IIbv98N1Jyjc206qaXV2rC/3ad9dg+c1BbzBnWHjtT8vHrwQxc2TsWvzqy0j7degbbTuXheFYJdn++Wz5n6U0D4KepuVeaq/AgZ2Bs9aEMXNU7zutxu86I2Wq9E0LgX4t+bERERERE9cGMNSIiuugZTVa8/scJAECZ2Yb9Zws9jsksrgAAROl1UCoVAID2jr5qZ/KMEISqs6dak2WbTiO31Iz24QFYdc9wefuzU7oDAF66phdWzhuOJTf2x3s39kO4I0PseFaJx7XqGlQDgD4JIfJt15+TIAiYsWwbLn9zIyosNpxwPF73WEOdH4OIiIiIqLYYWCMiooua1WbHo98fcNt2JL0Y2cUV2H46D4IgwGKzY/VBMfsqyqXRfduwACgVYjAup8TUpOtuDsUVFizfkQYAWDC5O3onhGD1/SOx9+nLoVOLQbLgAA36tgkBAFzVOw5rHrgUakcgEgA6OwYZvDqtd73WoFYp8dp14rn7zxUBAM4XlqPLU6ux/XQ+krNLcf3Sbfhg02kAQLvwgHo9DhERERFRbbAUlIiILmqP/3AQvx7IgEal+P/27jwuynr7A/hnhn3fV1kFFVHBBcUFt9zSpNzSStMWLSu3vGXWrUzr2mKL1q80W7w3S1NzzTX3XVwBQVSQfUf2fYaZ5/fHwAMjqMg2A3zer1evmJlnHr4PHAfmcL7noKerJS7F5yI0OQ+bLiYi7m4xzAx1UVhWIR4/tLOd+LG+rhQuVsZIzClB3N1itaRba3IzvQDu1iZqWyYFQcCBiHQ4mBuij7uqR9nmkEQUlVegs4MphnW2BwB0fUhFmJ2ZAZ7s6SxODd38Sn/Ymho0ar1+lVVrkSn5SMsvxfYryZArqisGr6fkix+7WjOxRkRERETNh4k1IiJqt+LvFuOvK8nQkUrw/XO9oasjwaX/XhZ7gwFQS6otHeuDV+6Z/ulha4LEnBLEZxeL0ydbk8M3MjDnt8t4tp8bPp3UAwqlgPIKBQ5GpGPx1jBYGevh6gejIFMo8evZOADAnMEdxe2w9fH+E74wN9TD4E62jU6qAYC3vSmM9HRQLFNgwKfH7nucga4Ufi4Wjf58RERERET3w8QaERG1WxfjVA3ue7tZYnQ3R2RU9lG7n5kD3GsllDxtjHEKQGwrHWDw0Z5IAMDmi4kI9nPC23+FI7dEJibAckvkKCitwOGoDGQUlMPB3ABP9ezwSJ/D2kQfH9UxMbShdKQSdHY0q9UL79CiIbgYn4PuzuawMNKDmaEe7Mwan8gjIiIiIrofJtaIiKjdEQQBGy8k4MPdqqRSP09rAKrBBPe6/clY/HvndXjZm8JYv/aPzaoBBnvD0rD0cR9IJPWv5GopSqWAzw/ehLmRHt4Y7o1L8Tn4YFcE3h3XFeUVSvG4xVvDxCENiTkl4v1JuSW4EJsNAJga4Ap9Xc23aLU10Ve73cneFF0czdDF0UxDKyIiIiKi9oiJNSIialdkFUos2HwNByPTxfv6eqgSa/cmxRaP6gx9XSlWPe1/3/NVJdZS8kpx7GYmRnR1aIZVN86F2Gyxmf/0QDe8/N9LKCirwKxfL6odl36fir1XfrsMTzvVdXpWXq+mvTmqM47ezBRvD+ti94CjiYiIiIiah+b/5ExERNSCNoUk4GBkOqp2dLpaG4kVawDw3bO94GBugO2vDcCCEZ0eer6qKZcAcDr6bpOvtyn8eSlJ/PiZ9RdQUKNvXF1WT+sJS2M98XZ+qRxpeaqkm6OFdgxo6N7BApvmBIq3q5KjREREREQtiRVrRETUrpy4nQUAeHuMD14Z0hFSiXqlWrC/M4L9net9PhcrY3R2MMXtjCKUyRVNvt5HIQgCTkffha+zOWxNDSAIAn6/kIA9YaniMTfTC2s9b2RXBxyJyhBv93S1xPF/DYNcqUS//xxFsUwh9pBzsjBq/gupJ3PD6uTfw6aTEhERERE1B1asERFRu1FeocCJW6rEmr+LBXSkkibpiTa7clJoan4Zcopl+N+5eOSVyBp93kd1ICIdM3+9iGk/ngcAHIpMxweVfeRqWjCiE5Y83gUWRnp4d6wPfprZB27WxuLjlsZ6sDLRh72ZodrWT6kEcNKSijWgehuuvq4ULlbak/AjIiIiovaDFWtERNRu/PdsvPixexP2CqtKNqXnl2LRllCcup2F09F38fOsgCb7HPWx81oKAOBOlqq67FBkdRVa9w7miEgpAAAseMwbujpSvDbUS0ws9vO0FgcW1KwE87Y3RVxltZqXnSkM9XSa/0LqydRAFxfeHQEDXalWDo0gIiIioraPFWtERNRuVFWrAYCjedNVXlVtj0zLK8Opyq2mNbdWtoSfT8fi8I3qz5lZUIZ94Wni7Y0vBeJJf2f8e1xX6OqofvzXTEZN7NVB/Fgqrb7fu0YPOV9n7dtu6WhhCKt7JoQSEREREbUUVqwREVG7YWKgqrZ6aZAndKRNV+FUVbFWWP7goQDN5VZ6IT7ZF6V23+7QVMgUSpjo6+DKB6NgqKeDb5/tdd9zDPK2xdrpveFwz1ZPb7vqxJq7jXZMBCUiIiIi0hZMrBERUZsQd7cYSTklyC+VY5C3LcwMdXE0KhMDvGxgYaTa2phdrOp71s/Tqkk/t4mBLswNdR86bbO5nI7OqnXf2TuqCaUjfR3qvX1zbA+nWvd1cqhOrLGPGRERERGROibWiIioVRMEAYk5JZj0w1nklsgBqJrv93S1xIlbWfC0NcGuNwbBwkgPOZWJNRtTgyZfh5OFEQrK1CduCoLQ7L2/FEoBP56KBQC8PaYLTt3OQkhcjrjttWbFWUN41Xi+qQF/bSAiIiIiqom/IRMRUav115VkvLUtrNb9eSVyMbEUd7cYM3+9iC4OpkjJLQUAWDdDTy4LY71a912IzcEAL5sm/1w1peaVIquwHBIJ8MJAD9xIKxAfMzfURbC/c6POb2Kgi84OpojNKkagp3Vjl0tERERE1KYwsUZERK2OUingQmw2lvxVnVTr0cECAgRYmxggu6gckanVCaawpDyEJeUBAOzNDNDBsum3NJro195uGZma3yyJNblCiSlrz8HdxgRT+rgAUFWmmRjookymEI/7Y3Z/eDTB9NPdbwShqLyiWSr9iIiIiIhaMybWiIhIqyiVAlbsvYFrSXlYM61nrcSQUingtT+u4FBk9QTMZcG+eL6/uzjtsrBMjh1XU2CgK8XSHdfF4/7vuV4Y1sW+3j3HHoVxHdski5ppmMHtjEKEJecjLDkfZXJVIq3q62RSYx09XCya5PMZ6evAqI7EIRERERFRe8fEGhERaZWV+6Pw33PxAIDPD97E2hl91B6/FJ8jJtWeC3TD/Me84WShXoFmZqiHWQM9AABhyXnYfDEJLwz0wHi/xm2LfJC6KtaKmmmYQc3z/nND9bXoWJlYe29cV+SXyvHaMK9m+dxERERERFSNiTUiItIaMZlF+PlMnHj73J1sKJQCPtgdgfN3srF6Wk9EVfYQG9nVHisn9njoOZeO7Yqx3Z0Q5G3bbOsGAGP9lqtYyyuV17rPszKx5mhhiP+91K9ZPi8REREREaljYo2IiDQqs6AMczZegaTyYwDo7WaJiJQC5JfK4fXefvHYZ9ZfQGnl1sfODmb1Or+FkR6GdLZr8nXfy8SgumLN39USYUl5KGyuxFqJarqpsb4OSmTqW0GJiIiIiKjlMLFGREQak55fhrFrTiG3RL0Cy8/FEp3szbDlcpLa/VVJNQDo5GDaImusr5oVaz1dLBCWlNcsW0EFQcA721V940b7OsDT1hS3MwrRx92qyT8XERERERE9GBNrRESkMSv3R4lJtd5ulriWlAdBAEb5OqCzgxkECMgsLEe5XImvpvrjv+fisf5ULACgk339KtZaiqxCKX7s52IJIKFJtoLmFsvw69k4TO7tAg9bE9xIq552erdIhtXPdGr05yAiIiIiooZhYo2IqJ6KyytwITYbfT2tYW6op+nltEqCIGDblWQk55bijeFeOBKlarzvam2EbXMHIjQpF1KJBL3cVNVXX0zxV3t+T1dL8WMvO+2qWEvLLxU/djA3BNA0wwvWHI3Gf8/F45czcTjx1jDsCUsVH5vR373R5yciIiIiooZjYo2oEQRBwPFbmXhzSxhWTfHD6G6Oml4SNQO5Qon1p2Kx6tAtAMC0AFd8PsVPw6tqnQ5EpGPJX+EAgB+Ox6BCKcBEXweH3xwKHakEfdytH/j8IZ3t4GlrAm97UxjVMYVTk8b1cMLWy8nwdTKHpbEq8Xq3qLzR591xNRkAUCJToN/Ko+L9Xz7tj8e78zWHiIiIiEiTmFgjaoQ3t4RiV6iqeuSVjVcQ/9kTGl4RNYfPD9xUm1SZVtlgn+pHrlBCT0eKD3dH4LfzCeL9FUoBulIJvnzaH4Z69UuSmRro4vhbw5pppY0ztLMd9swbBE9bE0glEgBAdrEMU388j7dGd0E/zwcnDetSUCZHwX2q3p7o4dSo9RIRERERUeMxsUbUCFVJtSqlMoVYRXM1MReHItIx7zFvmHHbYKslCAIORKQDAAx0pSivUKJU1jyTHtsahVLAoi2h2BueCkGo+5h1M/pgpK9Dyy6smUgkksreaiodLI2QkleKi3E5mPrjecR9Og6SyoRbfSXcLQEA2Jrqo6C0AjKFqo/b5N4uWlexR0RERETUHkk1vQCituRCXDYAVRPzFzdcwo+nYjHj5xDcySqqdaxcocQz68/DY+k+/N+x6JZeKj2EIAjYG56KP0ISkZJXCn1dKdY80xMAUFyuePCTNejU7Sx8cfAmKhTKhx/cQBUKJT7ZewMDPz2KN7eEQqGsO2t24lYm/g6rnVQL9neGib4OXhjo0WaSanXpfM/U0rtFskc+x793qaZ/utuYwNHCULz/C25FJiIiIiLSCqxYI2ogoY4SnL9DU6GvI8X2K8nIL1VNOgxLzseor0/i4wndMT2wutH4och0XIjNAQB8+c9tzOjvDktj/ZZZPD3UHyGJeH9XhHg70NMaNqYGAIBSuXYm1mIyizDz14sAgK5O5gj2d270OSsUSmw4Gw+FIOBuYTkiUvPFuAWAnddSMLiTLSb1dqn13H8iVYMJpga4wMpEHz+ejEVfDyusmdYTAPCIxVutTicHMxy/lSXeLpU9etxkFqh6tPVxt8IALxt8cfAWnurpDB1pG//iERERERG1ElpfsZaSkoIZM2bAxsYGRkZG6NGjBy5fviw+LggCPvzwQzg5OcHIyAgjR45EdDSrf6j5lcmrK4LmDvUCAOy4loLpP4dgx7UUAMCM/m54zMceSgFYtjsSESn54nP2haepne+n07EtsOr2KyazCEGfH8O6k3ceemxBmRzfHL4NAHCxMoKFkR5m9HeHUWUfsOJy7dsKqlQKWLw1VLz92/n4OpO/j+q/5+Lxn/1R+Kyyz1zNpFqVVYduobBMLt6OSivAb+fjcS0pFwDwmI89lj7ug4OLBuP32YGQSiWQSiWPvC2ytfG2V69YK6+oX2ItJrMIL2y4iM8P3kRmoaqf3+wgTwzvYo8DCweLrzdERERERKR5Wp1Yy83NxaBBg6Cnp4cDBw7gxo0b+Oqrr2BlZSUe88UXX+Dbb7/FunXrEBISAhMTE4wZMwZlZWwuTs2rqEZy5fXhtd/oOlsY4v0nfPHLrACM8LFHhVLAnjBVT7bT0Vk4EJEOiQRYOKITAGDD2fgmmSBIdfvsQBSSc0vx2YGbat87QRDw7dForD5yG4VlcmQXlWPRn6HILpaho50Jjr81DGHLRmNMN0eYGKiKfBtSedTc4rOLEZ5cnbi9FJ+Lo1GZjT7v7so+gkZ6OuhgaQRve1NYGKn3DEzLL8O7O66Lt5duD8eHuyNxO0O1BdrXyQISiQQ+juYw0G0/fcE6O5ip3S6vqN/23JFfn8SJW1lYe+IOlAKgK5WI1ZJERERERKRdtHor6Oeffw5XV1ds2LBBvM/T01P8WBAErF69Gu+//z6eeuopAMBvv/0GBwcH7Nq1C88880yLr5naj5LKBvbG+jowN9TDV0/741/bwgAA0wPd8PaYLuKkw8e62uPozUysPxWLn07Hij2nZg3wwKKRnXD8VibCk/Ox7sQdvD/et16fXxAEbLqYCE9bEwz0sm36C2wDZBVK6Ouq/n4QkVIg3r8nNBXPBboBAKasO48rCarKqu+OxQBQNd3XlUqw/Mlu0NOp/vuDcWWz+GJZBQRB0KqKq6pkoZOFIUb5OuC38wnYejmpQT3M7mQV4dWNV+BkYYjrlVWWBxcNhruNCQBV7PX55AhyimX4YLwvPt57A4dvZCAtvxRHojIRViPB183ZHK7WRk1wha1PQyrW6qoydDA35NZPIiIiIiItpdUVa3v27EFAQACefvpp2Nvbo1evXvjpp5/Ex+Pi4pCeno6RI0eK91lYWCAwMBDnz5+/73nLy8tRUFCg9h9RfaXmleLT/VGISisEALGKaXIfF1gZqyp5pga4qvVL83Gsrlypet/sZm2Mt8Z0gUQiwb9GdwEA/B6SoLalrqaab8rP3bkLz3f34987I/DcTyFqFVikEpmaj+7LDmHhn9eQnFuC9ILqKtb3dl5HZGo+bqUXikk1QJVQUygFeNgYY9cbgzC4k53aOasSa0qh/tVHLaVqoIKxvg6e7uMKADgTcxdlcgX+ezYO/9oaplZpd/5ONjaej0dCdjEAIDw5D0+vO4dzMXex5VISYjKLcDr6rni8q5Wx+LFEIsHRxUNxeslwvDjQA6YGuiivUGLAp8fwQY2+dC8N8sS3z/bSqgRkSzI1UP/bVbn84TFTM658nczhYG6AJ/ycmnxtRERERETUNLS6Yi02NhZr167F4sWL8d577+HSpUtYsGAB9PX1MWvWLKSnpwMAHBzUKzIcHBzEx+ry6aefYvny5c26dmp7copl+P1CAr6u7L1VxUS/emvb/oWDkZZfBn9XS7VjerpaYVLvDsgtluH4rSw4mBtgy6v9xTfeQzrZwsvOBHeyivHXlWS8OMhT7fk7ryXjzS1h+GaaP/JL5Pjo7xtqj5+8lcU33/fYF54GmUKJ3aGp4nbGDpZGSMkrBQCsOxkLT5vqZNEXU/yw5K9w6OtK8b+X+onVWTUZ61e/ZEam5qOPu3UzX0X9VVVQmhjoonsHc7hYGSE5txS7rqWI8WJlrIf3x/viyI0MvPr7FSiUAqxN9HFu6WP437kEXIrPxeubrkJXqv43l2B/Z0jvqZiyMtGHlYkqedy9g3mt3muP+djjw+D6VV+2ZYcWDcGY1acAAGX1qFir2b9vx+sDYaArbbeJSSIiIiKi1kCrE2tKpRIBAQFYuXIlAKBXr16IiIjAunXrMGvWrAaf991338XixYvF2wUFBXB1dW30elubnGIZDkWmw8nCECUyBQZ0tBHfKLcnOcUy5BSXw9ve7IHH/WtrqNqEvypVWw0BwMnCCE4Wtbe96Ugl+Hpqz/ueWyKR4IWBHvhgdyQ2hSTixUGeuJlegG2Xk/F8f3e8uUW1xbTq//eKzSp64Nrbo4Tsklr3zX/MGxVKAe/visCJm5k4o6NKWKx5pieC/ZwhVygR6GlTZ1INgNp2vLUnYvGYTxHOxtzFp5N7wNxQr87ntJQSWXXFmkQiwdN9XPHNkdtYWqP32c9n4hCVXoDzd7KhrKyczCmW4ZWNV3Dqtiq280qqKya3vjoAp6OzMDuo4wM/t6lB9bX/+kIAzA310L2DRVNdWqvWxdEMfT2scCk+F5tCEvGYz4O35lZ9H430dMSt5EREREREpL20OrHm5OQEX1/1ioeuXbti+/btAABHR0cAQEZGBpycqqt1MjIy0LNnz/ue18DAAAYGbAT99eFb+P1Cotp9h98cgk4OD04wPUiFQon1p2PR1ckcw7vYN3aJza68QoHHV59CZmE5Vk3xw9MB90+wXq8x0RMAzAx1UVhWge7OTZNAeKyrAz7YHYnozCJ4LN0n3v/Lmbhax47ydcC6GX3ww/EYfHX4NuIqt/NRtZhMVbJxWbAv9l9Pg6uVsfj9/fKfW2ICydfJHKN9HSGVSjA90P2h5x3Q0QbnY7NxJCoDR6IyAACOFob4YLwvyisU2BOaioHetuhg2bJ9xap7/qle1qcEuGD10du4t2XX2ZhsAMDk3i6wNNbDL2fixKRaTZ62JujnaY1+ng+vyps10B1HojIw2tfhoYmj9ii7SAYAOBKVifIKxQMHOBSLlYdMqhERERERtQZa3WNt0KBBuHXrltp9t2/fhru76s2vp6cnHB0dcfToUfHxgoIChISEYMCAAS261tZo//Xa22UXb627Iqq+vj0Wgy8O3sLs/11u1HlaSlhSPjILVZM4D0Vm3Pe4lLxS3K18c+xmbQwnC0NcfG8kzr/7GD6f4tcka3EyN6z3sW+O7AwdqQSedqrKqotxOVo5qbKl3ckqwosbLuJKQg6Sc1UVa0M622Hb3IH4elpP6Egl0JFKMK6HKhEf7O+Mv14bACP9+icxvprqX+u+X87E4WBEOlb8fQNv/xWO136/UmcT+uZUs8caoNr2WrNH3OPdHNWOX/akL14ZUrsSbftrAzChpzNWPNWt3p97cCc77FsQhNXP9GzAytu+Mnn1v82knNIHHlu1FbTmtmMiIiIiItJeWp1Ye/PNN3HhwgWsXLkSMTEx2LRpE9avX4833ngDgGr73KJFi/DJJ59gz549uH79OmbOnAlnZ2dMmDBBs4vXcmVyBfJLVRU7p5cMx4eVkyivp+Qjt1jWoHPKFUpsOKuqrlIoBTz1/Vmtbqoff7cYByOqk4tnYrIQnVFY67i7ReUY9NkxAICjuSEOLRqCI4uHwkhfB04WRmpTIxtDKpXAvUbPLwDY8ELf6sdrtFnq7KCaNjiksx0czA2QnFuKLw7dbJJ1tGb/2ReF47eyMHnteRRXJhqd69ia++F4XxxYOBjfPtPzkRMYzpZG+GC8L4Z3sUMvN0vx/gWbr2Hb5WQAQHhyPjacjYdc0XwDDgRBwP7raThyIwOyCmV1j7Ua17NwRCfx4yGd7bB5Tn8AwAgfe5gb6sHB3BCBNSrSxvVwRB93a6x+pletwQ0P083Zgsmg+yitkViLv1t3dalCKUCpFGolSImIiIiISLtp9bugvn37YufOnXj33XexYsUKeHp6YvXq1Zg+fbp4zJIlS1BcXIxXXnkFeXl5CAoKwsGDB2FoWP/qn/YoKq0ACqUAGxN9uFgZ4aUgT3x7LBp5JXJkFpY/tNeaUingZHQWAtytYFbZW+pQZDoKy6oTaWFJefg7LBXP9nNr1mupj5xiGfaFp2KAlw287c2w7XISlmwPV9smVyZX4rU/ruLveUFqFUw1t2Ia6EkfqbrpUX0U3A1HojIwsVcHmBjooquTORaM6IRriblYNcUf/955Hb3draBbmcwzN9TDZ5P98OKGS9hwNh6BntZ4vHvbGWJQVF4BQRDEGHuQi3E5OHYzU+0+K2O9Or9fhno66Opk3uB1vRzkiZeDVAMmtlxKxDvbr0N2TxJtxd4bWLH3Bvp6WOH76b1hb9Y0r0mnbmdhU0giIlLzkZyrqn6yMNITE+XGNbYQ9nG3wstBnth/PQ0jutrDwdwQ1z8arbYV8dtne+HNLaFwMDfExxO6N8kaSV1JjWrS+Dq2bcsVSoxbcxqGejp4bZgXgOppw0REREREpN20/jf38ePHY/z48fd9XCKRYMWKFVixYkULrqr1On8nG9nF5dhTOSWxewcLceKcvZlBZWKtDF0cH9xn7eczsVi5/yYm9eqAr6f1BAD8di6h1nF7QrUjsbbkrzAcicpERzsTrH8+AO/USKrpSCXY+uoAvPb7FcRkFuFwVAbGdXfE+7si4ONoht/PV1/XkjE+zbrO4T72GO6j3ptu8ajO4se/1KhgE5/TxR7PBbphU0gi/ryU1GYSawqlgCe/O4Oi8gqcfHs4jPR1UKFQQq4QaiXLBEHAJ/tu1DpHp4cMpGgK0/q6wVhfF/M3X6vz8UvxuZj4/Tn876W+Dx2Q8TAKpYDFW0PFbclVqpJqgHrFGgB8MN4XH4yv7lV5b5LSwdwQmyor2ah5lFdUJ13js4ux9sQdZBSUYVmwLyQSCW5nFCK6sidgVFoBACbWiIiIiIhaC/7m3o5ciM3Gsz9dULvvqZ7O4sf2Zoa4nVGEzILyB55HEASs3K/adrjjWgq+ntYTxeUVuBifAwA49fZwpOaX4pn1F3AhLhsZBWVweIT+YU1NEAScun0XABCbVYzPDkRBKaiqed4d6wOJRII+7lZ40t8ZP5+Jw5noLOjrSPHnpSTxHO42xvi/Z3ujh4t2TjqcEeiOTSGJuBiXA6VSwOZLiYjLKsaSx33UppY2RlJOCcorFI1ODtVXaFIuYiu3zcXeLUKZXIHJa8/D2kQff80dgI52puKx+6+nIzw5Hyb6OlAK1VvvljzepUXWOt7PCZ8duImUPFUF2cm3h+FoVCa2Xk5CQnYJUvJKsWBzKPbOD4K05p7eR1BcXoF3tofjbpEMFkZ6WD2tJ8orFFh3MhahSXnicb7ODa/Eo+Z3J7MYmy8mQaEU4GVvih9P3hErDwHgu2MxAIBu/D4SEREREbUKTKy1E4Ig4IuD1T24/F0s8N64rgjsaCPeZ2+mmpRa803eve5kFeHpdefV7kvNKxUHANiZGcDNxhhuNsbo7WaJq4l52BueJm6b04SotEK1bXpHolTbBWcN9ECAR3V/qcd87PHzmThsvZyMrZW9sqosHNFJa5NqAOBlrxpiUCJTIKdEhn/vjAAAGBvoqlW8NVSZXIFhX56AjlSCC++OgPVDtgo3Vn6pXKyqBICMgjK89F/VQIycYhke++okrIz18OPzAbiSkIs/L6mm284Z0hFKAfj2aDSe7++u9v1tTlXJ2arEmruNCV4K8sRLQZ7ILCzD8FUncCOtAGHJeejlZlXnOfJL5Ji2/rxqK7axHl4d6oWpAa64W1SOFX/fwIlbmSio3God4G4lVjY+3t0JJ25lYtmeSDzVswPGdnes8/ykOVP6uOCvK6rXlCsJuVAoVeWyH+yKqPN4B3MDcUsoERERERFpNybW2ricYhne2R6OwzeqJ15++bQ/JvfuIG4BrdLb3Qo7rqVg//U0LBjhXetxAFjyVzhy7hlucCk+B+VyVeKqqqk+AIzu5oiriXm4kpCj0cTat0ejAai2fFa9obUx0ceorg5qxw3wsoG+rhSyitoN55/w0+7tlQa6OjDS00GpXIGAT46I999ILUBhmRxF5RVwqqOJf30du5kJhVKAQikgLCmv1nbVppSYXYIxq0+pNXy/lphX67jcEjmm/qie5J0a4AprE30M62KHXq6WzbbGuszo7449Yano3kG90sjezBDDfeyxNzwNhyIz6kysCYIA/xX/iLdzimVY8lc4xvVwwuaQROwJS1U7/t7E5rAu9jj5dvN9T6hxPn6qO3q7WeG9nbV78VXR15GKj709xgfm9egrSEREREREmqfVU0GpcXKKZZj+c4haUu21YV6Y0selzqRZsJ8z9HWluJVRiIiUglqPJ+WU4EpCLgBgUq8OmDXAHQAQlpSPJdvDAQCdHaq3CXZ3VlV4RabWPldTUCoF7A5NwYLN13Anq6jOYyJS8nEwMh0SCXBw4WDsfH0gNs0OxMFFQ2r16ZJIJLA2rl2JNWuAu1qzd21VMxFV5UhUBnp89A8GfHrsvl+j+qhZPRaZmt/g89SUnFuCeZuu4lBkutr9f4Qk1LqWzRert+X+MTuwzvP172gNZ0sjGOrpoLebVZ0x3pz6eVrj73lB+P3l2ut7vLKK7GBEGoSaEzMqxWTW/b2JSivAvutpAIDhXezwr1Gd0cHSCPMe827ClVNzM9LXwbP9XGFyn8En84Z74z8TqwdHDPCyqfM4IiIiIiLSPkystVG5xTIEf3dGbIRd5dUhHe/7HAtjPYzppkoAbLtSnchQKAVsvZyEj/eqmsMHuFvh62k9YV/ZN+3Xs9VTM73tqyvWujmbQyoBErJLcCE2u/EXdY95m69i4Z+h2BOWiv/si6rzmL3hqqTEuB5O6ORghl5uVhjobQu7ym2v9/p6mj9q5mM+m9QDHwZ3a/K1NzcXq9rVabuvpajdFgQBnx6Iwm/n4x94roIyOY7dqp62GZ9d0iRr/PNiEvaGp+HVjVew/O9IsZqwKhH7xRQ/cUrl3SLVVuMlj3fBIG9bXH5/JHydzKEjlWCQtw1mB3nih+l9mmRdjdHDxQKWdSRnh3Wxh76uFPHZJbidoUqi5RTLMOizY5i36Sq2Xaneevy/l/phQOUW7eV/R+JmeiEM9aRYOakH5o/ohLNLH4O7jUnLXBA1GYlEAk+72t+3jnYmeGtMF/g4Vlc6OltwqjURERERUWvBraBt1P/OxyMlrxQdLI3wbD9XVCgFvD7M+6GN7J/0d8bfYan47XwCJvTqgN5uVth2OQlLd1wXjxncyQ4AYGlce6tSV6fqN4dWJvqY1tcVmy8mYeP5BPTvWL8qjJxiGVYdugkLI31M6dOhzmb5VxNzsf96daXTsZuZOB2dhaNRmTh5Owtvj+mCkV0dkJSrSgLVd1vgQC9bxH36BPJKZDgVfRfjujtCp4HN5jXpxFvD8MS3Z3Aro1C8Lyq9EHM3XsE7Y33gaWuCiJQC/HgyFgAwubfLfacQHovKVNsem5Z//x58D5KcW4IfT8Zi5gB3dLQzxf8djxEf23A2HhvOxqOrk7mYDHaxMoJVjSSVv4sFnu+vqpK0NTXAtrkDkFcqRwfLhm9xbSmmBroY7G2LozczcSgyHV0czbDvehpS8krFvmwAMDXABUM72+GfyHScj80WK0c/HN+tUVt5STuM7e5UqxrY1lSV5O/hYoG103vDydKoxastiYiIiIio4ZhYa6Oq3ry9XNlAvb6cLasrJSb9cA7xnz2B7VdV1TQ+jmZ4aZAngv1Vk0QtjdQrc7p3MEfve/pHTQ1QJdbO3blbr8+fXypH748Pi7d/OROL00seg+M9FRzhlVMQR3a1R3x2CWIyi/D8LxfFx1//4yoGetkgo6AMAOBiZVyvz1/F0lgfT/o7P/xALaSvK4WujhT7FgTh6M1MvLrxCgCIW4IPRqajf0drPOnfQXzOxfgcDO9Sd4+uI1Gq5/X1sMKl+Fyk5qm+prIKJXJLZPWa+FoqU2DsmtMoLKtAal4png5wFR8b18NRTJLWrLB0tjCCu40xpge6QU9HiqVjfWCoV72VzsRA977JQG00ppsjjt7MxMGIdCwY0QmpeeoJSi87E/Hr8mw/N/wRohrIYGGkh6kBLi2+Xmp6o30dsOrQLbX7qio1AWBsD+3u5UhERERERLVxK2gbFZ2pqlTycaxd7fUgdTXMvpNVDAD4empPTO3rKvYms7qnYu0/E3rUeq5X5dbQ3BI5DlxPw5bK6Y33c2//LrlCqLOnV9WavOxM8ebIuqdenruTLR5X19bItmZkV1Vi7JXBqu2+ujpSjOnmiCGd7WodeyE2B+/trK5CXPJXOOLvFiOzoKzW8IaqrZmTequSO3F3i1FYJsdT359F4Mqj+P1CwkPXtv1qMgorJ1oevZmJk7ert5Z+OtEPfi4WMDPQVdui62hhCIlEgv9M7IGPnuymllRrjUb6OkAqAW6kFeBOVhH2hlf3rQt5bwSO/msY+lZOMe3ewQL/mdgdtqb6WDejD3R1+FLdFjjUscUzv1SugZUQEREREVFTaT3lHlRv+SVyJOaotkB2ftTEmpF6siyjoEycAupqrZ6csqiRWBvexQ7+dWy3NDfUg6mBLorKK/DaH1cBAAM62sLNpu4KstjKRBigagZ/MS4HsVnFGNFVfU0bK5M57jYmeMLPCetOWuB6SnUC7qmezjh3JxtZheXoYGmETjWmlbZV30zriUvxOQjyVk+kvTTIA6duZz3wuVmF5Rj25QkAgJ6OBK8N9cLi0V1QoVAiqTKWBtZoqN7jo+oJloci0zGjcotmFUEQkFFQjqJyOTramqoN0ACqhxG8NbozLIz1sGdeEABV7C7acg1u1satPpF2L2sTffR2s8LlhFxMWXsOuSVy2JkZ4OTbw2CsX/uleHqgO6YHutdxJmqtzOqosHzUP34QEREREZF2YWKtDboYnwNBUDXFrurfU1/3vvELXHkUgKo6zeyearaa1UVLHve57zmdLAwRXWPqYV6pDG4wRoVCiQqlICZQlEpBnI74cpAnjPV1cDEuB//ZHwVLYz1xm9yWS9WDFQZ5q5I9Hz3ZDUejMvDqEC9kFJbB284Ud4vLsS88DSO7OrSKqZ6NZWaoh8d8HGrdX1cPMitjPeSWqCpl5g33Vut3JlcI2HYlGYtHd0F8dgkqlAIMdKVwvc922muJeWI/vyrv7bwuJs9eH+aFszGqrcD/fbEv5m++JlavuVqrn9PCWA8bXuz3KJfdqnRxNMPlhFzxa79wRKc6k2rUNkkkEnRxMMOtjEKsnd4bp6Kz7ltxS0RERERErQPf0bVB1xJzAQCBnvUbFlCT9D6N+gd62da6z97MEJ9N6gFTQ121oQX38nU2V0usFVUmVab/HIKYzCIcf3sYknNKMWntWZTJVdsQ/V0toVBWb0l8+69wWBrrY4SPvTixdNUUP3E6Yh93K/RxV/V3q6qkszczxIuD6t9frq1yriOxNntwR7HX0xN+TmqJNQBIyy/D3vBUcZunv6vlfWOjqLwCwd+dwU8z+6CPu2or4+Eb1Vs9fzhxBwDgbmOMoZ3t8OmkHpi36RqsjPUwyLt2XLVlbjUSiV52JpjW1/UBR1NbtPONgcgrkcPZ0og91YiIiIiI2gAm1tqgt8d0wcReHZpsmqWZgS4+n+JX52PP9HN76PNXTuyBx7s5iltBC8rkUCoFhMTlAAD+uJCIzw/eFI830JUiyNtW3IJYZc5vl+HnYoGknFKYGehivF/rHC7Q0upq8D+0sx12XUtBhVKAl50pvnraH18fvo05gz3x0d83AADzNl0DoBqG8NboLnWe+/PJPbD6SDTS8sswee15HFo0BG7WxrhbVF7r2D5uVpBIJBjv5wxve1PYmxnC2kS/jrO2Xc8FuiEkLgeFZXJ8M60n9Ng7rd0x1tdllSIRERERURvC3+7bIIlEgk4OTde3Z//CwTBtxPRFEwNdjO3hhGFd7HDiVhZ+OROH+ZuviY/XTKqN7e6IV4Z0hLWJPnR1aicGw5NVfdTG+zuJQxTo4Y4sHoK/w9Kw5mg0ANU23r/nB0EqkUBfV4rJfVwwuY8LlEpBTKwBQFcnc6ye1hNdKvtAbX9tIDacjcMALxvcLZTh6T6uKJMrsWxPJABgT1gKJvRUTRs1M9QVt3wCwPwRncSPfRzvX+HYlpkZ6uHXF/pqehlERERERETURJhYo1r2zg/C+O/OiLfv7YPVUFU92i7F59b5eP+O1vjyaX+xwsrcUA/vjvVBTokMSTkl2H89XTy2qt8a1Y+3vRl6u5eJty2N9ersO1dzu6eXnQn2zBukVlVVc8ttlWf6ueKzAzdRKldgw9l4eNqqBkW4WRsjNqsYpXIFBneyhaetSVNfFhEREREREZFGMbFGtXTvYIGrH4zCd8eiMXOAR5OdNz2/tM77J/d2QR93KzwXWHtb6atDvQAAMZlFOHYzE2VyJZY83gW96phASg9mVWOKa32GOfg4mddrq6KBrg6ufTgKQ1cdR0ZBOTaejwcAuFoZ45tpPbH2xB0sHXv/4RZERERERERErRUTa1QnaxN9LAvu1qTn1NetTtI4WxgiNV9VQfXVVP+HPtfb3hQ3Px7bpOtpb/xcLPH2mC5qDfQf5FGSl4Z6Opjc2wU/nLiDsMrtum42xujsYIZvpvVswGqJiIiIiIiItB87Z1OLWf5kdwzuZIvdbwzCG495A1A10aeW88ZwbwT7P3jow47XB2LhiE6YNdDjkc493Mde7barVe1ppERERERERERtCSvWqMV425ti48uBAAA/Fwt42JigewcLDa+K7tXbzQq93awefuA97q1wC+rEpCkRERERERG1baxYI42QSCQY5G0LCyO9hx9MrYKujhRjujkAAEb42HNYAREREREREbV5rFgjoiaz/Mnu6OVmhel1DKIgIiIiIiIiamuYWCOiJuNoYYi5lZNciYiIiIiIiNo6bgUlIiIiIiIiIiJqACbWiIiIiIiIiIiIGoCJNSIiIiIiIiIiogZgYo2IiIiIiIiIiKgBmFgjIiIiIiIiIiJqACbWiIiIiIiIiIiIGoCJNSIiIiIiIiIiogZgYo2IiIiIiIiIiKgBmFgjIiIiIiIiIiJqACbWiIiIiIiIiIiIGoCJNSIiIiIiIiIiogZgYo2IiIiIiIiIiKgBdDW9AG0gCAIAoKCgQMMrISIiIiIiIiIiTarKD1Xlix6EiTUAhYWFAABXV1cNr4SIiIiIiIiIiLRBYWEhLCwsHniMRKhP+q2NUyqVSE1NhZmZGSQSiaaX02gFBQVwdXVFUlISzM3NNb0cascYi6QtGIukLRiLpC0Yi6QtGIukLRiLVJMgCCgsLISzszOk0gd3UWPFGgCpVAoXFxdNL6PJmZub8wWBtAJjkbQFY5G0BWORtAVjkbQFY5G0BWORqjysUq0KhxcQERERERERERE1ABNrREREREREREREDcDEWhtkYGCAZcuWwcDAQNNLoXaOsUjagrFI2oKxSNqCsUjagrFI2oKxSA3F4QVEREREREREREQNwIo1IiIiIiIiIiKiBmBijYiIiIiIiIiIqAGYWCMiIiIiIiIiImoAJtaIiIiIiIiIiIgagIk1Imowzj4hIiIiIiKi9oyJtVYmPT0dqampKC0tBQAolUoNr4jaq8LCQrXbTLKRplS9HhJpC74ekqZVVFRoeglEAICioiJNL4EIAJCQkIDk5GQAgEKh0PBqqK2RCPztr1WQy+WYN28e/vnnH1hbW8PMzAwHDx6EoaGhppdG7YxcLsf8+fMRGRkJe3t7PPXUU5g5c6aml0XtkFwux4IFCxAfHw87Ozu8/vrrCAwMhEQi0fTSqJ2Ry+VYs2YNvLy8MHHiRE0vh9oxmUyG999/H3fv3oWlpSXmzZuHjh07anpZ1A7JZDL861//QlRUFMzNzTFt2jRMnTqVP6NJI3bv3o2JEyfiySefxK5duzS9HGqDWLHWCqSkpGDIkCGIjo7Gpk2bsHDhQiQlJWHp0qWaXhq1M7Gxsejbty9u3ryJJUuWwMLCAp999hnmzp2r6aVRO5Oeno7AwECEh4cjODgY4eHhmDt3LlatWgWA1bzUcg4cOAB/f38sWbIE27dvR2pqKgBWrVHL27ZtGzw9PXH58mW4uLhgy5YtmDt3Ls6dO6fppVE7s3HjRnh4eCAiIgKzZs1CYWEh1qxZg0OHDml6adROXbx4EYGBgUhKSsL27dsBsGqNmhYTa63A6dOnUVpaik2bNmHAgAGYOXMmgoKCYGZmpumlUTtz4MABWFlZYf/+/QgODsYvv/yCBQsWYP369dixYweTGdRizp49C5lMhq1bt+L111/HyZMnMXHiRCxbtgyRkZGQSqVMbFCzKy4uxs6dOzFq1CisXLkSt27dwu7duwGAVRnUokJDQ7FhwwbMnz8fx44dw4oVKxASEoKYmBjEx8drennUjty+fRt79uzBkiVLcPz4cTz//PP45ZdfEBsbC11dXU0vj9qZqvcm+fn56Nu3L3r16oU1a9ZALpdDR0eHvytSk2FirRXIy8tDdHQ0HB0dAQBpaWkIDw+HtbU1zpw5o+HVUXsSExODiooKGBsbQxAESCQS8QfSypUrkZ2dreEVUltX9QtSVlYWcnNz0aFDBwCAhYUFXn31VQQFBeHVV18FwMQGNT9jY2O88MILeP3117F06VK4ubnhwIEDCA8PB8DKSWo5MpkMvr6+YmsGuVwOFxcXWFlZISoqSsOro/bEzs4Ob7/9Nl544QXxvuzsbPj7+8PU1BTl5eWaWxy1O1V/aI2JicGMGTMwceJEZGdnY+3atQBUr5VETYGJNS1z8eJFAOq/jA8YMAAWFhYIDAzElClT4ObmBgsLC+zbtw/jxo3DihUr+KJATa6uWDQzM4OhoSH2798vJi3Onj2L5cuXIyIiAgcPHqz1HKLG+uuvv3DkyBGkpaVBKlX92NLR0YGjoyNOnz4tHufo6IilS5fi0qVLOHz4MABux6OmVTMWAVXyduDAgejSpQsAYO7cuUhOTsbOnTshCIIYr0RNrSoWq7Ye9+vXD19++SWcnZ0BAHp6esjPz0dxcTEGDRqkyaVSG3fv66KVlRX69esHS0tLAMC8efPQr18/ZGZmIjg4GJMmTVL72U3UVO6NRUC13VMikUBHRwfl5eXo378/Jk6ciF9++QUzZszA119/zWQvNQn+xqcldu3ahQ4dOmDcuHGIj4+HVCoVJzr5+/vj3LlzWL58OaKiovDrr7/ixIkTOHLkCNauXYsvvvgCGRkZGr4CaivqikWZTAYAePbZZ2FqaornnnsOzzzzDMzMzBAdHY2XX34ZEyZMwLZt2wCAbyapSWzcuBEODg5YtWoVnnvuOTz99NPYsWMHACAgIABlZWU4d+6cGJ8A0L17dzz++OPYuHEjAFatUdOoKxarmh8rlUoxgTtq1CgMGDAAx48fx7FjxwAwuUtN695YnDp1qhiLgiCo/WErLy8PSqUSnTp10tBqqS172OtilezsbOzduxdnzpzB7t27YWJignfeeUdDq6a26EGxqKOjg9zcXFy9ehWBgYGwsbFBSUkJbt++jR07dmDUqFEwMDDQ7AVQm8B3v1rgjz/+wMqVKzFkyBB07doVn332GQCo9SHw8PBAbm4udHR0MGPGDPEHVlBQEGQymbjthKgx7heL+vr6EAQBXbt2xbfffotvvvkGtra2+P333xESEgJnZ2fIZDK4ublp+AqoLaioqMCaNWvw6aefYuXKlTh9+jR27doFLy8v/PzzzygtLUWvXr0QFBSEHTt2qDXmdnBwgJ6eHpO71CQeFIvr169HeXk5pFIpJBKJ+HN5/vz5KCsrw+7du1FcXAxBEHD79m0NXwm1dvWJRYlEotZf8sSJEwAgVrEBQE5OjiaWT21IfV8XqwoENm3ahDFjxsDExESs8C0rKxOrLYkaqj6xCAClpaUYOnQoduzYAT8/P2zcuBEjR46Eu7u7+LObgwyosfjOQ4Oq/gF7e3tjxIgR+Pzzz/Hkk0/ixIkT4i9DNf+RV20ryczMFN807tu3D71790a/fv1afP3UdjxKLLq6uuLFF1/E//3f/+Gpp54CoJrQmJiYCG9vb42sn9qW4uJiZGVlYdasWXjxxRehr6+PgQMHwtfXFwUFBWKF2vLlyyGXy7F+/XqkpKSIzy8tLYW1tbWmlk9tyMNiseqNI1Ddx8XHxwcTJ07E5cuX8cknn6Bv376YPn06f2mnRnmUWKyq1N21axeeeOIJGBkZITQ0FKNHj8bHH3/MKkpqlPrGoq6urtiPt4pCocCdO3cQEBCglvAlaoiHxWJVqySFQoGtW7di5syZGDJkCKKjo/H555/Dw8MDixcvBqCqbCNqDI5m0YDo6Gh4e3uL/4ADAwPRp08f6OrqYty4cThz5gxWrVqFYcOGQUdHB0qlElKpFPb29rC0tMTIkSMxb948hISEYPfu3fjggw9ga2ur4aui1uhRYrGuX5ASEhKgq6uLd955B0qlEpMmTdLUpVArVxWLEokEFhYWmDJlCnr06AGpVCq+Brq6uqK4uBhGRkYAVD3V3nvvPXz77bcYNGgQFixYgNDQUFy+fBnvvvuuhq+IWqtHiUU9PT2151a9Ro4YMQIffPABLly4gDlz5uC7777jL+30yBoTi8XFxSgoKEBgYCBef/11rF+/Hs888wy++OILbpGnR9bQWKyKtdLSUuTk5OCjjz7C1atXsW7dOgCo9Xsl0cM8Sizq6+sDUBUFbN68GZ6enmIxiqWlJSZMmIDCwkLxjw2MRWoMVqy1oK1bt8LT0xPBwcHo378/fv31V/Gxql+4u3XrhgkTJiA+Ph4bNmwAUN2nYOTIkVi5ciU8PT2xc+dO5OTk4Ny5c1i0aFGLXwu1bg2NxZp/5S4tLcXPP/8MPz8/JCYmYtu2bdwKSo/s3lj85ZdfAAA9e/ZU+8MCoKrQ7dmzJ/T19cWqtSlTpmDz5s0YM2YMTp8+jezsbJw6dQpBQUEauyZqnRoai/dWra1btw79+vXD8OHDERMTgx9//FH85Z6oPpoiFmNiYnD8+HE899xzuHbtGq5fv47ff/+9VgKO6EEaGos1K3R37NiBpUuXok+fPoiJicHevXsxbNgwAExkUP01NBarqtamTZsmJtWq3s/Mnj0bb731FiQSCWORGk+gFvHPP/8IHh4ewvfffy8cPHhQWLx4saCnpyesX79eKCkpEQRBEORyuSAIgpCcnCy8/PLLQt++fYXCwkJBEAShrKxMPJdCoRDy8vJa/iKoTWhsLMpkMvFcoaGhwsmTJ1v+IqhNeFAslpaWCoIgCEqlUlAqlUJpaang5+cnbNy48b7nq3oO0aNqylgMCwsTtmzZ0pLLpzakqWLx1KlTwrBhw4TDhw+39CVQG9FUsRgZGSl8+eWXwpEjR1r6EqiNaKpYrKioaOmlUzvCraDNTKgscT5//jxsbGwwZ84c6OnpYcyYMSgrK8P69etha2uLiRMnisMKOnTogIkTJyIsLAxffvklJk2ahH//+9/44Ycf4OrqCqlUCgsLCw1fGbU2zRGL/v7+Gr4qao0eJRar/oKYk5MjbmsCVFsB1q5di6+//lo8r6GhoUauh1qv5ohFPz8/+Pn5aeyaqHVqqlj84Ycf8M0332Dw4ME4fvy4Ji+JWqmmjkVfX1/4+vpq8pKolWrqn9FsyUDNiVtBm1nVP/IbN27Ay8sLenp6YknqJ598AkNDQ+zevRvp6ekAqhvEDx8+HP369cOKFSvQp08fyOVy2Nvba+YiqE1gLJK2eNRYBIAjR47A1dUVTk5OWLhwIXx9fZGQkAC5XM5G3NRgjEXSFk0Vi4mJiZDL5WIbEaJH1dSxyNdFaij+jKbWhIm1Jnb48GEsWLAAq1evxsWLF8X7R4wYgQMHDkChUIgvClZWVpg5cybOnz+PW7duAVD1tyouLsb69evx448/YujQobh69SoOHjwIAwMDTV0WtUKMRdIWDY3FmzdvAlD9xXLv3r2IiIiAh4cHjh49ivPnz2P79u3Q09NjXwyqN8YiaYvmjsWqXkNED8PXRdIWjEVqzfhTt4mkpaUhODgYM2bMQE5ODn799VeMHj1afFEYOnQozM3NsXz5cgDVTRPnzJmDgoICXLt2TTxXQkIC/vzzT2zYsAHHjx9Hjx49Wv6CqNViLJK2aGwshoaGAlANyigtLYWJiQm+//57REREICAgQCPXRK0TY5G0BWORtAVjkbQFY5HahBbs59ZmFRcXC7NmzRKmTZsmxMbGivf369dPeOGFFwRBEISCggLhk08+EYyMjITExERBEFRNFgVBEIYOHSrMnj275RdObQ5jkbRFU8fi5cuXW3D11JYwFklbMBZJWzAWSVswFqmtYMVaEzA2NoaBgQFeeOEFeHp6iuPOx40bh6ioKAiCADMzMzz33HPo3bs3pk6dioSEBEgkEiQmJiIzMxMTJkzQ7EVQm8BYJG3R1LHYp08fDV0JtXaMRdIWjEXSFoxF0haMRWorJILALn5NQS6XQ09PDwCgVCohlUoxffp0mJiYYP369eJxKSkpGDZsGCoqKhAQEIBz587Bx8cHmzZtgoODg6aWT20IY5G0BWORtAVjkbQFY5G0BWORtAVjkdoCJtaaUVBQEObMmYNZs2aJ05mkUiliYmJw5coVhISEwN/fH7NmzdLwSqmtYyyStmAskrZgLJK2YCyStmAskrZgLFJrw8RaM4mNjcXAgQOxb98+sSRVJpNBX19fwyuj9oaxSNqCsUjagrFI2oKxSNqCsUjagrFIrRF7rDWxqjzlmTNnYGpqKr4YLF++HAsXLkRmZqYml0ftCGORtAVjkbQFY5G0BWORtAVjkbQFY5FaM11NL6CtkUgkAICLFy9i8uTJOHz4MF555RWUlJRg48aNsLe31/AKqb1gLJK2YCyStmAskrZgLJK2YCyStmAsUmvGraDNoKysDD169MCdO3egr6+P5cuX45133tH0sqgdYiyStmAskrZgLJK2YCyStmAskrZgLFJrxcRaMxk1ahQ6deqEr7/+GoaGhppeDrVjjEXSFoxF0haMRdIWjEXSFoxF0haMRWqNmFhrJgqFAjo6OppeBhFjkbQGY5G0BWORtAVjkbQFY5G0BWORWiMm1oiIiIiIiIiIiBqAU0GJiIiIiIiIiIgagIk1IiIiIiIiIiKiBmBijYiIiIiIiIiIqAGYWCMiIiIiIiIiImoAJtaIiIiIiIiIiIgagIk1IiIiIiIiIiKiBmBijYiIiIiIiIiIqAGYWCMiIiJqAwRBwMiRIzFmzJhaj/3www+wtLREcnKyBlZGRERE1HYxsUZERETUBkgkEmzYsAEhISH48ccfxfvj4uKwZMkSfPfdd3BxcWnSzymXy5v0fEREREStDRNrRERERG2Eq6sr1qxZg7feegtxcXEQBAEvv/wyRo8ejV69emHs2LEwNTWFg4MDnn/+edy9e1d87sGDBxEUFARLS0vY2Nhg/PjxuHPnjvh4fHw8JBIJtmzZgqFDh8LQ0BB//PEHEhISEBwcDCsrK5iYmKBbt27Yv3+/Ji6fiIiIqMVJBEEQNL0IIiIiImo6EyZMQH5+PiZNmoSPP/4YkZGR6NatG2bPno2ZM2eitLQU77zzDioqKnDs2DEAwPbt2yGRSODn54eioiJ8+OGHiI+PR2hoKKRSKeLj4+Hp6QkPDw989dVX6NWrFwwNDTFnzhzIZDJ89dVXMDExwY0bN2Bubo4hQ4Zo+KtARERE1PyYWCMiIiJqYzIzM9GtWzfk5ORg+/btiIiIwOnTp3Ho0CHxmOTkZLi6uuLWrVvo3LlzrXPcvXsXdnZ2uH79Orp37y4m1lavXo2FCxeKx/n5+WHy5MlYtmxZi1wbERERkTbhVlAiIiKiNsbe3h6vvvoqunbtigkTJiAsLAzHjx+Hqamp+J+Pjw8AiNs9o6Oj8eyzz6Jjx44wNzeHh4cHACAxMVHt3AEBAWq3FyxYgE8++QSDBg3CsmXLEB4e3vwXSERERKQlmFgjIiIiaoN0dXWhq6sLACgqKkJwcDBCQ0PV/ouOjha3bAYHByMnJwc//fQTQkJCEBISAgCQyWRq5zUxMVG7PXv2bMTGxuL555/H9evXERAQgO+++64FrpCIiIhI83Q1vQAiIiIial69e/fG9u3b4eHhISbbasrOzsatW7fw008/YfDgwQCAM2fO1Pv8rq6umDt3LubOnYt3330XP/30E+bPn99k6yciIiLSVqxYIyIiImrj3njjDeTk5ODZZ5/FpUuXcOfOHRw6dAgvvvgiFAoFrKysYGNjg/Xr1yMmJgbHjh3D4sWL63XuRYsW4dChQ4iLi8PVq1dx/PhxdO3atZmviIiIiEg7MLFGRERE1MY5Ozvj7NmzUCgUGD16NHr06IFFixbB0tISUqkUUqkUf/75J65cuYLu3bvjzTffxKpVq+p1boVCgTfeeANdu3bF448/js6dO+OHH35o5isiIiIi0g6cCkpERERERERERNQArFgjIiIiIiIiIiJqACbWiIiIiIiIiIiIGoCJNSIiIiIiIiIiogZgYo2IiIiIiIiIiKgBmFgjIiIiIiIiIiJqACbWiIiIiIiIiIiIGoCJNSIiIiIiIiIiogZgYo2IiIiIiIiIiKgBmFgjIiIiIiIiIiJqACbWiIiIiIiIiIiIGoCJNSIiIiIiIiIiogZgYo2IiIiIiIiIiKgB/h8VAUs7mXc69AAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABNYAAAG5CAYAAABC77mXAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAADL90lEQVR4nOzdd3gU5doG8Hv7pvfeIKH3XqQLiqBYENvhKPaOR7Ac8djLh71jV7Dg8Vixo0gR6b2HHkJI75u2fb4/Zmeym2ySTd1NuH/XlcvdmdmZNwHWzLNPUQiCIICIiIiIiIiIiIiaRentBRAREREREREREXVGDKwRERERERERERG1AANrRERERERERERELcDAGhERERERERERUQswsEZERERERERERNQCDKwRERERERERERG1AANrRERERERERERELcDAGhERERERERERUQswsEZERERERERERNQCDKwRERHRWaNbt264/vrrW/zaiy66qG0X5IbVasWDDz6IpKQkKJVKXHrppe1+zY5w6tQpKBQKLFu2zNtLaTcd9XeEiIiIfAcDa0RERNQpLVu2DAqFAjt27HC7f/LkyRgwYEAHr6r1Pv74Y7z44ouYM2cOPvnkEyxYsKDJ1/z000+YNWsWYmJioNVqER4ejokTJ+Lll1+GwWDogFV7R2VlJR5//HEMGDAAAQEBiIiIwJAhQ/Cvf/0LOTk58nG//vornnjiCe8tlIiIiLostbcXQERERNRRjhw5AqXStz9XXLNmDRISEvDqq682eazdbsdNN92EZcuWYeDAgbjzzjuRlJSEiooKbN68GY888gh+/fVXrF69ugNW3rEsFgsmTpyIw4cPY968eZg/fz4qKytx8OBBfPHFF7jssssQHx8PQAysLVmyhME1IiIianMMrBEREdFZQ6fTeXsJTSooKEBoaKhHx77wwgtYtmwZFixYgJdffhkKhULe969//Qu5ubn49NNP22ml3rVixQrs3r0by5cvxz/+8Q+XfUajEWaz2UsrIyIiorOJb39kS0RERNSG3PVY27dvHyZNmgQ/Pz8kJibimWeewdKlS6FQKHDq1Kl659iwYQNGjRoFvV6P1NRUjwNXVVVVuO+++5CUlASdTofevXvjpZdegiAIAGp7kK1duxYHDx6EQqGAQqHAunXr3J6vuroazz//PPr3748XX3zRJagmiYuLw7///W+XbVarFU8//TTS0tKg0+nQrVs3PPzwwzCZTPVe//bbb6N///7Q6XSIj4/HXXfdhbKysnrHLVmyBKmpqfDz88OoUaPw999/Y/LkyZg8eXKTP5fDhw9jzpw5CA8Ph16vx4gRI/Djjz82+boTJ04AAMaNG1dvn16vR3BwMADg+uuvx5IlSwBA/pk6/6ya+nNx9vnnn2PUqFHw9/dHWFgYJk6ciD/++KPRdX7yySdQq9V44IEHmvyeiIiIqPNhxhoRERF1auXl5SgqKqq33WKxNPna7OxsTJkyBQqFAosWLUJAQAA+/PDDBjPbjh8/jjlz5uCmm27CvHnz8PHHH+P666/H8OHD0b9//wavIwgCLr74YqxduxY33XQThgwZgt9//x0PPPAAsrOz8eqrryIqKgqfffYZnn32WVRWVmLx4sUAgL59+7o954YNG1BWVob7778fKpWqye9VcvPNN+OTTz7BnDlzcN9992Hr1q1YvHgx0tPT8f3338vHPfHEE3jyyScxbdo03HHHHThy5AjeeecdbN++HRs3boRGowEAvPPOO7j77rsxYcIELFiwAKdOncKll16KsLAwJCYmNrqWgwcPYty4cUhISMBDDz2EgIAAfPXVV7j00kvx7bff4rLLLmvwtSkpKQCATz/9FI888ojbwCIA3HbbbcjJycGqVavw2Wefuezz5M9F8uSTT+KJJ57AOeecg6eeegparRZbt27FmjVrcP7557u99vvvv4/bb78dDz/8MJ555plGfxZERETUSQlEREREndDSpUsFAI1+9e/f3+U1KSkpwrx58+Tn8+fPFxQKhbB79255W3FxsRAeHi4AEDIyMlxeC0BYv369vK2goEDQ6XTCfffd1+haV6xYIQAQnnnmGZftc+bMERQKhXD8+HF526RJk+qt253XX39dACCsWLHCZbvVahUKCwtdvux2uyAIgrBnzx4BgHDzzTe7vOb+++8XAAhr1qyRvy+tViucf/75gs1mk4976623BADCxx9/LAiCIJhMJiEiIkIYOXKkYLFY5OOWLVsmABAmTZokb8vIyBAACEuXLpW3TZ06VRg4cKBgNBrlbXa7XTjnnHOEnj17Nvr9V1dXC7179xYACCkpKcL1118vfPTRR0J+fn69Y++66y7B3a+9nv65HDt2TFAqlcJll13m8vOQ1itJSUkRLrzwQkEQxD8fhUIhPP30041+H0RERNS5sRSUiIiIOrUlS5Zg1apV9b4GDRrU5GtXrlyJsWPHYsiQIfK28PBwzJ071+3x/fr1w4QJE+TnUVFR6N27N06ePNnodX799VeoVCrcc889Ltvvu+8+CIKA3377rcm11iVN+wwMDHTZvn//fkRFRbl8FRcXy+sAgIULF9ZbBwD88ssvAIA///wTZrMZ9957r8uwh1tuuQXBwcHycTt27EBxcTFuueUWqNW1hRBz585FWFhYo+svKSnBmjVrcOWVV6KiogJFRUUoKipCcXExpk+fjmPHjiE7O7vB1/v5+WHr1q1yieWyZctw0003IS4uDvPnz3db2lqXp38uK1asgN1ux2OPPVZv+IW7TLkXXngB//rXv/D888/jkUceaXIdRERE1HmxFJSIiIg6tVGjRmHEiBH1toeFhbktEXWWmZmJsWPH1tveo0cPt8cnJye7vU5paWmT14mPj0dQUJDLdqnMMzMzs9HXuyOdq7Ky0mV7jx49sGrVKgBimaRz+WNmZiaUSmW97y82NhahoaHyOqT/9u7d2+U4rVaL1NTUesfVPZ9arUa3bt0aXf/x48chCAIeffRRPProo26PKSgoQEJCQoPnCAkJwQsvvIAXXngBmZmZWL16NV566SW89dZbCAkJabL80tM/lxMnTkCpVKJfv36Nng8A/vrrL/zyyy/497//zb5qREREZwEG1oiIiIg81FAvM8FNo/v21qdPHwDAgQMHcMkll8jbAwMDMW3aNABiHzZ3GupH1pHsdjsA4P7778f06dPdHtNQgNOdlJQU3HjjjbjsssuQmpqK5cuXe6WvWf/+/VFWVobPPvsMt912G7p3797hayAiIqKOw1JQIiIiOmulpKTg+PHj9ba729ba6+Tk5KCiosJl++HDh+X9zTVhwgSEhITgyy+/lINUnqzDbrfj2LFjLtvz8/NRVlYmr0P675EjR1yOM5vNyMjIqHdc3Z+X1Wp1O1HVWWpqKgBAo9Fg2rRpbr/qZpJ5IiwsDGlpacjNzZW3NRRI9PTPJS0tDXa7HYcOHWry+pGRkfjzzz+h0WgwdepU5OTkNPt7ICIios6DgTUiIiI6a02fPh2bN2/Gnj175G0lJSVYvnx5m15n5syZsNlseOutt1y2v/rqq1AoFJgxY0azz+nv748HH3wQBw4cwEMPPeQ2a67utpkzZwIAXnvtNZftr7zyCgDgwgsvBABMmzYNWq0Wb7zxhss5PvroI5SXl8vHjRgxAhEREfjggw9gtVrl45YvX95keWx0dDQmT56M9957zyUIJiksLGz09Xv37nVb6puZmYlDhw65lLEGBAQAAMrKylyO9fTP5dJLL4VSqcRTTz1VL4jp7ueemJiIP//8EzU1NTjvvPPkHndERETU9bAUlIiIiM5aDz74ID7//HOcd955mD9/PgICAvDhhx8iOTkZJSUlbVYyOWvWLEyZMgX/+c9/cOrUKQwePBh//PEHfvjhB9x7771IS0tr0XkfeughpKen48UXX8Qff/yByy+/HImJiSgtLcWuXbvw9ddfIzo6Gnq9HgAwePBgzJs3D++//z7KysowadIkbNu2DZ988gkuvfRSTJkyBYA4lGHRokV48sknccEFF+Diiy/GkSNH8Pbbb2PkyJH45z//CUDsufbEE09g/vz5OPfcc3HllVfi1KlTWLZsGdLS0pr8+S1ZsgTjx4/HwIEDccsttyA1NRX5+fnYvHkzzpw5g7179zb42lWrVuHxxx/HxRdfjDFjxiAwMBAnT57Exx9/DJPJhCeeeEI+dvjw4QCAe+65B9OnT4dKpcLVV1/t8Z9Ljx498J///AdPP/00JkyYgNmzZ0On02H79u2Ij4/H4sWL662vR48e+OOPPzB58mRMnz4da9asQXBwsOd/uERERNQ5eG8gKREREVHLLV26VAAgbN++3e3+SZMmCf3793fZlpKSIsybN89l2+7du4UJEyYIOp1OSExMFBYvXiy88cYbAgAhLy/P5bUXXnih2+tMmjSpyfVWVFQICxYsEOLj4wWNRiP07NlTePHFFwW73d7kupvy/fffCzNnzhSioqIEtVothIaGCuPHjxdefPFFoayszOVYi8UiPPnkk0L37t0FjUYjJCUlCYsWLRKMRmO987711ltCnz59BI1GI8TExAh33HGHUFpaWu+4N954Q0hJSRF0Op0watQoYePGjcLw4cOFCy64QD4mIyNDACAsXbrU5bUnTpwQrrvuOiE2NlbQaDRCQkKCcNFFFwnffPNNo9/zyZMnhccee0wYM2aMEB0dLajVaiEqKkq48MILhTVr1rgca7Vahfnz5wtRUVGCQqEQnH8F9vTPRRAE4eOPPxaGDh0q6HQ6ISwsTJg0aZKwatUqeb+7vyNbt24VgoKChIkTJwrV1dWNfk9ERETU+SgEwQvddomIiIh82L333ov33nsPlZWVDQ4soIbZ7XZERUVh9uzZ+OCDD7y9HCIiIqJ2wx5rREREdFarqalxeV5cXIzPPvsM48ePZ1DNA0ajsV6fsU8//RQlJSWYPHmydxZFRERE1EGYsUZERERntSFDhmDy5Mno27cv8vPz8dFHHyEnJwerV6/GxIkTvb08n7du3TosWLAAV1xxBSIiIrBr1y589NFH6Nu3L3bu3AmtVuvtJRIRERG1Gw4vICIiorPazJkz8c033+D999+HQqHAsGHD8NFHHzGo5qFu3bohKSkJb7zxBkpKShAeHo7rrrsOzz33HINqRERE1OUxY42IiIiIiIiIiKgF2GONiIiIiIiIiIioBRhYIyIiIiIiIiIiagH2WIM4Ej4nJwdBQUFQKBTeXg4REREREREREXmJIAioqKhAfHw8lMrGc9IYWAOQk5ODpKQkby+DiIiIiIiIiIh8RFZWFhITExs9hoE1AEFBQQDEH1hwcLCXV0NERERERERERN5iMBiQlJQkx4saw8AaIJd/BgcHM7BGREREREREREQetQvj8AIiIiIiIiIiIqIWYGCNiIiIiIiIiIioBRhYIyIiIiIiIiIiagEG1oiIiIiIiIiIiFqAgTUiIiIiIiIiIqIWYGCNiIiIiIiIiIioBRhYIyIiIiIiIiIiagEG1oiIiIiIiIiIiFqAgTUiIiIiIiIiIqIWYGCNiIiIiIiIiIioBRhYIyIiIiIiIiIiagEG1oiIiIiIiIiIqEW+2pGF73ad8fYyvEbt7QUQEREREREREVHnU15twYPf7AMATO4djfAArZdX1PGYsUZERERERERERM2WVVotP957psx7C/EiBtaIiIiIiIiIiKjZskpqA2u7T5d5byFexMAaERERERERERE12/pjRfLjcWkRXlyJ9zCwRkREREREREREzfbLvhwAwOLZAzE6lYE1IiIiIiIiIiKiJtnsAgxGKwDg/H4xXl6N9zCwRkREREREREREzVJpssqPA/VqL67EuxhYIyIiIiIiIiKiZpECa1qVEjq1ysur8R4G1oiIiIiIiIiIqFmqHIG1szlbDWBgjYiIiIiIiIiImqnC0V8tUMfAGhERERERERERkUdKqsz4aa84EZSBNSIiIiIiIiIiogYUVBjx56F82O0CAOCxHw5g2aZTAACVUuHFlXkfA2tERERERERERNSgma9vwM2f7sC3u84AAI7kVcj74kL03lqWT/BqYG39+vWYNWsW4uPjoVAosGLFCpf9lZWVuPvuu5GYmAg/Pz/069cP7777rssxRqMRd911FyIiIhAYGIjLL78c+fn5HfhdEBERERERERF1XUWVJgDAqkNivEXhSFLrGR2Iu6b08NayfIJXA2tVVVUYPHgwlixZ4nb/woULsXLlSnz++edIT0/Hvffei7vvvhs//vijfMyCBQvw008/4euvv8Zff/2FnJwczJ49u6O+BSIiIiIiIiKis4Lg+G+lY3DBS1cMxuCkUK+txxd4tcPcjBkzMGPGjAb3b9q0CfPmzcPkyZMBALfeeivee+89bNu2DRdffDHKy8vx0Ucf4YsvvsC5554LAFi6dCn69u2LLVu2YMyYMR3xbRARERERERERnTUqTWJgLeAsH1wA+HiPtXPOOQc//vgjsrOzIQgC1q5di6NHj+L8888HAOzcuRMWiwXTpk2TX9OnTx8kJydj8+bNDZ7XZDLBYDC4fBERERERERERnU2+23UGj/9wAB+sP4lqs7XJ4yuMFry//gQMjoy1ID0Daz79E3jzzTdx6623IjExEWq1GkqlEh988AEmTpwIAMjLy4NWq0VoaKjL62JiYpCXl9fgeRcvXownn3yyPZdOREREREREROSzyqstuP/rvXAM+kSlyYoF5/VyOSY91wBDjUV+vuVkCbacLJGfM2OtEwTWtmzZgh9//BEpKSlYv3497rrrLsTHx7tkqTXXokWLsHDhQvm5wWBAUlJSWyyZiIiIiIiIiMjn7cgskYNqALA1o9hlv8lqw9Xvb0G5U2CtLn+Nqr2W12n4bGCtpqYGDz/8ML7//ntceOGFAIBBgwZhz549eOmllzBt2jTExsbCbDajrKzMJWstPz8fsbGxDZ5bp9NBp9O197dAREREREREROSTtmWUuDyPCdZjdXo+RnUPR5Beg52nShsNqikVgFKpaO9l+jyf7bFmsVhgsVigVLouUaVSwW63AwCGDx8OjUaD1atXy/uPHDmC06dPY+zYsR26XiIiIiIiIiKizmJrncDar/tzcdMnO3DzJzsgCALWHyty+7o+sUFQKIBhyWEdsUyf59WMtcrKShw/flx+npGRgT179iA8PBzJycmYNGkSHnjgAfj5+SElJQV//fUXPv30U7zyyisAgJCQENx0001YuHAhwsPDERwcjPnz52Ps2LGcCEpERERERERE5EaVyYoD2eUAgIXn9cIrq47CYhPrQrdmlOBMaQ02nRADa7OHJWDj8SLkG0x4/9rhOL9/LIorTfDX+mwRZIfy6k9hx44dmDJlivxc6ns2b948LFu2DF9++SUWLVqEuXPnoqSkBCkpKXj22Wdx++23y6959dVXoVQqcfnll8NkMmH69Ol4++23O/x7ISIiIiIiIiLqDHafLoPVLiAh1A8DE0Lq7c8qqUZ2aQ0A4NaJqXjlyiEu+yMC2V5L4tXA2uTJkyEIQoP7Y2NjsXTp0kbPodfrsWTJEixZsqStl0dERERERERE1OUcyhWz1YYkhSI5wh8AEBGgRWKYH/aeKcfpkmqUOfqrhflrvbbOzsBne6wREREREREREVHz7Dpdiid+PIhKk7XBY47kVQIAescGIS0qEMtvHo0Vd43DwEQxe+1wXgVsjpGhIX6a9l90J8aCWCIiIiIiIiKiLmL225sAANVmK16YM9jtMccLxcBaz+hAAMC4HpEAgJggPQDI/dV0aiX0GlW7rrezY8YaEREREREREVEXs/F4cYP7iipMAIDYEL3L9sggsXfa0Xwx8Gay2ttpdV0HA2tERERERERERF1MbnmN2+2CIKC4SgysRdYZQhARwH5qzcXAGhERERERERFRF2NvYFZkldkGo0XMRIsIdA2kSRlrkn+OSW6XtXUl7LFGRERERERERNRFqJUKWBuKqgEorhSz1fw0KvhrXcNCkQG1gbVlN4zEhJ5R7bPILoSBNSIiIiIiIiKiLiIuVI+sErEM1GKzQ6MSixUFQYBCoUCho79a3Ww1AEgK98OswfEI1KkwqVcUFApFxy28k2JgjYiIiIiIiIioiwj318qBtbxyI5LC/bH413R8uysbP88fj1PF1QCA5HD/eq9VKBR485qhHbrezo6BNSIiIiIiIiKiLsK5CDS7rAZJ4f54b/1JAMCba44hSK8BAKRFBXphdV0PhxcQEREREREREXURNqf+atmlrpNBl289jZOFlQCA1KiADl1XV8XAGhERERERERFRF+E8tyC7rKbe/j8O5QMAEsPql4JS8zGwRkRERERERETURdjrZKzZG5gQGhus76gldWkMrBERERERERERdRE2wSmwVlaDKrPV7XGxIQystQUG1oiIiIiIiIiIugiXjLWyGlSaagNrOrUYBtKqlIgI0Hb42roiTgUlIiIiIiIiIuoi6masGWrEwFqYvwZ/LpyEN9ccR1pUAJRKhbeW2KUwsEZERERERERE1EXYnQJrZqsd019bDwAI0msQEajDExf399bSuiSWghIRERERERERdRF2u/vtY1LDO3YhZwlmrBERERERERERdRE2R4+1+BA9csqNAICXrxiM2cMSvLmsLosZa0REREREREREXYTUY21wUqi8bXBSKBQK9lRrD8xYIyIiIiIiIiLqIqSpoHNHp2DfmXIoFEBKhL+XV9V1MbBGRERERERERNRFSMMLooN1WLVwIpQKBTQqFiy2FwbWiIiIiIiIiIi6CKnHmlKhgL+WYZ/2xpAlEREREREREVEX4YirQaVkT7WOwMAaEREREREREVEXIWWsqTisoEMwsEZERERERERE1EVIU0GVjPh0CP6YiYiIiIiIiIi6CEGo7bFG7Y+BNSIiIiIiIiKiLkIuBWWPtQ7BwBoRERERERERURcgCII8vIAZax2DgTUiIiIiIiIioi5ACqoBzFjrKAysERERERERERF1AXahNrLGqaAdg4E1IiIiIiIiIqIuwOaUsqZgxKdD8MdMRERERERERNQFMGOt4zGwRkRERERERETUBThnrLHHWsdgYI2IiIiIiIiIqJPZdLwIK3ZnQ3DKUrPba/dzKmjH8Gpgbf369Zg1axbi4+OhUCiwYsWKesekp6fj4osvRkhICAICAjBy5EicPn1a3m80GnHXXXchIiICgYGBuPzyy5Gfn9+B3wURERERERERUcepMFpw4yfbce//9uCHPTny9o0niuTHzFjrGF4NrFVVVWHw4MFYsmSJ2/0nTpzA+PHj0adPH6xbtw779u3Do48+Cr1eLx+zYMEC/PTTT/j666/x119/IScnB7Nnz+6ob4GIiIiIiIiIqEOtP1oEo0VMT3v8x4PINxgBAHcu3yUfw7hax1B78+IzZszAjBkzGtz/n//8BzNnzsQLL7wgb0tLS5Mfl5eX46OPPsIXX3yBc889FwCwdOlS9O3bF1u2bMGYMWPab/FERERERERERF6QXVYtPy6vseDHPTm4eUJ3l2MULAXtED7bY81ut+OXX35Br169MH36dERHR2P06NEu5aI7d+6ExWLBtGnT5G19+vRBcnIyNm/e3OC5TSYTDAaDyxcRERERERERka8TBAGfbzntsq202oyCCpOXVnR289nAWkFBASorK/Hcc8/hggsuwB9//IHLLrsMs2fPxl9//QUAyMvLg1arRWhoqMtrY2JikJeX1+C5Fy9ejJCQEPkrKSmpPb8VIiIiIiIiIqI28duBPJwuqXbZVmmy4kRhpZdWdHbz2cCa3THK4pJLLsGCBQswZMgQPPTQQ7jooovw7rvvturcixYtQnl5ufyVlZXVFksmIiIiIiIiImpXuzJL5cexwWIP+kqjFScKGFjzBq/2WGtMZGQk1Go1+vXr57K9b9++2LBhAwAgNjYWZrMZZWVlLllr+fn5iI2NbfDcOp0OOp2uXdZNRERERERERNReAnS1oZzoYB3yDEZ8tzsb648VenFVZy+fzVjTarUYOXIkjhw54rL96NGjSElJAQAMHz4cGo0Gq1evlvcfOXIEp0+fxtixYzt0vURERERERERE7U3tNO7T+XFRpdkbyznreTVjrbKyEsePH5efZ2RkYM+ePQgPD0dycjIeeOABXHXVVZg4cSKmTJmClStX4qeffsK6desAACEhIbjpppuwcOFChIeHIzg4GPPnz8fYsWM5EZSIiIiIiIiIupxKk1V+PDQ5DLtOl8nPL+gfi5UH8xDqr/HCys5OXg2s7dixA1OmTJGfL1y4EAAwb948LFu2DJdddhneffddLF68GPfccw969+6Nb7/9FuPHj5df8+qrr0KpVOLyyy+HyWTC9OnT8fbbb3f490JERERERERE1N4MRgsAICXCH5N6ReGjDRkAgP7xwfi/2QPx1CX9XcpFqX0pBEEQvL0IbzMYDAgJCUF5eTmCg4O9vRwiIiIiIiIiItlLvx/BphNF+OTGUXjo2/34ZX8uHp/VD8NTwnDxWxsBAKeeu9DLq+w6mhMnYgiTiIiIiIiIiMhH2e0C3lorttEa+MQfGJIUCgAI0mswKDEUj8/qh+6RAV5c4dmNgTUiIiIiIiIiIh91uqTa5fmerDIAQN+4IADADeO6d/SSyInPTgUlIiIiIiIiIjrbpeca6m1LifBHvzi2svIFDKwREREREREREXlIEAQs+m4/rvt4GwoMxna/nrvA2owBcVAoFO1+bWoaA2tERERERERERB74ansWui/6Ff/ddhrrjxbisy2Z7X7NQ7kVAIB/jkmWt80cGNvu1yXPsMcaEREREREREZEHHvx2n8vzsmpLu19TylibOSAOZ0proFerMDAhpN2vS55hYI2IiIiIiIiIqAUsNnu7nr+8xoLsshoAQP/4ECy7YVS7Xo+aj6WgREREREREREQeCNaL+UnJ4f4AAItNaLdrGS02LFl7HACQEOqHEH9Nu12LWo6BNSIiIiIiIiKiJgiCgCqzDQAwvX8MgLbNWBMEAf/5fj/eWH0MAPDRhgy8v/4kAKBPbFCbXYfaFktBiYiIiIiIiIiaUGW2wWYXM9QiA3UAAKu97QJr6bkVWL71NABgxe5snCyqkvf1jQtus+tQ22LGGhERERGRjxMEAZtOFKGgwujVdby15hhmvbkBFcb2b9ZNRORrymvE9z6tSokgvViW2ZaloFVmq/zYOagGALOHJbTZdahtMbBGREREROTjPt2ciX98sBXXfbRNzpbwhpf+OIr92eVYtvGU19ZAROQtZdVmAECwnwYalQJA25aC1jjKTOv69o6xSI0KbLPrUNtiYI2IiIiIyIdYbHZ8viUTOzNL5G1f78wCABzOq8B3u854a2myEsfNJRHR2UTKWAvxU0OjEsMp1jbMWJPOX1dSmH+bXYPaHnusERERERH5iNIqM25Yth17ssoQGajF1oenIc9gxJG8CvmYV1YdxaVDE+SbOm+oNFqbPoiIqIsxyIE1DdRuMtZeXXUUB3PKMTQ5DDeN7w69RtWs89cNrF0zKhkju4UhOljfypVTe2JgjYiIiIjIR7y++hj2ZJUBAIoqzViy9jjeWnPcpYdPbrkRp0uqkebFsiDnPkBERGeLjKJqAECov1b+cEMKrJVWmfG6Y5rnn+kFSInwx0WD4pt1/rqBtVsnpqJ7ZEBrl03tjKWgREREREQ+YuWBPJfnr6w6CrNTNkR0kDiFzuCmXEgQBOw4VYIqU/sHvSpN7vsAERF1VeU1Fjy/8jAAIFivlnusWR19L8vqvC/nlTd/2ExZnTL7xDC/liyVOhgDa0REREREXiIIArJKqiEIAowWG/IM4o3YrMH1sxwCdWpEBIqBNXd9eH7Yk4M5727G7Lc3obKdg2uVnApKRGeZ1en58uMKoxVqpRhOMVvFDz/qfuBR2oJelHXf271Z8k+e458SEREREZGXvL/+JCa8sBZvrzsBgyNYpVAAfWKD5GPumpKGG8Z1wzOXDkCIn9jJxeCmx9myTacAAEfyK/DUTwfbdd1VzFgjorPMuiOF8uM8g7F2eIEjY61uUKykqvkfQJRV175m5b0TWrJM8gL2WCMiIiIi8pLFv4llRS/+fgRLN2YAAIL1Gpfyn35xIbhwUBwA4LcDuQDq38BVmazYn10uP/9qxxl8teMM7p3WE3dMTsPV729BdmkNBiaEYFLvKFw7JgUKhaLF6zZaGVgjorOHxWbHuiMF8vOZA+NqS0Ed5fqGOpm8pVXNz1iTyknf+sdQ9IkNbulyqYMxY42IiIiIyEt06tpfx4sqxZuwYD81JveORkKoH9RKBQYnhcjHhPhpANQvOTqYY4DNLiAuRI/LhyXK21/78xjScyuw+3QZCipMWH24AI/9cBDpuRVoDZPF3vRBRERdxPZTJXKm8OtXD8HNE7o7DS9wn7F2uqS62deR3ttD/bStWS51MAbWiIiIiIi8JNLRM81ZiJ8GIX4arFo4EesemIzEMH95X7BeDKzVvYGTevnEhujrNbs+UVAJAOgfHyyXmKbnGlq1bueBCkREXd0BR0bwhYPicMmQBOjUKqgdGWvSVFBDjRh4G5AgZpodyjXgaH7zPsSQSkGlD1Goc2BgjYiIiIjISyIC62clSA2x/bVql6AaAKREBgAA9maVwWYXUOEoPZImgQbq1Aiuc0N2olAMrA1NDsXIbuEAaktKW8pkYSkoEZ09ih0ZxXHBenlbbcaaGFg7mCMG3yb3ikbP6EAAwKmiqmZdp6xGvE6oPwNrnQkDa0REREREdQiCgBd/P4weD/+KX/a1LgjVGCm7bHBibbmnXtPwr+iTekYBAHZmluL6pdsw6tnVWJ2eLwfWArRqBOtd2yhLk0bjQ/0wsZf4+j/TC/Dr/ly8s+6EfFPYFEEQ5MfMWCOiru7zLZl4Z90JALWl+hFOWcby8AKbgG93nsEv+8X/V0ztG424UPG93d2gmYYYLTYYHWX2IQysdSoMrBERERER1fHVjiwsWXsCVruAu77YBUAMLB0vqIDdLjTxas+ZreJN1DWjkvHErH4YnBSKu6f0bPD45Ah/xIfoYbUL+PtYEWosNtz0yQ5kldYAAALcZKzllIn7wv21OK9fDAYmiEG8O5fvwvMrD+P73dkerdXm9H1LPYWIiLois9WOR1YcwPMrDyOrpBrFVSYAQERAbZaxWimWgpptdjy38jAEATgnLQJDkkLlDzjKayyw2QW89PsRrHUafuCO1F9NqQACtZwz2ZnwT4uIiIiIyIkgCHhh5RGXbYu+24f/bssCADw0ow8u6B+LmGA9/LSqVl3L7AhQaVRKXD0qGdeP697ka0Z0C8ePe3Nctu07UwYACNCpEKRz/RX/jCPoFua4IbxmVDL2f79f3n+y0LNSJWsbBhSJiHxZYaVJfvz2uhNYd6QQgGv5vpSxZrLaUVghHv/+dSOgUChcBs1sPVmMt9YeBwCsuW8SUqMC3V5Tmgga4qeBUtnyqc3U8ZixRkRERETkZNfpMhRXmV22SUE1AHjut8M49+V1uH7pNpfyyJawODLWNGrPfy0f0S2s3rYtJ0sAiBlrdQNg2Y6MtTB/8Ybw6pFJ6BcXLO/303gWHLTX+V6lbDsioq4m31FCDwD/3XZafuxaCuoa/BqQEIxAxwcbUmCtvMaC3PLac/1+ML/Ba0qDC0L9ORG0s2FgjYiIiIjIyZeOm6g5wxNxw7hubo+xC8DWjBLsySpr1bWk/mZalefZCeekRUChEEuShqe4BtkCdWoMTwlzKVeS4mHhAeKNnlKpwCc3jpL3SxNFm1I3YFdj5gADIuqaCgwmt9ud31vD/LUu0zuHJIXKj6WSfIPRIpeRAsBfRxsuBz1WUOHyWuo8GFgjIiIiInKy74w42e3CgXFYNKMvfrx7HE7830yceu5CTO0T7XLsrtNlzT6/0WLDsfwKCIJQG1hrRsZaj+ggfHbjaHxxy5h6gwrUSgUCdGpsfOhcpES4ThR1zoKICtLhsYv6AQCKKt3fQNZlq9NXzdOAHBFRZ1NYYXS73bkUVKlUuHy4MTgxVH4c7ni/3XemHDlltefacaoUlSb3Aw3+8/0BAEB6rqHF6ybvYGCNiIiIiMiJNEUzIcwPWrUSgxJDoXL0u5nWL8blWKm3mafMVjtmv70J5726HqvTC1x6rDXH+J6R6B0bhIdn9kWf2CB5e7xjEp1eo0J0UG3JklJRWwoqkW4Qiys9C5DZ6pSCPvDNXhgtbZu1llteg2FPr8Li39Kx41QJbv5kBzKLPesBR0TUHDa7gE83n8Kaw/XLM/OdMtakgS8A4F9nqMBQpyy1ocm1j6f2jUaYvwbHCyqxbNMpebvVLmDT8aJG19U9IsDD74B8BQNrREREREQORosN5Y4G0jHB+nr7Zw2Ox6hu4Yh17Mssrm7W+Q/mlOOQIxthd1apnLHW3MCapGdMEFbeOxF/LJiIB6b3xnlOgb/JvWuz6yICdXJwUCL1Aqoyu8+eqMt5KmiQXo3tp0rx7a4zLVp3Q77ecQYlVWa899dJzP/vbvyZno+5H25t02sQEdWYbbjts5147IeDuOPzXfWyyAocGWv3ndcL3SMbDnQNcgqspUbWDiWICNRh8eyBLsdKZaObThS7XY/k5SsHe/6NkE9gYI2IiIiIyOGOz3fKj+uWWQJiMOqr28fi/euGA6gdDHC6uBrVHgSoDudVyI8ziqrkAQAtDaxJesUE4a4pPaB3GkRwwYBY+bHOTampNNG02nFD9+W207j6/c0oa6DEUwqsadVKXD4sEQCQ4/j+24rzOqWG39JUUyKitrDlZDH6PrYSf6aLmWomqx1/Hy10OabAMeUzJliP1KiGA2sTe0bikQv7Yun1I+tN8rxgQBwuHRIvP587OhmA+/J7qbReq1Kif3xwvf3k2+r/tkBEREREdBbKNxix9oh4c9U7JggKRcMDBRLDxP5lhRUm7MwsxZx3NyE6SIcX5wzGxF5Rbl9jtdnx/a5s+fnJwiqn4QVt/3l3WlRt9oS74JRU0lRjtqG40oSHvtsPAPhlfy7mjk6pd7wUWFMpFAjQiUG5KlPbloKWVLFvG9HZwmYX6mXSdoSr398iP+4RHYjjBZXYmVmKGQPj5O1SKWhUsA6zBsejoMKEmQPi6p1LoVDg5gmpDV7rqUsHoKzGgl4xQXLmW4Wx/ocw0ntfWICm0f/3kG9ixhoREREREYBDObUNo5ffMrrRY8P8NfBzZIe9v/4EBEG8Ebvts50obSA49Oaa49h2qkR+nllcDZOUsaZunxupSxzZEjMHxtbb5y9nrFlxNL9S3m6ocZ95J00FVSsVclBu2aZTcnCwtUxWG3Y3MAxCyuwjoq7h+ZWH0f/xlVh7pABGiw1VDTT0b2+3TRSDYnvr9MuUhhdEB+ngp1Xh/y4biPE9I5t9/mC9BstuGIWHZ/ZFkF4sBa0wWuodJ2Ws1e2FSZ0DA2tERERERADS88TA2sWD4xEZqGv0WIVCgYQwcVDA7wdrG1/XWGw4XVK/71qF0YJ3/zoBAHjpisFQKxWosdjkLIXWloI25MU5g/H85QPx1CUD6u2TAoPVZptLplhBA9Pw5Iw1lULuzwYAz/6S3up1GowWTHlxnUvg0Zm3brqJqO2VV1vwzroTMFrs+GVfLq77eBvGP7/GKxmr0sCBA9kGWB0fElhtdhQ71hIdVL/XZktJ7QUMbjLWpCEyDKx1Tl4NrK1fvx6zZs1CfHw8FAoFVqxY0eCxt99+OxQKBV577TWX7SUlJZg7dy6Cg4MRGhqKm266CZWVle5PQkRERETUgMO5Yv+zPnFBTRwpSnBM4AQAhaL2eYmbHmUbjhXBZLUjNSoAlw9LQHK4v8v+9igFBcR+aFeNTHYbKJQy1kxWu0vPH6m3UF2upaC1gbX/bjvdqjXuzCzBoCf+QE65scGysLqNxYmo88osqZ30++v+XGzLKEFptQV/Hyts5FUNqzRZW5Q5+9Ql/ZEaGYhAnRo1Fht2ZpaivNqCokozBAFQKRWICGi7QFewX8MZa/mOadSxIW0XyKOO49XAWlVVFQYPHowlS5Y0etz333+PLVu2ID4+vt6+uXPn4uDBg1i1ahV+/vlnrF+/Hrfeemt7LZmIiIiIuqgjjsECfWI9DKyF1QbWBiWGyg2u65aC5huM+GxLJgCgV7TYu61/QojLMe2VsdYYqZwTcB1CkNvAQAKrXbxxVSkVCNDWDkkwtbJM8xmnjLebx3fH/ifOr3eMu55ERNQ5OWf1VjtNwzyaX4Gj+RXyZGZPZBRVYehTf2CRo0dkU+xO041nDoyDUqnApN5iX8yr3t+CwU/9gbfWHgMARAXq6g0kaI0gR8aau/ezPEdgLTq48Wxp8k1eDazNmDEDzzzzDC677LIGj8nOzsb8+fOxfPlyaDQal33p6elYuXIlPvzwQ4wePRrjx4/Hm2++iS+//BI5OTntvXwiIiIi6iJMVhtOFIpVD31iPZvI5pyxNr5HhFzCU1pde1O47kgBpr+2HptOFAMAQhwZC2NSw13Opdd0/K/leo0SUo9s5+EG6bkVckmUM0dcTeyxpmu7GWj+TkG6HtGBCNJrkOgIWob6iz+vKg8mrhJR53CyUMxYC9Cq5GATAPy0Nxfnv7oeF735t8fn+mFPNiw2Ad/sPAOjpelhKjVOxwQ4Plz4v8sGukzi/HyLmIXb1kEuqcdatdlW7z1WzlgLZsZaZ+TTPdbsdjuuvfZaPPDAA+jfv3+9/Zs3b0ZoaChGjBghb5s2bRqUSiW2bt3a4HlNJhMMBoPLFxERERF1LfvOlOGe/+5GZnFVk8eeKKiC1S4gWK9GnIelOIlOGWu9Y4MR7igZkjLWNp8oxg3LtqPMKdAW7CfeyI1NjZC3KRS1AbeOpFAo5D5rZ0prM0hqLDYcL6zfWkXKWFMqFS5ZH4A4AKGlwgNqb16laau/zJ+ArQ9PlX/GlcxYI/J5RosNyzZmuAyCcWdbhthL8cEL+mDt/ZNx+6Q0ALWZbFkl7rNm3dFragPzWzNcezQezjNg0Xf7kFde2zdSCtIrFLUfaIT4afDZTaPRIzrQ5fX94jz7kMVTwXq1XO5+y6c75JJQi80u/8wYWOucfDqw9vzzz0OtVuOee+5xuz8vLw/R0dEu29RqNcLDw5GXl9fgeRcvXoyQkBD5KykpqU3XTURERETeVWmyYu4HW/Hj3hws/Gpvk8cfyRdvavrEBkOh8Kz0xzljLSXcX85Yk3qsrT9WCEGAS0ZGsCNjoXtkgLxNEODxNdualC12vMA1kLY3q6zesTanqaB+TllmAFBU0fKm435O2Xq9HWW4If4axATr5SEJBjc9iYjId7z251H0eXQlnvjpEO7/uuH33L+OFmLjiSIAwLgekYgM1GFa3+gGj29KkVNPyJuWbUe3h37BEz8eBABc/f4W/HdbFu5cvlM+psZRehqgVbu874YHaLFqwUSX7OHpA+pPU24NtUopv4+uPVKIb3aeAQAs23gKp4qrEeavwTlpzZ88St7ns4G1nTt34vXXX8eyZcva/BeNRYsWoby8XP7Kyspq0/MTERERkXct/jUdFY6G9zszSyEIrhlWVpsdZqsdWSXV+HV/Lg5kOwJrHg4uAIB458BahD/CAsSgmZSxVuwYCDC+R+2NktS82luBtLqkYGCV42ZzdHexRHXvmfJ6x8rDC5QKjO4ejnljU+R9hZXuJ4l6Qrr2P8cky1l/kghHNps3pgUSkWcKDEa89ucx+fmhXAMKDPXfE8qqzVjwvz0QBOAfo5PlDLGYFmRp1ZhtqDBaUOg0eMXqeI9atumU43piQH7X6TL5mCqT+H7jX+fDAUB8XzZaaks0x7VDkEvt1LPtcG4Fcspq8OqfRwEAi2b0RYh/x2cvU+v5bGDt77//RkFBAZKTk6FWq6FWq5GZmYn77rsP3bp1AwDExsaioKDA5XVWqxUlJSWIjW04uqzT6RAcHOzyRURERERdw/4z5Vi+1XVSpXODbKPFhive24xej/yGCS+sxZ3Ld+GjDRkAPO+vBgBxIXpcNzYFt05MRai/tjZjTQ6sif+VglWA2MtNsuyGkQCA/8zs25xvr02lRLhOJ53hyNDYm1UmB9IkzoE1hUKBJy8ZgHPSxJLWuhlvzVHlCIAOSgytty8yUPyZOk8tJSLv2ZtVhl/357p8WJHtZuDJUkdwy9nOzFKUVJmRGOaHxy7qJ2+PCtJBq25eaOLSJRsx8YW1cgnlE7P6uex31ycSgDwYIaCJPpGBOnWz1+SJt+cOkx8fzjPg8y2ZqDbbMDwlDHOGJ7b59ahj+Gxg7dprr8W+ffuwZ88e+Ss+Ph4PPPAAfv/9dwDA2LFjUVZWhp07a1M716xZA7vdjtGjR3tr6URERETkRfuyywAAE3pGQue4MXLOeHrut8PY7ZTB4Ky3hxNBATG74alLBuBhR2BM7rHmKAUtclwzIaw2eOXcT2xy72jsf+J83DS+u8fXbGspEbUlqWH+GkztGwMAOJhjwMzX/3a5ObXKgbXaWwipB9GhHEODN7JNkQJrgW5udKOCxJ9XYQUDa0TediSvArPf2YQ7l+/C144yxhOFlbjs7U0AgGHJoXKA61h+Rb3XS4NdUqMCXXqj6TUqvP2PYZjUS5zOqVE1ntFbZbLiSH4FSqstOFZQCYVCLNuc4VS62dBk0T8OiS2j6n6oIHny4v4I1qvx+c3tE084v38s/lw4CQBwNL9S7v92Xr+YNp1ASh2r7cb5tEBlZSWOHz8uP8/IyMCePXsQHh6O5ORkREREuByv0WgQGxuL3r17AwD69u2LCy64ALfccgveffddWCwW3H333bj66qsRHx/fod8LEREREfkGqZQnzF+L8AAtcsuNKK02IyncH2dKq/H5lkz52GcuHYCPN2TgZJE44KA5gbW6ajPWxBs6qRQ0IlCLL24ZjQ3HinDJENffUaUpcd4yKDEEABAdpMPrVw91GchwJL8C644UYlo/Mdhmtoo/V63TTW//BDGw9snmTCzfehofzhuByb2b1y+p0lGa5S6DhIE1It/x97FCOXP16Z8PYVhyKGa+vkHeHxuiR6jjfdC5pFJS5vjQIcxNueO0fjHoGROISS+ug1bVeP5PQZ33g6tHJiMuxA8vXTEYvx0QA2el1RYE6tSoNLkOPpEGJ1wx3H2f9XnndMO8c7o1ev3W6hbhD61aiRqLDQdyxLL7YC//v4Bax6uBtR07dmDKlCny84ULFwIA5s2bh2XLlnl0juXLl+Puu+/G1KlToVQqcfnll+ONN95oj+USERERUSdgtIiBGj+NCmH+YmBNylj7YP1JWO0CzkmLwBe3jAEA/HEoXw6sucua8pSUsVZSZcLxgkqcKa2BQgEkhfkjKkjnk02pZw2KR1K4P3rHBLkNbB3Jr5ADa9LPMMypD1r/+BD5sdUu4Lf9ec0KrOUbjMh2TCRtLGMt38DAGpE3CYKAZ35Jl59XGK2Y9sp6l2MSQv3k5v/S+7AzKZs3tIEpyGpHQM1Spwy9rg3Hi+THT1/SH/8cI/Z7DNCpkRzuj9Ml1SirNiM2RC+XqZfXiIE26Xn/eO+1g1KrlOgVE4gD2QYczRfXI02Mps7Jq396kydPrtdItjGnTp2qty08PBxffPFFG66KiIiIiDozaeqbn1YlB7uKK83YcKwInzqy1e6e0kM+/pEL++LijGLMG9utVdeVhhfYBWDaK38BAMamRsjBIV+kVCowLDnMZdszlw7AIysOAAAMTuVUxY7AWoRTOWuq03RTQAzE1VVUaUJZtRk9ol2zAS02O25Yuh0GoxXdIwMwIKH+jW6io4w2q6QagiD4zNAHorPNQUcvMwC4//xeeOmPo/LzCwfFISJAi1smpMrHGa3uAmvi+4mU1VaXxlEK2VRZ+aOO9ycAuLbO+3aYvwanS8TBBX5O5aaHcw2ICdbDZLVDp1YiKdx9KWhH6R0TLA/NAZix1tkxLEpEREREXYqUKaHTKBEfKk6bO5JfgbfWHocgAFN6R2FsWm3LkV4xQTj45AVobXsbnbr+lDlp6l1nMnd0MnZmluL73dkwGJ0Ca06lrRJ1nZKtE4X1hxhMfGEtqs02bHzoXCQ4TVLdd6YMh3INCNKp8ckNo9z+/JIdN78VJitKqy31poYSUccodupTecfkHiiuMmPpxlMAgJevGCz3TDvueA+oWwpqtNjwhWOojLtSUKD2/cQuAHa70GTPscGJIfW2hTiCdmU1Frl8HQDScw1y37W0qECovNzPrE+dtgPBDWTxUefgs8MLiIiIiIhaosapFLSbI6Pq/fUnkVFUhfAALV67emi9zCdp0mVbcw4kdRYKhUK+YTXU1PYnKpEz1lyDW85ZIRVGq8s00cW/pssTWQ9ml7u8rsBR3tkrNgjJDTQS12tUiAkWM+ROFVe16PshotardvQqG9ktDCqlAvPP7Ym4ED0uHRJfbxABUL8UdN+Z2n//A90ExABA7dS/0WJ3n7Vmd3p/efaygfX2BzlKyiuNFpcpzIdyDTjmKAPtFeP9DzzqZswF65nz1JkxsEZEREREXYqUKaHXqNDdaeqlUgG8PXcYQjowMyCsk2ZYSdkTzhlreQZxel3drLGPrh8h38wCYvmoyWrD0o0ZeG/9SXm7rU7fpEJHBlxkYOM/o56OElJ3UwaJqGNIQwD8teK/9fAALTYvmorXrh7qcpxeLQXWXANjm08UAxAb9w9PCXd7DbVTFlnd9wt5HebaYL+7jOAgR4Cqwmitk7FWgaOO95CeMS0fUtNW6r6PMmOtc2NgjYiIiIi6FOfhBRN7RWF8j0ic3y8GX946FmNSI5p4detc62iiDQCRgTpM7h3VrtdrL1K/H6nHmtVmx96sMgBAvzpNv89Ji8S+J86Hv1a8oS6vseDttSfw5E+HXI4rqTa7PC9yTPZrqgedVDKVnsvAGlFHs9rsWHu4QJ7E2dSAF2l4gckpY+2bnWfw6p9iT7bGhpuolbXhCYvNfWBNek/SqZUumXISObBmssLkFFjbn12OH/bkABDL/73NuRw2UKdGeAN956hzYL4hEREREXUpzqWgATo1Pr95dIdd+9GL+mH2sAQMSgyFUoFO22w/xF/KWBOzQw7mGFBltiFYr0af2PpDBhQKBUL8NKg221BeY0GGY8rqVSOScKygArtOl6G0yjWwVlgpPo8MbCKwFide73CeodHjiKjtvfbnMby19rj8XAqgN0QuBXWUYf51tBD3f71X3j+xV8PTkTVOpaANDTCQ+qQ1lOEVqBO3181Yc+YLpaDO2cw9YwKb7CdHvo0Za0RERETUpTgPL+hoWrUSQ5PD2q1nW0eR+qjlG4wQBAFbM8QyrlHdwxts+i2V2JbXWFBcJWa3jEkLx6juYpZgcZUZS9YexxXvbsKerDKccgTf4pvoQydlrB3Oq4AguM9iISLP2OwCNhwrkoeRNMU5qAYAAU1mrImBNYtNgM0u4Oe9YpbYpUPicfjpC3Bun5gGX6tQKOT3F6ubUtB1Rwow680NANBgSX9tKahFzlhzHnKQFhWApDDvTgQFgFCn9Sd7eUIptR4z1oiIiIioS3HOWKOWSQzzh1IBVJttKKgwYVtGCQAxsNYQuXzUaEFxpTToQIfoIDHD5NudZ+QMuEuXbJT7sg1McN/IXNIjWpzgV1ZtQb7BhNgQfeu+OaKz2Ntrj+PlVUehVSlx+6RULDy/d7Ne72kpKCB+yLHrdCkA4JKhCW5LN+tSKRWw2YV6gbVqsxUPfLMP0ua6Q1QkUmDNYLTC7Mh6e+mKwfhm5xmc3z8Ww1PCmlxDR3CeqDy6e/u2KKD2x4w1IiIiIupSahxTKD25iSP3tGqlPLXuREGlHFhr7AYwIUzMPNuWUYJiR9lneIAWI7uJwTgpqCapMFmhVirQ000Dcmd6jQqpjumu6SwHJWqV/247DQAw2+x4e92JetM7m+Kva6IUVF2732ixocgRZE/0cEKyRspYq1MK+sbq4yisMCEh1A83j++Oh2b0cft6KbC2/mihvC02RI9FM/v6TFBNIrUOmDM80dtLoVZiYI2IiIiIOrXM4iqc/+pf+GpHFmrMNpwsFEsME8M8u5Ej97o5Jqo+9fMhGIxWBGhV6B9fv7+aZPawBABiZlphhTTxU4f+8cEujbqdhfhpXDI3GiL1WUvPZWCNqKUsNjtyysXpvkqFWG55MKccACAIgssUYOn4uoL0jU+vVCoVch+273dnyz3R6k7BbIj0fuA8vMBis+PjDRkAgP9c2BePXNQPQ5PdB8m6RQbU2+ar2cs3je+OV64cAq2aYZnOjn+CRERERNSpfbwhA0fzK/HgN/uw5nABzDY74kL06O7mBos8J/38DueJ0zi7RwU0GgQblxaJ7pEBqHJkDKqVCkQEaqFUKnBOD/cNy6XskqYMcpSLrjtS2MSRRNQQqURbpVRgfE9xYvGx/ErY7AJuXLYdQ578AzszS7A3qww3LtuOnZml9c4xppFycMnNE1IBAM/8kg4AUCiAUA+nXkoDDKz22qBevsEIs80OrUqJC/rHNvr63jFBiHMqF790SLxHwXui1uDfMCIiIiLq1Aoqaptw3/XFLgDAuB6RnXp4gC+oG5j8x6iURo9XKhWYOzpZfp4c7g+N44Z2QgOBtYYm+9V10eA4AGKZaZXJCoPRgqUbM1BQYfTo9UQEFDkGFoQHaBEdJE7jfeKng0h7+FesPVIIuwAs25SJS5ZsxJrDBbju420ur0+NCkCPJkq3AeDeqT1xbp9o+Xmon6bBoSd1qZXie4bVKWMtp0z8dx4Xqm9yeqZCocDk3rXXntav4WEJRG2FgTUiIiIi6tSO5lfU2zauB5tBt1bdwNqVI5ruA+TcKyjJadLdOKfAmnPT8eAmysokcSF+8rCD3HIjHltxAE/+dAgL/rfHo9cTUW1gLTJQJ5dmGi2u5Z4/OaZ4AoDZ6rrvvH4xHn1goVQq8MKcQfJzdxM+G+JuKmhueQ0AuGSiNWZK7yj5cVSgzuNrE7UUA2tERERE1GkZLTZkFIk91ZwzKcaluc+QIs85B9Z0aqVH5VSh/lq8cuVgJIX74aqRSfL2pHB/dIsQA21j0mqDnp6WggJitgog3mSv2CPe/G88Xuzx64nOdlIpaGSg1qXn2cCEEMQGNx20Oq+v59lfkYE6RDmy4gYnhnr8OrkU1NHfzWKzY+nGUwCA1Kims+UA10B+jAffF1FrMbBGRERERJ1OUaUJi39LxzpH+VJ4gBbLbhiJ2GA9pvSOQjRvplot3mmKn8lav4l5Q2YPS8TfD56LmQPjXLZfMSIJWrUS/xhVWy5a6FTG25TYEHE9T/98yOPXEFGtascE0ACtGuFOPc/G9YjEwvN7NfraB6b3bvZUzdeuGoKrRybh9auHePyausML3l57AnuyyhCsV+OuKT08OkeATo2P5o3Ac7MHuh1mQNTWPP+IiIiIiIjIRzz07X78mZ4vPx/ZLQyJYf7Y8O8pbFTdRjztieSpu6b0wC0TUl0m4EU2o0yrV3Qg1h8txNH8SpftgiCwnx6RB6TSTo1aiTCnjLXIQC0CdbWhgSC9GhVGq/z8okFxHge1nI3rEemSPeYJtbJ2eIHNLuDTzacAAE9e0h8JoZ5Pep7ajOw6otbibx1ERERE1KlYbXaXoJpWrcSiGX0BgEE1HycF1f56YDKuGJ6Ih2f29fi190zr6XZ7hcnqdjtRZ1ZaZZbLIduKxXE+rUqJ3jFB8nadWonJvaMwrkcEHprRB1/eOsbldc0JaLWWNPDEahOQnmtAcZUZQTo1LhoU32FrIGou/uZBRERERJ3Ki38ccXm+aEYflvu0k+ZklDVHSkQAXrxiMJIj/Js+2CFYr3FbUmY029pwZUTedyy/AkOfXiVPOW4rUsaaVq1AcoS/nB02OCkU/lo1lt88BrdPSkNSuD/8NCr5dfEdGFjTa8QQRY3FhrxycRpo96gAOeBG5Iv4t5OIiIiIOo0/D+Xjvb9OAgDenjsMmx46FzeM6+7lVXVdt01MBQCMb2Y5V3uZ3j8Wof6uk0RrLAysUdfyyqqjAIDfD+Y3cWTzOGesAcCGf5+LL28dg0F1hgsE6zV485qh8vOO/ODCTyuWpFabbSiuEnswOk8SJvJF7LFGRERERJ3GRxsyAADXn9OtXnN8ans3ju+OnjGBGJrcvKbl7UWvUWH20ER8vDFD3lbNjDXqYnafLmuX89ZmrImBtdgQPWJD3A96mdYvBivuGoedmaUdGlj3d2TK1ZitMDj6vEW0U+YsUVthYI2IiIiIfJbRYkNRpQmJYWLJYH6FWBo0vX+sN5d11lApFZjcO9rby3Bxx+Q0FFQY8fO+XADMWKOuxWqzI89gbJdzS9N9PS2rHJIUiiFJoe2ylob4a8XAWrXZhpIqMwBmrJHvYykoEREREfmsBf/bg/HPr8X9X+/F9lMlKK4Ub7QiA3mjdbaKCtLhrX8MQ6+YQABADTPWqAtZfbhAfqxtg75igiDIj+VSULXvhgH8nAJrxZWOUlC+35OPY8YaEREREfmUgznleHTFAUztG4PfDuQBAL7ZeQbf7DwjHxPODIazntSLiYE16owqjBb8b3sWpvaNQXdHDzNBELBk7XH5GLPNDkEQoFAomn3+7adK8MLKw9ibVY5FM/vghnHd65WC+iIpY63GYkNGcTUAICHU8yEnRN7gu/+iiIiIiOiss+lEES58YwN2nS7Di7/XTv+c2CvK5bhQfwbWznZ+jumB1SwFpU6mrNqMc1/+C8/8ko7nfkuXt288Xox9Z8pdjjXb7DBabHjo2334anuWx9d46fcj2H6qFGabHWscWXB1hxf4IilgXmAwYm9WGQDI2alEvooZa0RERETkdTllNbj5kx04lGtw2d47Jghf3zEWgVo1Uh/+Vd6uUjY/g4O6Fn/HDbiRGWvUySz+9TAKK8Qyx/VHi/Dj3hy8v/4EDmSL73+XDonHij05AACjxY5f9uXiy+1Z+HJ7FsamRSApvOkMrjOlNfLjIkcJvbkTlIJKGWvS969VKTt0KilRS/juvygiIiIiOmu8s+5EvaBaz+hAfHrTKATrNVAykEZ1+GmkXkxWL6+EqHkO51fIj2ssNtzz391yUA0A+sQFQ6r+3HKyGA9/v1/e9/rqY02e32YXkO80AEHqVWa2iv3WPB1e4A1SYE1y2dAEn14vEcCMNSIiIiLyATszSwEAL8wZhCtHJAFAvd5CN4zrhqUbT+HxWf28skbyLXKTc5aCUidTVm2uty053B+nS6SeYn7Qq1Wosdhw22c7XY77btcZ3D4pDT2iGy6PLKo0wWqvHVpQUGHC7wfzajPWfDhQJQXMAUCtVOCRi/p6cTVEnvHdf1FEREREdFYorDDhcJ6YrTGhZ6S8vW7D7gen98G3d4zF9ed068jlkY+KDdYDAI7mVTRxJJFvKamqH1i7fFii/Dg+1A96Tf1b9b5xwbALwCebTjV6fqnM1HnIy22f7YTZKgahfbkUNCpIJz8enhKGIL3Gi6sh8ozv/osiIiIiorPCygO5sAvA4KRQxIX4NXicn1aF4SnhLZqQR13PuB5iEHbD8SLYnbJziHyZxWZHhbF++XK/+GAAQJi/Bn3jgqBTq+odc+O4bgCAjKKqRq9RZRLPH+qvQaCutkjN5JgK6sullf3jQ+THo7qHe3ElRJ7z3X9RRERERHRWOOLoNzQuLcLLK6HOZFhKKPy1KhRVmpGeZ2j6BUQ+oKzaAgCo+/nA1D7R+OymUfhz4ST4a9XIc+qRBgDvzB2GhDDxg4cNx4tgMFoavEa1Y6CHv1aF7f+ZJm8vdWTK6Xw8Yy3ET8xSm94/1surIfJMi3qs2Ww2LFu2DKtXr0ZBQQHsdrvL/jVr1rTJ4oiIiIio65OyL7pz8hs1g06twpjUCKw5XIANx4pcMl06o7o9BalrKq4SyzRD/TQora4NjimVCkzoGVXv+P7xwfh5/ngoFAqXTLVF3+3Hkn8Mk5/XmG3ILqtBj+hAp8CaGn5aFbRqJcxWO7LLxEmhvpyxBgA/3T0eRVUmDEjo3P+m6ezRon9R//rXv/Cvf/0LNpsNAwYMwODBg12+iIiIiIg8cbq4GvuyygEAqVENN+MmcmeioyffX0cLAQBmqx33f70XP+zJ9uaymm3ryWIMfXoVpr68zm1je+o6chzBrcbK3gHgvvN6IS0qAB9cN0IOuMaF6OX9v+zLxa7TpfLzG5dtx7RX/sK2jBJUOSblShM2g/ViPo3FJkClVKBbpH/bfUPtIDnCH8OSw7y9DCKPtShj7csvv8RXX32FmTNntvV6iIiIiKiTOJRjwNojBbh1YmqLMiCMFhtu/GQ7KkxWDEoMweBEZidQ85zbJwZP/HQIW04WI6/ciL+PFeKbnWfwzc4zuGRIgreX55Hdp0txw7LtqDbbUFZtwaYTxZg5MM7by6J2kl0qBtYSwvxwKLfhEub5U3ti/tSeLtv0GhWeuXQAHllxAABw66c7sWrBRIQFaLH5ZDEA4JudWegXJ/ZrC9CKt/tBeg2KKsWA7YwBsUgM8+3AGlFn06KMNa1Wix49erT1WoiIiIioE7nq/c148fcjeGXVUY+OFwQBP+7NwZ6sMgDAe3+dxPGCSoT5a/DBdSOg9vHyJPI9yRH+6BUTCLsApOcaXJrCC4LvDzSw2Oy493975NI9QPw+qOs648hYSwj1w7OXDQAA3FMngNaYf45JwcEnpyMp3A9FlSb8diAPxwtqJ+OG+WtRbantsQYAQfrafJppfWNa/T0QkasW/fZy33334fXXX+8U/7MiIiIiovYhBTG+2Hrao+N/P5iHe/67G5cu2Yir3tuMV/8UA3J944IRE6xv4tVE7gXrxUbnRosNAbraSYrO/at81YZjRcgsrkZ4gBYPTO8NANh4vMjLq6L2lFEo9klLDvfH3NEp2PTQuVgwzfPAGgAE6NToEytmpT38/X5Me2W9vO+99SflqaBSYK3SVBtwntirfh83ImodjwNrs2fPlr82btyI5cuXIy0tDbNmzXLZN3v2bI8vvn79esyaNQvx8fFQKBRYsWKFvM9iseDf//43Bg4ciICAAMTHx+O6665DTk6OyzlKSkowd+5cBAcHIzQ0FDfddBMqKys9XgMRERERtU55jQWnnJpqN+TbXbV9r7ZmlMiPtT48oY58n58jeFBjscFsrR2qll9nqqIvkv4dTO8fgyuGJ0KtVGDX6TK5Dxd1PdIE2z5xQQCA+FC/Fg2tCHVMznTnt/15AAB/nZipdrKw9v05PEDb7GsRUeM8/i0mJCTE5euyyy7DpEmTEBkZWW+fp6qqqjB48GAsWbKk3r7q6mrs2rULjz76KHbt2oXvvvsOR44cwcUXX+xy3Ny5c3Hw4EGsWrUKP//8M9avX49bb73V4zUQERERUcskh9f26Tn/tfX4ducZ/G/7adjt9asabHYBWxw9gAAgMay2cbfRYqt3PJGn9BoxsGa02FFpqv27VFBh8taSPFJjtuHdv04AAGKC9YgO1iPJ8W8qq6Tam0ujdlJlsiKrRAya9nVknLVUqH/DgbWTjg86AhxB54sHxwMA5gxPbNU1icg9j4cXLF26tM0vPmPGDMyYMcPtvpCQEKxatcpl21tvvYVRo0bh9OnTSE5ORnp6OlauXInt27djxIgRAIA333wTM2fOxEsvvYT4+Pg2XzMRERERiaTsIK1KCbPVjvu+3gsAyC034t5pvVyOlfpfBerUWHnvBEQF6dD7kZUAxIAIUUtJgbXnVx7GtWNS5O0Vxo4pBbXa7HhzzXEMSwnDpGaU2d339R75caAjsyguRI+MoirklDNjrSsqqhSDvX4aFcJamTmmU6uaPMbfMbzgyYv7Y2rfaFzIoRhE7aJT5d2Xl5dDoVAgNDQUALB582aEhobKQTUAmDZtGpRKJbZu3drgeUwmEwwGg8sXERERETWP0SpmB103NsVl+4d/Z9Q7VspWG9ktDIlh/tCpVTi3TzQA4IZx3dp3odSl+WnEW5ryGgv+OJQnb690GmTQnr7ddQavrz6GeR9vcylFbcqv+2vXKjWXjw8VMzlzyny/jJWar7hKnMzZFuWYZTVm+fHBJ6fj6DMz8NPd412OCQvQOP6rxSVDEjgghqideJyx5mzo0KFu68AVCgX0ej169OiB66+/HlOmTGn1AiVGoxH//ve/cc011yA4WEybzcvLQ3R0tMtxarUa4eHhyMvLc3caAMDixYvx5JNPttnaiIiIiM5GJkemWXKEv8v2SpMVVSYrAnS1v2pKvaRGp0bI25b8YxiOF1RiQELrSqLo7Obco+9ofm2vZeeG7Z6w2OzYfboMg5NCPMoGkqw/WjtsYN2RApzfP7bR4w1GC95dd8JlW6BODIBIJdKZxU33LKTOp6RSDIZFBLY+sNYtIkB+LL3X9okLgl6jlLOAQ/3ZT42oI7QoZH3BBRfg5MmTCAgIwJQpUzBlyhQEBgbixIkTGDlyJHJzczFt2jT88MMPbbJIi8WCK6+8EoIg4J133mn1+RYtWoTy8nL5Kysrqw1WSURERHT2EARBzlhLCvevt3/90UL5sd0uYJsjsDbGKbDmp1VhYGJIixp3E0mstvo9/YDmB9ZeXXUUV763Ga+uOtbgMaeKqnD+q39h4Vd75G3FVbW93L7fne3mVa6e/Tkdb9cNrDky1npEBwJwDRBS11HShhlr/xyTgrumpOHbO86Rt2lUSgxODJWfhzGwRtQhWpSxVlRUhPvuuw+PPvqoy/ZnnnkGmZmZ+OOPP/D444/j6aefxiWXXNKqBUpBtczMTKxZs0bOVgOA2NhYFBQUuBxvtVpRUlKC2NiGPynS6XTQ6XStWhcRERHR2cxss0NwxDNS3ATWVh8uwAxHP5/DeRUor7EgQKvCgHhmp1HbMjVQftncUlAp2PXuXydw84TuiAx0vV/INxhx4Rt/o8psw9H8Sjw3exC0aqVLAG91egHKaywIaWRiY1Zp/cEEUo+13jHipMhj+RUQBIFB5y6krNqMQ7liC6K2CKzpNSo8ML1Pve3DUsLkDOHGJocSUdtpUcbaV199hWuuuabe9quvvhpfffUVAOCaa67BkSNHWrU4Kah27Ngx/Pnnn4iIiHDZP3bsWJSVlWHnzp3ytjVr1sBut2P06NGtujYRERERNcx54EBCmB/umdoTt0zojn9fIN7o5ZTVNl//+5iYvTaiWzh7/FCba6ivWZVZDHjtzSpDgaF5Pcuu/WhbvW3f7cpGlbl26ugZR4CswimAZ7bZsSuztNFzl1XXH6qgUooBtG6RAdCoFKgy25BdxgEGXcXJwkoMeWoVlm06BQAY1S283a41MCFEfsyMNaKO0aLfbPR6PTZt2lRv+6ZNm6DX6wEAdrtdftyQyspK7NmzB3v27AEAZGRkYM+ePTh9+jQsFgvmzJmDHTt2YPny5bDZbMjLy0NeXh7MZjGFtm/fvrjgggtwyy23YNu2bdi4cSPuvvtuXH311ZwISkRERNSOTBYxwKBQiFNBF57XC/+5sB/6xokZN87Bg/9tF9tuTG+i9xRRS5isNrfbK4xWZBRV4ZIlGzHq/1bDbndfMppTVoMx/7faZVt6bv3hZuU1rgGxzGIxsCZlxvWLE7Mx92SVNbpeqXT0x7vHydtig8X7Jo1KidRIsRz0nXUn8PTPh2C1cWpuZ3c0v0J+/K+pPXHVyKR2u9aIbmHyY2koBhG1rxb9S5s/fz5uv/127Ny5EyNHjgQAbN++HR9++CEefvhhAMDvv/+OIUOGNHqeHTt2uAw4WLhwIQBg3rx5eOKJJ/Djjz8CQL3zrF27FpMnTwYALF++HHfffTemTp0KpVKJyy+/HG+88UZLvi0iIiIi8pBUfqdXq1zK1aRm2VIQorzagpNFYiP2aX2jQdT23JdLGoxWHMmrDWg88sMBPDi9d72G7g98sxd5HmS0GS2uATzpNRWOUtCR3cJwKNeAjKKGBw9YbXbkG8TAWkSgDj/dPR4GowWxIbUJCb1ig3AkvwLLt54GAHSPDMA/x6S4PR91DjWOvzsRAVosOK9Xu14rOkiPH+8eB61aCaWSpcREHaFFgbVHHnkE3bt3x1tvvYXPPvsMANC7d2988MEH+Mc//gEAuP3223HHHXc0ep7JkydDENx/cgSg0X2S8PBwfPHFF81YPRERERG11uLf0gHU3jBKwvzFnj5l1WKFway3Nsj72qKvEFFdD83og92nSzGlTzS+2XlG3r7ndKmcQQkAX2w9jSqTFa9fPdTl9dJgjbrsdsElMFE3sFZttsFktcmlqNIQj7qZbZJvdp7BUz8dlJ9HBGiREOpX77hejgEGkgPZ5W7PR51HjVn8OzIsJayJI9vGIKcBBkTU/lqcGzp37lzMnTu3wf1+fvX/J0FEREREnd+v+3Px6/48AEC3CNfBBaF+YvCsymxDpcmK0yW1jdrZX43aQ4/oQOx4ZBoUCgWuP6cb/LUqzH5nE8qqLXjvr5Mux/6wJ8clsFZebYHFaaro3NHJcqaYyWqHn1Yl76sXWDNZXQYkJIaJ9z9SYO1EYSVyymowoWcUAOCl34/AYLRCqQAuHhwPvUYFd3rFBrk8d9eTjToX6QMIvwb+zImoc2PRNRERERF55Fh+BbZklODlP8QBVb1jgrBk7jCXY4L0aigUgCAA455b441l0llIKkce4Gjcfm6faHy3K7vecVq1a3B3z5kyl+fje0TKgbVqs9UlsCYFR/QaJYwWO6rMNhgcgTV/rUpuFG9wBNamvvwXAODn+ePRLy4YhZViCejf/z7XbaaapH+dybnS66jzqjHX/j0hoq7H48BaeHg4jh49isjISISFhTU6+rmkxH06NRERERF1TqvT8/GvL/eg0tFPSqtW4qf54+sFKpRKBcL9tSiuMjdYEkfU3s7rG+MSWBucGIK9Z8phttphtNjkbLHdp8UJngmhfrhhXDdcMCAWOrUSJqu9XpmzNAk3IkCH7LIaVJutKHEMIggP0CLEUQZdXmNxGaiw5WQx4kP9YHMMT4gO0jW69sQwfygVgDRrIcsp65M6p9qgLANrRF2Rx4G1V199FUFBQfLjxgJrRERERNR1fLntNB76br/Ltl4xgfWCapKYYD2Kq8Qea/ed1wvpeQZcMyq53ddJJJnYK8rluVatlDPNCgwmJDtKmHefLgMA3DYpFdeN7QZAzCoyWe2oMbsG1uQG9IFaZJfVoNJkRXGl+Pc8MlCHED9Hf8EaC7JLa+TXFVSYUFghBuBC/TXQeFAS/fXtY3HVe1tgtQsoqDC5BAOp85F6rDFjjahr8jiwNm/ePBgMBphMJsyePbs910REREREPqCs2oxAnRqbTxbX29cjKtDNK0RxIXocyjUAAAYlhWL+1J7ttkYidwJ0avy5cBKmvSKWY2pUSkQF6ZBVUoPCSiOSI/xhtwvYk1UGABiaVNtU3k+jQiks9TLWTE6THQGg2mSTA8iRgVq5v6DNLuD+r/fKr8ssrkK+Y4JoZGDj2WqS4SnhOPrMDAx84ndUmW3ILqtBWiP/5si31VjETF/2WCPqmprVQTY0NBRhYWFNfhERERFR57b1ZDHGLF6Ni97cgP1nxKmE7/5zGCb0jESgTo27z204WBYTopcfRwZyEih5R4/oQLxw+SAkhPrhsVn9EOUIaknZYxnFVSivsUCnVqKP0/RQqa9atdl9KWh4gHieKrMVxY7+ZxEBOug1Smgd2Wi7HJlwgJix9vO+HAD1h300RqlUIDFMPJ7loJ2blP3ox4w1oi6pWcML1q5dKz8WBAEzZ87Ehx9+iISEhDZfGBERERF5z0cbMmC02HE4r0LelhwegA/njYDRYpfL3tzpHhEgP47yMEOHqD1cOTIJV45MAgBEBbkG1qQy0EGJIS7lmVLwwzljrcZsw5F88d9ChCNYXG22yeeKCNRCoVBArVJAiseN7h6OrRklKDCYYHc0TJs1OL5Z608K98OR/ApkOZWWUucjTwVlYI2oS2pWYG3SpEkuz1UqFcaMGYPU1NQ2XRQREREReVdGUZXL89hgPVKjAqBTq6BTN35zeNmwBDy38jCiAnUID2DGGvkGKbCWb5ACa+LggqHJrhU3/hrxFsm5x9p760/Ij6VS0EqjFUfzKwEA3SPFYLJzltsLcwZh0ovrUFhhQqBO7Xht8wLNUsbaGWasdWo1jmxHloISdU3NCqwRERERUdcnCAJOO27kP7huBGx2Oyb0jPK4eXpkoA6bHjoXCgWg9qBRO1FH6B4p9iiTMs+kjLWhSaEux4UFiNmYBY6+aABwKMcgP04I8wMAlFSbkec4pl98cL3rxQSLJdFmmx255WLGWUMDPxqSFO4oBS2tH1gTBAEmq51DDTqBCqM4ITlAx9tvoq6I/7KJiIiIyEVuuREmqx0qpQKTe0d5NMWwLimoQOQr+juCX3uyymAwWnDUEWAbkBDiclw3RynzqeLaYJY0fKBPbBBGpIQDqC0p1agU6BkdhLr0GhVSIwNwsqgKBqPYvF7X3MCaI4h3pk4pqNFiwy2f7sCOU6VYtXCinNlGvqm8WgyshTZSQk9EnVerP0JUKBRtsQ4iIiIi8hH/254FQAwitCSoRuSLBiaEIMxfg8IKEy5dshFWR9+zsDrlysmOAQOrDuXjuo+3YfOJYnnK7fvXjpAz2iRpUYENZqINS3EtM9VpmvfvSQqYHc6rgMkqlpkKgoC7v9iNv48VocZiw4FsQ2OnIB9QXiMG1kL8GVgj6oqalbE2e/Zsl+dGoxG33347AgICXLZ/9913rV8ZEREREXU4i82O11cfAwAMS+a0d+o6AnRqfHbTaMz9cCtOFtb2EPSvU0opZaxll9Ugu6wG648WAgCig3RICveDQqFAkF6NCkcWmnMZ6IwBsfjtQB7mDE8EAIxICcM3O8/I+7XNDFRLQT6z1Y7ej6zEgmm9cOGgWPyZni8fI5UZkm8SBEEOrIX6seckUVfUrMBaSIhrmvQ///nPNl0MEREREXnXKaehBbdO5IAq6loGJIRgYEIINhwvAgAEaFVQKl0rcFIi3JdVjugWJlfrRAbqagNrcbWBtRfmDMKFg+Jwbp9o+TXOdM3shxaoUyMyUIuiSjMA4NU/j8Jmt7scI5WZkm+qMtvk7MjGpikTUefVrMDa0qVL22sdREREROQDpCmHg5NC5cbpRF2J3qkcM1Bf/3YoLsQPGpUCFpvgsn24o7caAMQE6+TJuc4Za0F6DS4aFC8/T40MRIifRs5Yam7GGgC8PXc4rnxvs/z8jTXHXfYzY823yX/2aqXL3z0i6jr4L5uIiIiIZFJD917RgV5eCVH7cM4aczelUaVUuA0qj3TKPgvzry3pc85Yq0upVGBAQu3+5vZYA4BR3cNx4v9m4rx+MW73G2qYsebLSqvEbMMQPw37kxN1UQysEREREZHsWIEjsBZTf8ohUVegV9cG1gLdBNYAIKVOYM1Po0JfpwBapak2mBXq33jfrPAAnfy4uVNBJSqlAhcPjnfZJpVqM2OtYxQYjPIHD9JzaaBEY4oqxemxkYG6Jo4kos6KgTUiIiIikkmloD1jmLFGXZNzOV6AtoHAWoTrcLYhSaEuE3KvHpkMQMwma/J6TsG0lpSCSib0jJQfRwfpkOwI/hkYWOsQN36yHTNf/xsHssux/0w5Ri9ejUe+P+ByjN0u4EheBWz22jJiqT9eZCAHFxB1VQysEREREREAcfKgNLyAGWvUVembKAUFgG51BhiMrBNAmzkwFl/dNhYfXDeiyev5aWuv15pSQOfMuIIKE4Ic/eHO1lLQ9UcLsTo9H3a7IJdbtqfjBZWw2gUsWXscb687DkEAvt55BoJQG0T7ZPMpTH9tPV7+4whyy2sA1GasRTFjjajLYmCNiIiIiAAAGUVVsNoFBOnUiAvRe3s5RO3COWMtyM3wAgAYmlzbT+3cPtG4aXx3l/0KhQKjuod7NOXRObDWWteNTQEAXDMqCcGOa1eYzr6MNZtdwHUfb8NNn+zAzDf+xtCnV+FgTnm7Xc9ktcFoEaexrjyYhzOlNfK+nHKj/PjJnw4BAN5edwJjF6/B7tOlKKxwlIIGMbBG1FUxsEZEREREAGoHF/SICWSTbeqynHushQe4L88bkBAiP35xziCPAmgN8dO0XWDt8Vn98d61w/HwzL4IPosz1sxWu/z4cJ74vvX5lsx2u57zz1gQgP3ZtUG8fVll8uPEMD+X11329ibsPyMeGxPMDyuIuioG1oiIiIg6qaySasz9cAvWHilok/NJgbXeLAOlLsy5FLShwJpKqcDa+ydjxV3jENHKEr4gfcuDcnWplApM7x+LIL0GwY7zno3DC9wNDWiLDwPyyo14968T9frWSc/dXWKvI3BWbba6ZLJJtp0qAQCM6xHR6vURkW9iYI2IiIiok7rri13YeLwYNyzd3ibnkwJrPRlYoy7MuRQ0ooHAGgB0jwzAkKTQVl/vyhGJSI0KwI3jujd9cDNIATuD0erS5+tsYHLKWJOo2iCw9txv6Xjut8OY9/E2l+3lNWJgLT7Er95r3v3rBA5kl2POO5trt/1zmMsxCaF+/MCCqAtjYI2IiIioEzJabNh3prYcaf+ZhvsLlVV71tg7s7gaAJAaGdDEkUSdl86DjLW2FKTXYM19k/HYrH5tet5gP7EU1GYXUGOpn8HVlZndBdaUrQ+s/XYgDwCw+3QZLLbaaxgcgbUQPw3unJwGpQK4d1pPef9Fb27AoVyD/HxYShiuHpkkP5/WN5rl9URdmPtunURERETkk1an56PabING5XqT9s+PtmLrw1NdytxsdgFP/HgQnzl6Dy2a0QeDk0KRbzDikiEJ9c5d6gjARXJ6HXVhzv9Gojtx3yvn3m27MsswvmekF1fTsdyVgirbIHAVGahDdplYznk0vwL948Vee1kl4ocOof4a3H9+b9w2MQ0BOhVe+/OYy+vvmpKG7pGBiA7SI9ZpAMzUvjGtXhsR+S4G1oiIiIh8nMVmx7+/3YdQPy0+3pgBABiQEAxAnFi4+UQxymss2Hi8yOUG7umfD8lBNQBY/Nth+XFUoA7n9Ki9ERcEASVVYmAtPLD9s3iIvGVoUiiignQYkxqBwYkhTb/ARzlnQC3blHFWBdakCZ3OVK2sxbLa7Mgz1E74fGfdCbx5zVAoFAp8vzsbADC5dxSUSgVC/MUy3BfmDMKD3+wTj587DDMGxsmvH+T4uzUwIQRjUtlfjagrYykoERERkY/742A+vtuVLQfVAOBAtlh29O8L+uCKEYkAgD/T8+X9OzNLsWzTqQbP+fvBPJfnlSYrLDaxT1O4PwNr1HUlhftj28NT5aBJZzbeERx313OsuTrTEASzrf73a7W3rs9ceY0FNsc5FArg5325+GLbadjtAtJzxf6TdTPPzkmrDZhN6+e679w+MVh3/2R8d+c50Kp5203UlfFfOBEREZGPs9rd3zSnRgagd2yQfLP3321ZmPTiWqw5nI/L39nU6DnzDSaX56VV4k21n0YFP63K3UuIuozOHlCT3DxBHIhQVOlZH8WGvLn6GAY+8QdWOwXnfZnJTcaasZV95iqMVgBAgFaF+87rBQD4eW8uThVXocZig1atREq4v8trEsP8seQfw/D5TaOhcZMy1y0ywO12Iupa+K+ciIiIyMcFO6b/AUBSuB8SQv2gUirwylVDAABjUsOhc2REZBZX48ZlO5o8Z36F0eV5UZUYaAvz17g7nIh8UFSQ2A+xsMLUxJH1CYIgDzZ5edVRAMB/vj/QdotrR+56rNWY2yawFqhXY0hSGACgoMKIx388CAAYnBgCtZsg2YWD4s6qMlwiqo+BNSIiIiIfZ3MqceoVHYSND52LE/83E0OSQgEAOrUKaVGBbl8bHeR+EEFumRFWmx0/7MlGTlkNMgqrAACJdTIyiMh3RTkGjRRVmnDXF7tQXOk+wGa3C7DXKZV86Nv9GPLUKuw7UyZvC+0kgXVpKmi/uGB5W2sno0qlsEF6jTwt9kRhFf4+VgQ/jQrPXDqwVecnoq6LgTUiIiIiH+fcT6ihzIjFs+vf9N09pQe+vHWM2+PzK4x47MeD+NeXe/DoigM4ki/2EOobG9QGKyaijhAeoJWzTH/Zl4vZ72yCILgG0ExWG85/bT2u+WCLy/b/7cgCACxZe1zeFuzXOQJrUk+5ED8NXr5iMACgxk15qKfScw1yT8ogvRoRdQa43DIxFb353khEDWBgjYiIiMjHWZwCa9eOSXF7zOCkUOx69Dw54+TtucNw//TeSI0KxIMX9EZCqJ/L8YIAfLH1NABg9eEC7DhVAgDo65QBQkS+Ta1S4rs7x+FKxwCTzOJqbDxe7HLM1pMlOF5Qia0ZJW7LJf86Wig/Du1kgTWtWgl/R0/IapO1xedb+NVe/HFI7C8XpNcgrM4Al8Q6759ERM4YWCMiIiLycVLZ0+TeUW57/EjCA7T4361j8dVtYzFzYJy8/c7JPbDxoXOx/oEpLlPsnO06XQYAmNQ7qu0WTkTtrntkAG6dmCY/l7JPJS/8flh+XFxVv1TU6JTp1ZqMtVWH8rHdEaBvb9J7ok6tRJCjB6XUI625BEFAeq5Bfl5SZYJWrZTLQQEgLICTkomoYQysEREREfk4qRRU68F0ud6xQRjVPdztvuQIf3xxyxjcOjHV7f7rz+mGuBBmZhB1Nj2iAzHZERR3HmRgtdlxMKc2aFTsmB5abXYfhKrbh81TmcVVuOXTHbji3c0tPkdzSMMLdBoVgvRqALU90pqr7uCHQYmhAIDZQxPkbRzqQkSNUXt7AURERETUOIsjO0OjbpvPROef2wMDE0IwolsYVEoF3l57ApN6R2FK7+g2OT8RdbzxPSKx7kghcspq5G3lNRY4t1wrqRIDa0UVZrfnkEosm+twXm2W3H9W7Mc1o5LlAFVbstjsKKkyy4MKdGqlnGVnaGHGWlZpNQBAr1HitolpmDNcLKud2jcGH27IAMCMNSJqnFcz1tavX49Zs2YhPj4eCoUCK1ascNkvCAIee+wxxMXFwc/PD9OmTcOxY8dcjikpKcHcuXMRHByM0NBQ3HTTTaisrOzA74KIiIiofVls4p2xJxlrngjSazBrcDziQvwQHaTHExf3Z1CNqJOLd/QByymrwbojBbj2o6044JStBgCFlSYUVBhx62c73J5DygRrrhOFtfdf/92WhWd+SW/ReRpysrAS//xwK+a8uxmj/281vtlxBgAQEaCVM9YqTVaXCcqeKq0SM916xwRhwXm9kOSYjNwjunbSct2ea0REzrwaWKuqqsLgwYOxZMkSt/tfeOEFvPHGG3j33XexdetWBAQEYPr06TAajfIxc+fOxcGDB7Fq1Sr8/PPPWL9+PW699daO+haIiIiI2l1zSkGJ6OzkHFi7ful2/H2sCI+s2O9yzN/HivDeXydxOK8CwXo1UiL8EeavwVUjkgC0PGMtr9zo8nxbRtv2Wnt51VFsOF6EvVllAICTRVUAgMhAnRxYA4DKFmStVTuy3/wcQxAkUUE63Dk5DbdOTHXpt0ZEVJdXS0FnzJiBGTNmuN0nCAJee+01PPLII7jkkksAAJ9++iliYmKwYsUKXH311UhPT8fKlSuxfft2jBgxAgDw5ptvYubMmXjppZcQHx/fYd8LERERUXsxy6WgCi+vhIh8VXyoHgCQ4xTkyioRy0JVSgVsdgErD+TK2VfPXjYQswaL90u/7MvF/3ZkNRpYEwQBH23IwNDkUAxPce3j6G7aqNFig16jqre9uex2ARuPF7ndFxGohU6tgk6thMlqh8FoQUgz+6HVOPrN+Wvr3xo/eEGf5i+YiM46PvuxZ0ZGBvLy8jBt2jR5W0hICEaPHo3NmzcDADZv3ozQ0FA5qAYA06ZNg1KpxNatWxs8t8lkgsFgcPkiIiIi8lUWR8aahhlrRNSAyABdg/vG9YjEsORQWGwCChzN+kc7DTnROfo3NhZY23i8GM/8ko7L39kMq831OKnn2WMX9UOAI/PrTGkNrDZ7vWy25jqQU46yaveDCSICxe+5ts9a8wcYSEFBvzYIAhLR2clnfzvLy8sDAMTExLhsj4mJkffl5eUhOtq1H4harUZ4eLh8jDuLFy9GSEiI/JWUlNTGqyciIiJqO1JgTdtGwwuIqOtRKhUYmxoBtVIhB7ckCaF+uH5cd5dt0cF6+bH03mKyNNxjrbS6duDBqkP5LvuMjtf5a1WIcZy3uNKEWz/biTGLV2P7qZaXhv6ZXtDgvihHYK12MmjblYISEXnqrPztbNGiRSgvL5e/srKyvL0kIiIiogZJpaDssUZEjVl240jsfOQ8vHvtcHlbn9gg3DO1B2YNisPVI8WEgjsnp7m8TspYM9sazlhzLvf8v9/SsfVkMZasPY5dp0vljDU/rUrOHiuvsWDNYTEo9rFjumZLNFQGCgC9Y4MAAMF6R8ZaTcsz1vwZWCOiFvJqj7XGxMbGAgDy8/MRFxcnb8/Pz8eQIUPkYwoKXD/BsFqtKCkpkV/vjk6ng07XcKo0ERERkS8xO6aCshSUiBoj9htTYXBSKFKjAtA3Lhgvzhkk9w977vJBWHBeL0TUacavc5RBmiwNB9acyyyzSmpw1ftb6h2j16gQ6uhxVuYU5KppJBOuKc6ZcpI5wxMxa3A8VEqx72SrMtbMzFgjotbx2d/OunfvjtjYWKxevVreZjAYsHXrVowdOxYAMHbsWJSVlWHnzp3yMWvWrIHdbsfo0aM7fM1ERERE7YGloETUHMF6DdbcNxlL/jGsXlP+mGA91HWC9LU91hoOgBkcQasJPSPROybI7TF+GhVC/Opnj1W7GW7gKaOb1750xWBM6hUlP29Nj7Vq9lgjolby6m9nlZWV2LNnD/bs2QNAHFiwZ88enD59GgqFAvfeey+eeeYZ/Pjjj9i/fz+uu+46xMfH49JLLwUA9O3bFxdccAFuueUWbNu2DRs3bsTdd9+Nq6++mhNBiYiIqMuQp4IyY42I2kGgTgy+VZoazviSAmWDEkNw4/hubo/x06oQ6ghyOQ8cMLYiY82TbLdgp4y1/247jSvf3YwyN5lu7jj3hyMiagmv/na2Y8cODB06FEOHDgUALFy4EEOHDsVjjz0GAHjwwQcxf/583HrrrRg5ciQqKyuxcuVK6PW1jTaXL1+OPn36YOrUqZg5cybGjx+P999/3yvfDxEREVF7qDaLN7t6DQNrRNT2pFJKo8UuZ8g6W7oxA8s2nXIcq0FCqL+8z7lfm3PGWnkbZaxJr40PEe8Bz+0TXe8YqcdaUaUJi77bj22nSvDNzjMenl98f/XT+myXJCLycV5995g8eTIEQWhwv0KhwFNPPYWnnnqqwWPCw8PxxRdftMfyiIiIiDrcqaIq2AQBaVGB8rbsMiMAID7Ez1vLIqIuTMpYA4DfD+bhokG11T+VJiue+vmQ/DzUT4PRqeEYmxqBbpH+GJ4SJu8Te6yJ/duKKk3y9poWBtbsdgEmR8buh/NGYsPxQlw5IqnecVJg0HnQgc3e8H2mMylw589SUCJqIYbliYiIiHyE1WbH5JfWAQCuGJ6IMakRuHx4InLKagAACWEMrBFR23PuuXb3F7tRUmXGdWO7AQBKq8yQciEuGRKPGQPjoFEp8d9bxwAAjhdUyq/Va5RIDhez2TKLq+XtLS0FNTr1fOsW6Y9+8Wluj0uOCAAAnCiskrcVV7kvBS2vtuBQrgE9YwIRGahDieO4sABNi9ZIRMTAGhEREZGPyC03yo+/3nkGX+88g6Rwf7mkKi5E39BLiYjazGM/HESInwaXDEmQ339ignV4/eqh9Y5NCq8N+Afq1OgWKQbWjhfWBtxaWgrqnOmmVzecUTa1TzT8NCqXfmyFFSa3xz747V78fjAfAPDtHefIgbXwAF2L1khExEYdRERERD4iq6S63raf9uYAAMIDtAjSM6OCiDrG5hPFAGqHEIT6ad0ep1OrsPSGkXh77jCE+muRGOYPhaJ26AogDiBorAVQQ6RAmU6thFKpaPC4AJ0a5/WLcdmWbzDWO85osclBNUDsHSdltkUEuP/+iIiawsAaERERkY84U1pTb9tnWzIBAH3jgjp6OUR0FpOyzMpqxMBTiH/Dgf0pvaMxc2AcALHPmrt+kEZL/aEITZFKSP08mNh56dB4l+c7M0vrTTndmVnq8jyjqEoOAIYzsEZELcTAGhEREZGPKKgQMywCdWrcNinVZV/f2GBvLImIzhITe0UBACb3Fv8rZYvVZqx5njGbEuFfb1tptfueZ42pMYtBLz8PBgtM6BmF/vG175Mmqx1/Hsp3OWb9sUIAtWX1Jx092XRqJfw9CN4REbnDwBoRERGRj5AyROYMT0RUoGu/nz5xDKwRUft5/9rh+PWeCbhkiJj5JfU3k3qshTQrsBZQb1tLAmvVZjHjzJPAmkalxPd3jsPKeydg/rk9AAA/78t1OWbDMXFq6MWDHd+jI3gYFaSDQtFwqSkRUWMYWCMiIiLyEdJNnr9WhatGJrnsYykoEbUnvUaFfvHB8NOI8+2koJb03wCd53Pv5gxPrLdNynxrjiP5FQCA+FDPJiJr1Ur0iQ3GRYPEwNn6o4VyYNBgtOBgjgEAcOGgOJfXuStdJSLyFANrRERERD5CyhDx16oQpNdgVLdweV+P6EBvLYuIziJSSWSNoyeaXI7ZjFLJ4SlheHvuMGhUtVlgLclY23JSHKAwunt4E0e66h0bhJ7RgTDb7FjlKAc9XSwOh4kM1NZ7P40L5cRlImo5BtaIiIiIfIRUCqp3lD0VVZrkfTo1+/8QUfuTAmg1jkw1KZPWk3JMZzMHxmHLoqmY4ujZVtqMjLWnfjqEiS+slYNi43tGNuvaADC9fyyA2umm2WXicJiEUD/4aVTQa2pvhT3NiCMicoeBNSIiIqIWOJZfgbWHC9r0nLWloGLJlTRlrx/7qxFRB5ECaNL7kbGFgTUAiAjUITpIzAYrq/IsY+2HPdn4eGMGTpdUw2ITkBYVgMGJoc2+9sDEEADAoVyx/DPbMXU5IcwPCoUCC6b1QvfIAEQG6nBev5hmn5+ISOJ5oTwRERERAQCsNjvOe3U9AOC7O8/BsOSwNjmvcykoANw1pQeSI/wxpXd0m5yfiKgpUsaalEErvS/pWzg1MzRAHHrgacbaO+tOAABGdQvHAxf0Rq+YICiVzR8sMCBBDKyl5xqwN6sMWaViKWhimDix9LZJabhtUlqzz0tEVBcz1oiIiIiaaZOjtAgArnh3M7o99Aue+PFgq88rT8Bz3MD6aVW4ckQSooJ0jb2MiKjNSIF9KVOtpaWgkjB/LQBgf3YZzFZ7vf2VJiue+fkQ9p8pBwAUVYqZbY/N6oeR3cKbNY3UWUKoH8b3EEtI1xwuwNKNpwAAqZH1J5YSEbUGA2tEREREDoIgIN9gbPK4H/fmyI9tdgEAsGzTqVZfX8oQaekNLBFRa0nvPxabAIvN3urA2oSekVArFdh+qhT//GirnAEnWbYxAx9uyMCstzbAZLXB4JjiGerfsoCas6HJoQCA99eflLelcRAMEbUxBtaIiIiIHN5acxyj/281ftiT3ehxB7LFzIrHLuqH5HB/ebvdEWTzRJXJisziKpdtRotrKSgRUUdznv5ZY7HV9ljTtuzWsX98CD6cNwIAsC2jBJe9vdFl/+8H8+XHD36zD2abmNXW0kw1Z9HBYn83KTgIAH1ig1p9XiIiZwysERERETm8vOooAOClP44AEDPYnOWVG/Hi74dxOK8CgDip7ps7xsr7DUbPp97d9cUuTH5pHX7dnytfq8LoWgpKRNTRtColVI6eZvvPlGOfo0RT34pM2slOfSIP51UgxzGhs6zajIM55fK+H/bUZgMH6lrfDjy6Thn94tkDEaRvfcCOiMgZA2tERER01hMEAd/sPCM/7xYRgN8P5qH/479j+dZMefuLvx/BkrUn5OcxwXpEB+nlG8A7l+/C/P/urpe5ZrcLOJhTjnJHiZPNLmDdkUIIgviak4WVOFlUheIqM7QqJbpFsAcQEXmHQqGQyz6f/vmQvF2aVtwWznluDVYeyMX6Y0VoKNFXoWj+wIK6EkL95Me9Y4Jw8eD4Vp+TiKguTgUlIiKis97/tmfhoe/2y88rTVbc9tlOAMATPx7E3NEpsNrs+HbXGZfXBevFX6VC/DSoNFnloQZ3TUlDn9hg+bhnf03HRxsycF6/GHxw3QhkFLmWgL619jj6Oo4fnRqOgDbI1CAiaik/rQqVJqvLsIG6GbzNNbl3FNYdKZSf3/75rladzxP944Nx33m9EB6oxRXDk6BVM6+EiNoef2sjIiKis55zthoA7D5dJj+22ASsPVIAvdq1DGp093A5o0JZ517tcG6FHFirNlvx0YYMAMCqQ2IvoVN1Amvf7cpGcngpAGBa35jWfTNERK0kZaw5D3Nx/rCgJV67agiGPLXK7b7IQK08DRQArhqR1KprSRQKBeZP7dkm5yIiaghD9kREREQNkG4ub1i6Hdd8sAUAcOWIRPz94BS5GTcAXDE8CWH+Gug14q9W9/5vD3acKgFQG0yTlFaZUVBhAiBOy5OcLqkGAJzbJxpERN4kDVCpckzw/Oq2sa3u/Rjqr8UH143AhQPj8MF1I1z2Ofdg+2jeCDx3+cBWXYuIqCMxsEZERERnPan3mbOkcD+8ec3QettvnpCKpHB/lwbY90ztiV2PnoeXrxgib1vhmCzq3IwbAC5/dxMe/l4sO00M83eZfKfXKJHkNGWUiMgbnAcVBGhVGJoc2ibnPa9fDJbMHYZxPSIQ5Rgs8MUto6FR1d6Wjk2LaJP+akREHYWBNSIiIjrrGa1iVsYXt4xGtwh/hAdo8fzsQZjWLwa/3DPe5die0YFuz6FQKDBzYCxeu2oIAGDt4ULszCzBmsMFAGqz004W1paBxgTrXDI3RnWPaLPviYiopfydstPGpEa4BL7a5vxqrPzXBOx69DyckxaJOcMT0D0yAK9fPaRNhyQQEXUEvmsRERHRWc9oERt0h/ppsfb+ybALgEopZkz0jw/BV7eNxbyPt2Hu6ORGMykUCgWm9o1GVJAO2WU1uPydzQCAAQnBeP/aEfh4Ywayy2rwxdbTAMSpoqO6h+Pdfw7D0o2nsHg2y5+IyPv8nDLWxjuVrLeliECd/Hh4SjjW3j+5Xa5DRNTeGFgjIiIin7PyQB5OFVfhtompHVISZHT0EdJrlFAoFFDVueSo7uHY8/h50Kmb7jEUpNdg6fUjcdGbG+Rtd0/pAT+tCndN6QGLzY5qkxUGoxXn9RMHFVwwIA4XDIhru2+IiKgVLPbaCaDje7RPYI2IqKtgYI2IiIh8zu2f7wQADEwIwbgOuKmTSkEba87tSVBNMiAhBJ/fNBoPfbcPt01KcwmaaVRKvHZ1/d5tRES+IiHUT37co4HydyIiEjGwRkRERD5FEGozJfadKW/3wJrNLsBiE6+pb0bwrCnje0Ziw7/PbbPzERF1lOvP6QaFArhxXDcOEiAiagIDa0RERORTqh1lmQCQW17T7tczWmqv5zwJj4jobNU7Ngj/dxl7PhIReYJTQYmIiMinVBit8mNDjaXdr1fjFFjTqfmrERERERF5jhlrRERE5FMMxtpgmnOQrT3sO1OGnDIjAECrVkKpZMkTEREREXmOgTUiIiLyKRVOgTXnIFtbM1ltuPitjfJzP5aBEhEREVEzsd6BiIiIfIrBpRS0/TLW6mbD6TX8tYiIiIiImocZa0REROQTskqqoVDU6bHWjhlrNU5DEgDAahMaOJKIiIiIyD0G1oiIiMjrzFY7Ln5rA0qrLZjQM1Le3p491qrrBNYSw/za7VpERERE1DUxsEZEREReV1RpQmm1mJ3297EieXulyQqrzQ61qu3KNHdmlsBktbtMAL1jchouGRLfZtcgIiIiorMDA2tERETkdSVVZpfnwXq13Gstv8KEhNC2ySbLLK7Cle9tgc1eW/bZMzoQ/76gT5ucn4iIiIjOLj7dpddms+HRRx9F9+7d4efnh7S0NDz99NMQhNpfhgVBwGOPPYa4uDj4+flh2rRpOHbsmBdXTURERM1VVGkCAHSPDMCOR6Zh16PnoU9sEADgUI6hza6z63SpS1ANAPy1nAZKRERERC3j04G1559/Hu+88w7eeustpKen4/nnn8cLL7yAN998Uz7mhRdewBtvvIF3330XW7duRUBAAKZPnw6j0ejFlRMREVFzZBZXAwASQv0QGaiDWqXEgIQQAMCB7PI2u853u7LrbfNjYI2IiIiIWsinA2ubNm3CJZdcggsvvBDdunXDnDlzcP7552Pbtm0AxGy11157DY888gguueQSDBo0CJ9++ilycnKwYsUK7y6eiIiIPFJaZcbjPx4EAIT6a+TtA+KDAQAHc9omsFZcaZL7t43qFi5v99eyMwYRERERtYxPB9bOOeccrF69GkePHgUA7N27Fxs2bMCMGTMAABkZGcjLy8O0adPk14SEhGD06NHYvHlzg+c1mUwwGAwuX0RERNTxBEHAg9/uk5+PTo2QH9dmrLXN/6fzDWK5aUSAFrOcBhUwY42IiIiIWsqnP6J96KGHYDAY0KdPH6hUKthsNjz77LOYO3cuACAvLw8AEBMT4/K6mJgYeZ87ixcvxpNPPtl+CyciIjoLVZmsUCoUzQpU/X2sCKsO5UOrUmL5LaMx0imTrG9cMBQKIM9gRGGFCVFBumatx2YXcP1SMcv95SsGY++ZMgBAVJAO0U7n8tcwsEZERERELePTGWtfffUVli9fji+++AK7du3CJ598gpdeegmffPJJq867aNEilJeXy19ZWVlttGIiIqKzizRQqMJowdSX/8Lsdza5DBlqyo97cwAAV45MdAmqAUCATo3UyAAAwMhn/8T3u880a22niqvw97Ei/H2sCKP+bzUWfbcfAGCx2REZqJWPC/HTNHQKIiIiIqJG+XRg7YEHHsBDDz2Eq6++GgMHDsS1116LBQsWYPHixQCA2NhYAEB+fr7L6/Lz8+V97uh0OgQHB7t8ERERUfN8sP4k+j32Ow5kl2PTiWLkGYxIzzXIwbKmmK12/H5QzDCfNSje7TFSOSgALPjfXhRUeD6c6GRhldvtJqsdEQG1GWsJYX4en5OIiIiIyJlPB9aqq6uhVLouUaVSwW63AwC6d++O2NhYrF69Wt5vMBiwdetWjB07tkPXSkREdDax2Ox49td01FhsWLbpFHacKpH33f/1Xo/OseF4ISqMVkQH6TCiTraapH+864df57+6Hl/vyILN3nRW3InCSvmxQgHMHpqA7pEBePaygYh0KgUND9C6ezkRERERUZN8usfarFmz8OyzzyI5ORn9+/fH7t278corr+DGG28EACgUCtx777145pln0LNnT3Tv3h2PPvoo4uPjcemll3p38URERF3YhuNF8uPwAC02nyiWn3sQ8wIArDlcAACYOTAOKqXC7THDksPkx2qlAmXVFjzwzT74aVW4qIEsN8lJR2Dtjslp+MeoZCSF+8v7nMtVowKb17uNiIiIiEji04G1N998E48++ijuvPNOFBQUID4+Hrfddhsee+wx+ZgHH3wQVVVVuPXWW1FWVobx48dj5cqV0Ov1Xlw5ERFR17Zid7b8OLusBgdzyuXnNrsAs9UOrbrxxPiskhoAQL+4hlsyDE8Jw2tXDUGfuCAEaNWY8MJaAEBmcXWTa5RKQfvEBrkE1QDxw7lHLuyLE4VVGOM0iZSIiIiIqDkUQnM6DHdRBoMBISEhKC8vZ781IiKiJlhsdgx+8g9Um20u25PC/XCmtAaCACgVQI/oQNwxOQ2XDU10OW7X6VIczDHg882ZOJJfgU9vHIWJvaI8uvazvxzCB39n4JYJ3fGfC/s1euywp1ehpMqMn+ePd+nVRkRERETUmObEiXw6Y42IiMiXfL0jC1/tyMIN47rjtwN5WHUoDxf0j8UrVw6BsoFSxq7oSF5FvaAaAIxLi8Sv+3NhMFphF4Cj+ZVY8L+9mDEgDnqNSj5u9tubXF4XG+J5lnmov9gPrbTa0uhxZdVmlFSZAQDdHZNFiYiIiIjamk8PLyAiIvIVFpsdD3yzD9tPleLO5bvw094cGC12rNiTg+1OjfvPBl/vyHK7fUxqBAxGa73tZ0qrYbXZse9MGapM9fc3J7AW5gislVWbGz3uhKMMNDZYjwAdP0ckIiIiovbBwBoREZEHjuVXujzvGR2ImGCx6f3O06XeWJJXrD1cgE82ZwIA5o5Odtk3oWek2wmbmcXV+GRzJi5+ayP6P/67vF2nVuL6c7ohWK/x+Pph/uKxZU1krEmDC9Kima1GRERERO2HH+ESEREB+G7XGWw/VYLHLuoPP62q3v51Rwvkx0tvGImxqRH4bHMmnv01HQeyy+sd3xXZ7QIe/eGA/Hxcj0g8Pqs/3l9/ApN6RSMiUIcl/xiGVYfysfD8Xvj3N/vwy/5crD1SgN2ny1zONSAhGF/dNhb+2ub9KiIF7g7nVcBgtLgE5QoqjLDYBCSE+uFkkZixlhoZ2MLvloiIiIioaQysERHRWa/abMXCr/YCAFYdysfmRVOhUSkhCAKOFVQiJliPD//OAAC8OGcQpvSOBgD0iBGDNicKqryz8A62fNtpnCkVJ3kGaFWY0DMSWrUSd5/bUz5mbFoExqaJUzavGpmEX/bn4vMtp13OkxYVgGU3jGp2UA0ABieFIiHUD9llNVh1MB+XDxcHI9SYbZj15gZUm234+8EpcsZaahQz1oiIiIio/TCwRkREZ7V9Z8pwnyOoBgBFlWbsO1OG4SnheGvNcby86ihUSgVsdgHdIvxx2dAE+dgeUWJgLaOoClabHWpV1+2wkFVSjcW/pgMAHruoH24c373J10zsFYVrRiXjv9vEwJpOrcSmh85FgE7tMsygOfQaFWYMiMWHGzKwJ6tMDqz9vC8H+QYTAGDIU6vk41OjmLFGRERERO2n694BEBERNaHabMW8j7fhWEElIgN18vZ9Z8qRWVyFl1cdBQDY7AIA4F/TeroEzxJC/aBTK2G22eVMrs7GbLXjq+1ZyClzXf/xggos/GoPftmXCwD4ZNMpVJttGNUtHNef083j8//nwr6QBqaOSY1ARKCuxUE1ydDkMADA7iyxt11JlRkPfLPP7bG9Y4JadS0iIiIiosYwsEZERGetjKIqlFZbEOKnwaoFE3HvNLGk8Zd9uZj04jqXY1MjA3DpkASXbUqlQs6IOl7gOtygs/jP9/vx4Lf78ORPB122v7LqKL7blY27vtgFQRDkwOFFg+OglCJlHgjUqfHXA1Mwb2wK7j+/d5useWhyKADgQLYBl7+zCUvWHpf3XTIk3mWAgjRggoiIiIioPbAUlIiIzlqni6sBiH24wgK0GJwYCgDYkVl/yueYtAgoFPUDSj2iA5Gea8CJwkpMQ0y7rretCYKAr3eeAQD8fjAfWSXVWPC/PTi3bzSOOk1BLa22IL/CCACIDmp+oCop3P//27vv8KjKtI/j35n0nkBIgQQSeu9FOixNWVFAxYagr6CsBZVVLLvqoi72gq6g2NZeQXEtICAgTXonQAKEJEAKhBTSkznvH5McCJ2QMJPk97kuL2fOOXPmOeHOlDv3cz9Mu7Zt5QwaCA/wxGIBw4ANB46xofTfa8qQ5kwe1Iw9Kdlc/dYKRndqcMZ/MxERERGRyqLEmoiI1FrxpYm1hnW8AWgfEVBuf5C3Gx/c3o0Plu/nb/2bnPEcTUqb41enirWiEhvLdqdRUGwrt/2uTzcQczjrtMTiwWN5pJb2Lwvx97xs4zwbi8WCh6uV/KIT429U15t7BzYFoHmoH+v/ORjvS5xyKiIiIiJyPkqsiYhIrZOZW8RX6xJ4cf4uANrU9wegrm/5aqxvJ/WiaYgvnW8NOuu5mobYp4J+uyGJF69rf1HTJC8Xm83gxQW7eHfZPp4e0Zq1+9P5dXvyacfFHM464+MT0nNJyy5NrFWgYq0qjO8VxbvL9pn37+wTjctJP3t/TzdHDEtEREREahkl1kREpFY5mJHHtf9ZwZHjhQB4ublw7Um90yKCvEg6lseVbcLMpNm5nHzMvC0HGdUpovIHfYm+33TQTEJN+9/OcvuuahtGSlY+GxMyzG1jukYwtHUYi3el8OXaRD5auZ/CEhuuVgshfo6vWAN4eGgLIoO8mbV0L1HB3tzcvaGjhyQiIiIitZASayIiUqu898c+jhwvJNjXg8mDmjKgeQihJ01v/HxCDz5fk2BOKzyfk1ed3JSQ4XSJtbzCEl75bXe5bU1DfGkW4svITg0Y1iaMXclZXPnGcnP/cyPb4e5qJcTfgy/XJppTQ6ODfXB3dY51j9xcrIy9ohFjr2jk6KGIiIiISC3mHJ+ORURELpNle9IAeH50O8b1jKJhXe9y+xvV9eGJ4a0I8LqwqYQWi4XXxnQAYNfhbGw2g13JWdhsRuUO/AI8+9NOOj+7kG/XJwIQfySHVk/N53BmvnnMX1qG8NuD/Zg1tgvD2oQB0DLMn2/u7omfhyvdo+uYybN2DQJoEOhlPrb5SUlEERERERFRYk1ERGqRmMNZ7D+Sg9UC3aPrVNp5m9SzTwdNSM9l1rK9XPnGcj5fc6DSzn8hFu1M4YMV+0nPKeSDFfsBeOanE9M+/zWiNS9d3553b+tyxj5w3aPr8OcTg/hiQg9zm8ViYWibEyudNgs9/9RYEREREZHaRIk1ERGpNWYsigXgqnbhF1yRdiGCSxv6H80p4OUF9mmXT87bUWnnP5/8ohKe+H6bef/gsTzyCkv4fVcqAHf3b8z4XlGM6RqJm8vZ3/p9PFxxPWX/0NZh5u3oYJ9KHrmIiIiISPWmxJqIiNQK2w9mMn9HMhYLPDS4WaWeu66POwBFJZd/+ifAzsNZpGYX4OPuAkB2QTGjZq4E7IszPDK0BRZLxVYr7RZ1YkXUDhGBlzxWEREREZGaRIsXiIhIrfBGabXaNR3q0zSkcnuFebq54OfpSnZ+cbnt+UUleLq5VOpzncminSkAdI2qw+7kbJKz8tmVnA3A3wY0Oa0K7WK4ulhZNKU/6TmFRKliTURERESkHFWsiYhIjZCSlU9mXlG5bWX3V8QeYVFMClYLTB5UudVqZer5epy27WBGXpU818nmb09m5tK9gH2xgYigE4sN/H1I80q53qYhvpXak05EREREpKZQxZqIiFRL6TmFfLr6AFe2DWN5bBrTf4mhbCHOzg0DsVgsbDhwjL+2Dycu5TgAY7pGmgsNVLYQfw/2Hckpty3haG6VPd+nq+Op4+NBzOEsc9ttPRuxdE+qeX/SgCZV8twiIiIiImKnxJqIiFQ7RSU2xn24hu0Hs3h90Z7T9m9MyDBv/7z1sHl7ypDmVTamyCBv/iQdsPdcO5pTSOKx3Cp5rkMZeebiCG4u9t5pE/pEE+rvSfMQP7YfzCrdp8J0EREREZGqpMSaiIhUO68v3GMmj8rc3a8xQT7upOcUMn97MgnpuTQL8SU21V6tVsfHnRB/z8syvgEtQpizMYn0nMIqOf/J5y1bMKGs/9mTV7fG1cXCuJ5RVfLcIiIiIiJyghJrIiLiNAqLbTz09WZ2Hs6iro87s8d1pU7piptlSmwGX6xNAOCv7cNp3yCAv7QMoVnoiQUJRnVqwPr4dG7q3pBm//gVgOahVTMls0yHyEC+3ZAEQFiAvd9aRm7RuR5SYccLik/bFuxr/zkF+bjz0vUdquR5RURERESkPCXWRETEofakZLMi9gi39GjIuvh0ft5mn7q5/0gO7y3fx6NXtix3/A+bDpKRW4Sfhyszbux4xhUvW4X70yrcH4BZt3bmP0vi+PeodlV6HTd3b0iJzaBPs2CW7LL3OTuWWzUVa8fzT0+sBXm7n+FIERERERGpSkqsiYiIQz01bzt/7ktn6Z40OjcMLLfvy7UJ3N2vMdN/iWFrUiZv3NSRr9cnAnBNx/pnTKqd6qp24VzVLrwqhl6Oi9XC+F5RAGwq7fF2rIor1no3rYunqws7D2fRur5/lTyXiIiIiIicnRJrIiLiUH/uszf8/2NPGn/sSQPgH8NbMWNxLBm5RXR8ZqF57PWzVptJpTFdIy//YC9QkLcbAMeqqMdadunPwM/DjZm3dsZiAYvFUiXPJSIiIiIiZ6flwkRE5LLJKyxhyteb+ezPAwDmlMlTDW8fztu3dsbPw/73n7L/n9xbrKxZvzMK9rX3WDucmYdhGJd0LpvNYHdyNiU2gxKbQV5hCct2239ufp6uWK0WJdVERERERBxEFWsiIhcoLbuAmUvjGN0pgnYRAY4eTrX00ar9zN10kLmbDtK/eT3u+O86c9+cv/XimZ92MrJjfRoEetEg0Iuljwwgr6iEBoFe2Az4Zn0ij8/dRnSwDwFebg68knNrEeaHm4uFI8cLSUzPo2Fd7wqf69sNiTw6ZxuDWobgYrXw284Uc19qdkFlDFdERERERCpIiTURkQtQYjPo//IScgtL2JeWw8f/193RQ6qW/rflsHn7tg/WmLfv/0tTujQKYt69vcsdX7e08gvAxWJfIKB9RIBTJ9UAPN1caNsggE0JGfR7eQk/3NubjpGBF32e95fv47mfYwBYfIbqvk6n9KQTEREREZHLS1NBRS7R1+sS6PfSkrNOaZPqb/vBTG59/09yC0sAiEs97uARVU9bkzKIOZxl3o8/mouL1cL8B/vy96EtLvg8beoHEBFU8Qqwy6VbVB3z9si3V1boHF+sTTjj9jo+7jwyrAV39I6u0HlFRERERKRyqGJN5BI8/O0WvtuQBMDbS+IY2DLEwSOSypaRW8j176wiv8hmbgsL8HTgiM6ssNjG6FkrCQ/w4p2xXXCxOr7nVonN4NmfduLn6co9A5rywq+7TjtmfM8oWobVzNUsuzQKKnffMIyL7oVWtvjB3f0a8+4f+8zti6b0p46P+6UPUkRERERELokq1kQuwdLdaebtzYkZZOUXAZCcmc+gV5fyl1eXsv1g5llXBjyUkcfT87azPj79soxXLt7WpEwzqdYyzA+wN+B3NgeO5rD9YBYLd6bw4Yr9Vf58hmFQXGI75zE/bT3Ef1fF89bvcbR6aj6r9h7F083K/Af7cnP3hlzZJoyHhjSr8rE6yqmJtfSLXCHUMAxyCuyxNq5XlLm9c8NAJdVERERERJyEKtZEKsgwDLLy7Ik0Tzcr+UU2lu1OY0SH+sxcGsfetBwArn5rBV5uLnx0RzeuaFzXfHxiei59X1oCwKbEDH68r8/lvwg5q8JiGz9tPcQ7y/YCcHX7cMb3iuKGd1aTV+R8ibWC4hNJrld+283w9uE0CPS65PNm5hWxLSmTsAAPbAZ8tTaROj5ufLQyHoDHrmrJDV0jT3ucYRj85/e407Y/eXVrWob58/zodpc8NmcX7OtBsxBfYkunDmfkFZXrGXc++UU2CkuTlwFebvRuWpeVcUcZe0WjKhmviIiIiIhcPCXWRCro5C+913WO4PM1CTz70066R9dhx6GscsfmFZXwyoLdfPe3XoB9itzET9ab+7cmZZKanU+In/NNMawpCopLSMsuuODeXI/O2cr3mw4C9sTpdV0i8HJzASC3sLjKxllRBcUlJ922cdsHa/jm7p4EX0Qi50z+8f02ftp6+Kz7H/luK97urgxvF1ZummNyVj6xqcdxsVpY/4/BfLkugcT0XK7vEnFJ46luvpvUiw7P/AZAdv7FxU1ZBayL1YKPuwvvjO3CzkNZ5Xq3iYiIiIiIYzn9VNCDBw8yduxY6tati5eXF+3atWP9+hMJCcMweOqppwgPD8fLy4vBgwcTGxvrwBFLbZGZd+JL76hODQBIzS6gx/TFbDhwDIDXb+zAnL/1tCcXDhxjT0o2AN+uT2RXcna587346+7LOPrapbDYxg3vrKbPi0t4feGe8x6/KzmLHzbbk2p/G9CE1Y8NYmCLELzc7Yk1Z5wKWlBUflrmvrQc3lh0/ms9F8MwWBl35LTt7q5WfD1caRFqnxp77xcbmfTZBnP/N+sS6fn87wA0C/ElyMedewY05fnR7fFwdbmkMVU3Ad5u5hTi7NJE2fnEHM5i+i8xfLHGvnCBv6crFosFP083ejSui9UJ+ueJiIiIiIidU1esHTt2jN69ezNw4EB+/fVX6tWrR2xsLEFBJ/rWvPTSS7z55pt8/PHHREdH8+STTzJs2DB27tyJp6eqf6TqlCXWArzc6NIoiC6NgsyEGtirnK5qG46nmwuDWobw284UvlmXyKbEDPO4x69qSffoOoyetYo5G5O4vksEPZvUPePzScX9ue8oW5MyAZi5NI4x3SLNaZIbDhxjS2IGber706NxXT5YsZ+X5u/CMOAvLUN49MqW5nnKKtaceSpoyzA/3F2tbE3KZPcpyduLsTs5mwe+2sSx3CLcXCysfOwvzN14kE6RgfQondKcV1hCq6fmA7BgRwqLY1JYsjuVz/48sZJlx8jAil9UDeHnaX+rnfrdVlY/PuicxxqGwV/fXI7NOLHN38utKocnIiIiIiKXwKkTay+++CKRkZF89NFH5rbo6GjztmEYvPHGG/zzn//k2muvBeCTTz4hNDSUH374gZtuuumyj1lqPsMwOJZbVC6xZrFY+HB8N/akZhMe4MnKuCM0rOODZ2kiZmBpYu39k5rK+3u6Mr5XFJ5uLtzSvSGfr0ngXz/uYP6Dfc+7cmBxiY1XF+4hLvU4Dw1uTuv6NXNVxcqyL+24ebuoxODtJXFMH9WO3MJixr6/xkyUdYgIYEtpAq5DRADPjmxb7jzepRVrRSUGRSU23Fycp+g3v/Qa/DxdefLq1lzzn5XsP5ILwJHjBXi7u2DBgtUKrlYrC3cm07NxMAHepydtpny9mbml02ABPFxdCPHzZFL/JuWO83J3Yc7fenHdrFUA3Pnx+nL7n7y6Ndd0qF+p11kdHc7MN/+fmVdEwDkSZZl5ReWSagDdNfVTRERERMRpOXVi7ccff2TYsGHccMMNLFu2jAYNGnDPPfcwceJEAPbv309ycjKDBw82HxMQEECPHj1YvXr1WRNrBQUFFBQUmPezsrLOeJzIyWw2g8ISGw99vZlftyeb24NKExMB3m5m76MbuzUs99iejetisYBx0hfmxX8fYCbepg5rybcbktidkk1c6nGalU6xO5MZi2J5/aQpfjsPZbH0kQFOleRxBstj0/h6XSJ9mgazO8WeWOvcMJCNCRl8uTaB4W3DKSwpMZNqVgtmUq1307p8dmeP0xKcZVNBwV615kw/87KKNQ9XF6KCfQB7Qm1xTAoTPlmPj7srxwuK6RARwMCWIbyxyD5l/sf7etM+IpC0bPuxQ1qH8tvOlHLn/sdfW531eTs3DMTFaqHklGzQxL7R3Nkn+iyPql1OXhV4T0r2OXukJaTnmrdj/30VRSU2s1JSREREREScj1Mn1vbt28esWbOYMmUKTzzxBOvWrWPy5Mm4u7szfvx4kpPtyY3Q0NByjwsNDTX3ncnzzz/PtGnTqnTs1c2xnEICvNxqZe8ewzAwDM577f/4YTtfrk0ot83NxcLdp1TxnElUsA+f39mDtOMFdIgIpH6gF+6uJ5IyAd5u9Gxcl2V70li8K/W0xNrS3al8vS6Rwa1CyyXVAA5m5LFsdxqDW5f/Pajtpv1vJ3Gpx8s13r+pe0PCAjz5ZVsyn6yO58BRexLjtisa0bdZMH/7fCNB3u48dXWbM1YNurtYsVrAZsBvO1KITc2mro87E/o0xmq1kJlbRNrxfJqGnD0xWlXKFi/wcLXi7+lG10ZBrD9wjKnfbcUw4HiBvXH+lqRMM4EIMHrmKr686wr++f12dqdk88pvu81jt/5rKLEp2XRuGHT6E5ayWMon1e7u1xiAh4Y0r/RrrK5yTurJtyv53Im1xPQ8ALo0CsLNxepUyVsRERERETmdUyfWbDYbXbt2Zfr06QB06tSJ7du388477zB+/PgKn/fxxx9nypQp5v2srCwiIyMvebzVTU5BMWvj09lxMJNXF+5h3BWNmHZt2/M/8DwKi23lkkbOrLjExjX/WUmxzcaP9/UxK8hOlZFbyLfrE837VgsMaBHCPQOa0PUCp2n1ahp8zv2DWoWwbE8ai3amcEuPhmxLyiQlK59mIX787bON5BWVlKuU+8fwVuxKzmbOxiRiDmcpsXaSguKSctM/wZ5wGto6lIZ1vPllW7JZlRXs68EDg5sR7OvB6sf/gr+n21njwGKxEFXXh31Hcnj42y3m9oggb4a3C+e+LzeyMu4In93Z47z/3pXNrFhzs//uXd8lgvUHjnH0pGqpU1ksUGwzuOGd1ea2I8ftx4f6e+Dv6UaXRueP7yGtQ1m4M4UGgV48Pvzs1W211WtjOjDlG3u87E4+d4X03tK4bVT3wlavFRERERERx3LqxFp4eDitW7cut61Vq1bMmTMHgLCwMABSUlIIDw83j0lJSaFjx45nPa+HhwceHh6VP+Bq5sl525m78UQfpY9XHyCyjjcT+jau8DlfX7iHGYtjGd25Aa+N6VgJo6xaj83dxs7D9i+6P245xJiuZ06wros/RrHNwMPVynMj2zKoVSh1fNwrdSxDWofy9I87WH/gGO3/9ds5j/15ch/a1A/gnWV7AVgbn05+UclZE0K1xfGCYgqLbSRn5mMz7H3sVj8+iDkbk2gc7EugtzudGgaWe8zLN7Qn2Nf+ehDid/4FT+4d2JS/n5RUA7jn840snzqQ5bH2FTSf+nEHi6b0r5yLukBlq4J6lq66Obx9OI/N3Wbubx3ub8Y6wBs3dqRH4zr0euH3clOUR3dqwNxNB2nXIPCCn/vVMR14c1Esw9uHn//gWmh05whyCkt48oft7Ekun/A9lJFHoLcb//pxB15uLqTn2ns3Nj/HdHAREREREXEeTl1W1Lt3b3bv3l1u2549e2jUqBFgX8ggLCyMxYsXm/uzsrJYs2YNPXv2vKxjrW5Ss/PLJdXK/PuXGLLziyp0zj/2pDFjsb1v09yNB8nMrdh5LpctiRl8tyHJvP97TOpZj9120D51bkSH+tzQNbLSk2oA4QFeDGhez7xvtUDTEF/zfs/GdekYGcidfaJpUz8AsCdLAJbHHmHEWyvIK3S+1SovF1tp5VXX5xZy7xcbAejYMAgfD1fG9YyiTzN7BZmHqwutSn9ufZsFM7BFyEU9z+BWofi4u+Dr4crPk/uY24e8vsy8vS/tOKnZ+Zd6SRfFnApaWrHm7+nGzd3tvf7qB3jy9d1X8O2knni7u9AtKohrOtQnPMCLv5x0/VOvbMGrYzrwv/v68NqNHS74uf093fjn1a3POWW0tutS+rPZlZyFUZrJ3Hkoi14v/M6ot1fxzfokPl59gE0J9hWDm4f6nvVcIiIiIiLiPJy6Yu2hhx6iV69eTJ8+nTFjxrB27Vpmz57N7NmzAfu0rAcffJDnnnuOZs2aER0dzZNPPkn9+vUZOXKkYwfv5H7cfAiwJ26+uusK3KxWOjzzG4YBx3KK8PM8+6p1Z2IYBo+fVB0D0POFxWx+aqhTTgvdeSiLa99eWW7bsj1pHMrIo36gV7ntB47m8NmfBwDoGBlYpeOaeWsXNidmYDMMukXVwd3VSmZeEQt2JDOwRQj1/MpXWvZpGsyzI9vyyoLdxKYeZ3lsGkPbhFXpGJ3VirgjxJRWZO0/kgPATd3OXIH42pgO/LD5IPf0b3rRzxPg7cb/7u+Di9VCo7o+jOxYnx82HyK/tGIM7D3Yuv97Mdd1juDJq1uRnV9MRJDXeVd7vRCp2fkczsgnLvU40/63g37N6/HWzZ3M5/dwPVG1OO2aNkzq35hGde2LGXSLqsPqxwbh6W41ewr+e1Q7jn+1ieHtwhnfKwqAdhEBlzxOKa9JiA8uVgtZ+cX0fP53nrm2jTkdeXdKtnlc0jF7j7VmDujTJyIiIiIiF8+pE2vdunXj+++/5/HHH+eZZ54hOjqaN954g1tvvdU8ZurUqeTk5HDXXXeRkZFBnz59mD9/Pp6e55/SVVsdLyg2pxDe0TvKnAbXINCLgxl5pOcW0vA8/X0yc4tYF59Or6Z18XZ3JTOviIMZ9i+E13eJ4LsNSeQWlvDbzmSubl+/ai/oAsSlZvPHniNc3zUCX3dX7iutaHKxWljx6EDu/XwjGxMyeGredt4b19VMgGTmFfF//11Hek4h7RoEcF3niCodp5e7Cz2b1C23LcDL7axTVK1WC7dd0Yi4lGw+Xn2AVXuP1pjEWnpOIS8v2E3jYB8m9jv39OQjxwuY+t3W07YPOUvfuVbh/mbVWkU0rneimuiNmzrhYrUyZ2PSacfN2Zhkbn9kWAvuHXjxibxT3fnf9WYFJcBPWw/z284UCs1VQU8kst1drWZSrUyAd/mkeViAJ1/frQrfqubh6kLjYB9iU4+TnJXPXZ9uYESHM782eru70OCUBL+IiIiIiDgn5yslOsXVV1/Ntm3byM/PJyYmhokTJ5bbb7FYeOaZZ0hOTiY/P59FixbRvLlWozuTlKx8Jn6ynrZPL+DI8UKi6nqXS9iUTW88do5m51n5RSSm5zL0jWVM+GQ9L/y6CzhRZRHs68HL17fnjt5RwInKOEc6nJnHqJmreOanndz9yQY+WLGffaUVTa/e0IHwAC9euK49bi4WFsWksjLuKGCvYLvx3dXsTcshPMCT98d3xcvdOXuYtYsIBGDPSZUv1d1/V8Xz5doE/v1LDMmZ+WTkFp62IEGZ6T/HkJyVT+N6Pmay4sHBzS7bior3DjyxMuwNXSLKJbfKLI9Nu6TnKCy2sS/teLmk2sn7yjhjhajYtQgrX4X2244zr17dNMS3Vq7QLCIiIiJSHTl1xZpUnsOZedw8+0/ij+aa2x4Z1rJc4iGoNLGWfpbEWlZ+EQNfXlpulcE/9tiTBYdKq9UaBHpisVi4sVskH62MZ+nuNDLzigjwurippZXptd/2kJ1fDMDqfUdZvc+eOHv8qpaM7NQAsDcKH9M1ks/XJDD2gzW0DPNjV/KJJNV747oS6u+8VZDNSnux7UmxJ57mbkwiNbuAu/s1rpTphwD5RSVYLOWnGlaVbUmZzDmp/93hzDz+8f12dh7OwmKBzyf0oFcTe880m83g9932/njTR7WjfUQAV7cPZ1DLi+uddika1/NlfM9GfPLnAW7r2Yhbr2hE/JEc0nMKaRbqy20frCXmcDaGYZzz38MwDHILS/DxOPHSXGIz+PfPMXy8Op4S24lVBhY82I8wf0/mbExixuJYMvPsPQ1PrXgU59Ei1I+fOGzeLyhdQXnr00O574uNLCrt86hpoCIiIiIi1YcSa7WAYRhM+Hh9uaTatR3rM7xd+SmDdUqniB1Iz+VMNiVklEuqAcQfzSUtu8DsadUgyD59qWWYP81DfdmTcpwF25MZc5ZeV1Vtd3K2ORWvbQN/th+09+D6+5Dm3HXK9MKJfRvz+ZoEgHJJtTb1/WnbwLl7TjUpTawdOV7Aj1sOMeUb+6qVDQK9zjrd7GIUl9gYNXMVGbmFLP57f7zdq+6lY3dyNtfNWkVhyYkqrPnbk80VLQ0DbnlvDX6ernwwvhuzlsaRkVuEr4crXRoF4eZiZZgDpsP+65o2PHJlS3xLk2Jl/fjyi0rwOKlX3pVtz7xy5tHjBfzt842s3Z9OeICnufrs3I1JfLhyf7lj/z2qrVn99H99ohnRoT7HC4qJqutdaYlUqXynVqwBRAR64enmQtMQPzOxpoULRERERESqD80ZqsEMw+B/Ww5x58fr2XEoCxerheVTB7L7uSuZcVOn076AdypdtW7mkrjTpq1l5xfxzfpE8/7zo9vRsvRL4oYD6fxZWgXWKfLEqoB/bWdP6CzelVL5F1cq/kgOry3cQ0rWmVdg/H7TQWwGDG0dymd39uD2XlF8eHtX7h/U7LTrjwr24fXSlRAb1/NhYt9o7u7fmBdGt6+y8VcWXw9Xcwrg5C83mdvv/3ITt7z3J3//ZgvbzzCF8EItikkl5nAWhzPz2ZpU8fOcrMRmsD4+3VzNssyHK/ZTWGKjS6MgOjUMBOCX7SeqfPqWru6ZnV/MmHdXs2S3PVb/2i78sk39PBOLxWIm1U7m6eZiLgpwppV4wf771eW5Razdnw7A4cx8pn63lfyiEuZvt08XHNwqlL+2D+fOPtHceErPvXp+HkQH+yip5uRahp3e18+vtJr33oFNuLJNGL4ergy4yJVqRURERETEcVSxVkOV2Azu+mQ9i3elmttah/sTWefsixLcdkUjNhw4xo9bDvH8L7vo+0A9wD7Nc9TMlaRkFQDw4nXtuLFbQ3YcymRXcjbL9qSxcq89sda7abB5visa1wFgwY4UVu09Yk7dqww2m8EXaxP45w/bAXti4ukRbU47Li7VPjWyT7NgAr3d+dc1px9zslGdIriicV3C/D2rXZLCw8VartdWmVWl/zbztx/mjZs6nbWh/7l8vuaAeXv7wUyuaHzp0w2/25DIo3O20aVREJ/e2d2sgotJtlemTewbzbI9aWxKyCAx3T7V+PGrWnJ3/yZ8vymJh762V+U1DfGlW1QQDw1x3t6K13Soz+w/9rEi7gj5RSV4urlgsxl8sjqeVuH+5BadSC52iAwk5nAWR3MK+XhVvPk7PHlQU9qX9tKT6iki6PQFCfw97XHv5+nGO7d1ocRm4KL+aiIiIiIi1YYSazXUirgjLN6ViruLlcISGxYLZtXM2VitFh4e2oIftxxib9pxbDYDq9XCV2sTSMkqICLIi2evbcvA0t5VZX2AvlqXiGFAyzA/WoWfmOrUoXQqHMCC7ckXnFjbmHCML9ckcH2XCHqcJYGzMCbFTKoBLIpJOWNirazZfZN6Fz61Kjygeq7G9/x17Xj+l108dlVLrmhcl82JGayLT2dxTAp703LIKSxh4ifrubl7JM+NbMfa/em88GsMd/ZtzDXnmC76vy2HWB57xLy/KTHjksdaXGLj0TnbANhw4Bi3fbCWqLo+DG0Tyv40+7TixvV8STteCNgrJX3cXbiyrX2K58iODQjydie/yMbgViG4OrBS7UK0qe9PqL8HKVkFrNmfTv/m9fhqXSL/+t9OgHI9CF+5vj3P/LST5bFHeL50cZDru0QoqVYDWK0WJvSJ5v0VJ6b2+p/Sf1JJNRERERGR6kWJtRpq9h97AbipeyRPDG9FbmGJuernudQP9MTVaqGg2EZc2nGah/qxrDSp8uDg5mZSDaBRXXv1m2GAq9XCM9e2LVfl5enmwis3dODhb7cQc/jCV6t8/pcY1sUf49sNSTw9ojV39I4+7Zilu8tPVU1Mz2PEWyuIP5JDdD0fbu3RkKGtw8x+cReTWKuurm5fn6vbn0iQDWkdypDWoTwxvBVFJTbu+mQ9S3an8eXaRBLT86jj486WpEwmf7mJYW1Cz7goQVZ+EU98b0+A1fPzIC27gHX70zEMg7TsArLyi2h6gY3Wf9uRzI5DWUzoG83PWw+X27fhwDE2HDhm9sOzWKBhHW+ig33YlpRBiQ0eGtKMiCDv0v2WajVdzmKxMLBFCF+tS2TJrlT6NA3m3dLfUYDMvCLq+Xnw2Z09aBbqR9sGAeWSmfcNbOqIYUsV+OfVrXlwSHPaPr0AsFffioiIiIhI9eXcZR5SIZm5RayMs0//m9i3MZ5uLheUVANwdbGa05WenreDwmIbMYfsU/O6R9Upd2x0sI95+8mrW9M9uvx+sFfqAMQczsIwzv8FctmeNNbFHzPvT/vfTuJLF0Y42aYE+zHv3taFK0sb1W87mEl2QTFbkzJ5dM42Oj27kBKbgY+7C6H+Hud97prMzcVaroJwRdwRftxyyLy//WAm2flFZOSWX5xiS2IG2fnF1PFxZ9GU/lgskJpdwGd/HuCGd1cz+LU/+GHTmfuGlTEMg+0HM7nvy03MWBzLtP/tZP4Oe9+wyDpevHtbl9MeY7VY8HRzwc3FykvXd+DVMR3MpFp19ZfSpPTiXSl8v+kgB05aTMTdxcqyRwaYze3H94wy9/VtFkzUSb9rUv2d3IvvbP0hRURERESkelBirQbaVtqkvmEd73P2VDubsqq0xGO5xBzOorDERoCXG5F1yk+RbFTXh8mDmvHYVS0Z17PRGc/VpJ4vbi4WsguKWbonjY0Jx854XJl5m08kadqVrsRZthpkmRKbQWxp77SWYX7MGtv5lHGVv2ZvD9dq1y+tKgScMuXsZE/M3U6fF5fQ76UlLNmdaiZBy5I/nSIDCfByo3FpgufJeTvMfV+vS8RmM86aOH1x/m6ufmuF2f9t/vZk1pcmT2fc1IlhbcK4o3cUYf6e1A/wBGBCn9OrFKu73k2DcXe1kpiex8Pf2vvDtQzzY1DLENb+Y1C5lVbDAjx5f1xXukfVOeMUZ6k5nH0as4iIiIiInJs+0ddAWw9mANA+IqBCj7//L80ASDqWx7VvrwSgW1TQGZNTU4Y0Z1L/JmdNXLm7Ws1ebHd8tI7RM1eRll1w1uc+lGFvUv/stW1oHmp/XNkCBGCvfrr3842U2AzcXaxEBHljsVi4q19jfD1c+XZST5Y9Yl/59P6/NMVisfenknMn1nanZJOZV0RWfjF3fLTO7F+XUDqVtmFpsnLyoGanPXZT4jH6vrSETs8uJDXbXn2TnJnPop0pHMzI4+t1CcCJxSyOFxRzvKAYgOi69kTd0yPa8OcTg1jwUD+eG9mW+/5S86Y++ni4llv0wdVq4Yd7e/PB7d0I9D69onRw61C+mdSTpiE1fxpzbTTr1s40C/HlX0qcioiIiIhUa+qxVgMNaxOGj7urmQy5WHV83M1G62WubBte4fFMGtCEyV9uMu8npOdQz6/81EzDMFi99yh/7ksHoEWYP8cL7CslvrZwD97uLtzZJ5q3fo8zpxH2ax5sNvp+Yngrpg5rYVZ/eLi68PehLfi/3tEEep89oVSb+Hue+Dnc0qMhX6xJYGCLeky9siVXzVhe7tjP1yRwQ9dI/thj72VXVql2bccGFBTZmDpnq3lsfpGNg6UJ0cUxqdzcvSF3fryOHYdOVBr6uLvw8f91Z+OBDG5+709z+6n/Nn6eboy94szVjzXBoJYh5s+02Gbg6XZ6XzupHa5qF85V7Sr+uioiIiIiIs5BibUaqEk930tu1t863J+ULHsC4JFhLRjdqUGFz3VNh/o0C/E1kzfXzVrNu7d1YWXcEXYdzqZ/i3osjklhY0KG+Zj6gZ5k5J7oK/XczzG8sSjWrHR67KqW3NW3cbnnOdOUqqAL7C1XG5xcVPjkX1szqGUIvZoE4+Xuwrx7e/Pqwj2Mu6IREz5ZD8DI0mpFb3cX/nrSogjXdKxvJtbeH9eV7zcd5Odt9sUI0nMKWbYnrVxSzcvNhadGtMbD1YWeTery3riu3PfFRga2CKl1U3Rv7BbJm4tjOZpTyFWlK5yKiIiIiIhI9aXEmpzR3wY0ZUtSJg8Nac5tlVBB1Crcn+hgH/aXLkRw96cbzH1r49PLHds63J/wAC+zJ1eZsqQawKT+TS55TLXNyVNBvdxdGNQq1LzfITKQT/6v+xkf9+ZNncotfuHp5sKvD/QlLvU4g1uHMqhVCCnv5LP+wDH2H8lhWemKraM7NeCF69pjM8pXZg1pHcq6fw7G1732vfx4urmwaEp/PloVz6hLSFaLiIiIiIiIc6h932zlgnSPrsPGJ4dU6jmTM8+9+l10sA8LHuyHm4sFi8VCwzreBPu6k55TyMPDWvDS/N1AxXvH1XZdGgUxoU800fXOvcJkh4gAtiRlEuzrzps3daJX0+DTjmkV7k+rcPuKrxaLhXsHNuWO/65j4c4UsvKLALhnYBPcXc/cxvHkaam1TZCPO1OGNHf0MERERERERKQSWIyzLeVXi2RlZREQEEBmZib+/v6OHk6N9c26RKbO2crkQc1474995BWV0D2qDrPGdmZLUgZN6/md1hcuNSufYptB/UAvsvOLeG/5fkZ3akBU8LmTQ1JxR44XEH8kh65RdS74McUlNvq8uITkLHvyNMDLjU1PDsFqrV1TPUVERERERKT6u5g8kRJrKLF2uRiGwYGjuTSs483GhGNsTszg9l5RZ+yNJtXPdxuSePjbLQC0DPNj/oP9HDwiERERERERkYt3MXkiZTTksrFYLEQF+2C1WugaVYcJfRsrqVaDjO7UgKDSVT6vuoRVZEVERERERESqC/VYE5FKYbVa+PWBfny/6SC39bz0BS9EREREREREnJ0SayJSacICPPnbAK3YKiIiIiIiIrWD5uGJiIiIiIiIiIhUgBJrIiIiIiIiIiIiFaDEmoiIiIiIiIiISAUosSYiIiIiIiIiIlIBSqyJiIiIiIiIiIhUgBJrIiIiIiIiIiIiFaDEmoiIiIiIiIiISAUosSYiIiIiIiIiIlIBSqyJiIiIiIiIiIhUgBJrIiIiIiIiIiIiFaDEmoiIiIiIiIiISAUosSYiIiIiIiIiIlIBro4egDMwDAOArKwsB49EREREREREREQcqSw/VJYvOhcl1oDs7GwAIiMjHTwSERERERERERFxBtnZ2QQEBJzzGItxIem3Gs5ms3Ho0CH8/PywWCyOHs4ly8rKIjIyksTERPz9/R09HKnFFIviLBSL4iwUi+IsFIviLBSL4iwUi3IywzDIzs6mfv36WK3n7qKmijXAarUSERHh6GFUOn9/f70giFNQLIqzUCyKs1AsirNQLIqzUCyKs1AsSpnzVaqV0eIFIiIiIiIiIiIiFaDEmoiIiIiIiIiISAUosVYDeXh48PTTT+Ph4eHooUgtp1gUZ6FYFGehWBRnoVgUZ6FYFGehWJSK0uIFIiIiIiIiIiIiFaCKNRERERERERERkQpQYk1ERERERERERKQClFgTERERERERERGpACXWREREREREREREKkCJNRGpMK19IiIiIiIiIrWZEmvVTHJyMocOHSIvLw8Am83m4BFJbZWdnV3uvpJs4ihlr4cizkKvh+JoxcXFjh6CCADHjx939BBEADhw4ABJSUkAlJSUOHg0UtNYDH36qxaKioq47777+O2336hTpw5+fn7Mnz8fT09PRw9NapmioiLuv/9+duzYQUhICNdeey3jxo1z9LCkFioqKmLy5MnEx8dTr1497rnnHnr06IHFYnH00KSWKSoqYsaMGTRp0oRRo0Y5ejhSixUWFvLPf/6TI0eOEBgYyH333Ufjxo0dPSyphQoLC/n73/9OTEwM/v7+3HjjjYwZM0bv0eIQ8+bNY9SoUVxzzTX88MMPjh6O1ECqWKsGDh48SL9+/YiNjeWLL77ggQceIDExkccee8zRQ5NaZt++fXTr1o1du3YxdepUAgICeOGFF5g0aZKjhya1THJyMj169GDr1q2MGDGCrVu3MmnSJF5++WVA1bxy+fz666906NCBqVOnMmfOHA4dOgSoak0uv2+//Zbo6GjWr19PREQEX3/9NZMmTWLVqlWOHprUMp9++ilRUVFs376d8ePHk52dzYwZM1iwYIGjhya11Nq1a+nRoweJiYnMmTMHUNWaVC4l1qqB5cuXk5eXxxdffEHPnj0ZN24cffr0wc/Pz9FDk1rm119/JSgoiF9++YURI0bwwQcfMHnyZGbPns3cuXOVzJDLZuXKlRQWFvLNN99wzz33sGzZMkaNGsXTTz/Njh07sFqtSmxIlcvJyeH7779nyJAhTJ8+nd27dzNv3jwAVWXIZbV582Y++ugj7r//fn7//XeeeeYZ1qxZQ1xcHPHx8Y4entQie/bs4ccff2Tq1KksWbKE2267jQ8++IB9+/bh6urq6OFJLVP23SQzM5Nu3brRqVMnZsyYQVFRES4uLvqsKJVGibVqICMjg9jYWMLCwgA4fPgwW7dupU6dOqxYscLBo5PaJC4ujuLiYry9vTEMA4vFYr4hTZ8+naNHjzp4hFLTlX1ASktL49ixYzRo0ACAgIAA7r77bvr06cPdd98NKLEhVc/b25vbb7+de+65h8cee4yGDRvy66+/snXrVkCVk3L5FBYW0rp1a7M1Q1FREREREQQFBRETE+Pg0UltUq9ePR555BFuv/12c9vRo0fp0KEDvr6+FBQUOG5wUuuU/aE1Li6OsWPHMmrUKI4ePcqsWbMA+2ulSGVQYs3JrF27Fij/Ybxnz54EBATQo0cPrr/+eho2bEhAQAA///wzw4cP55lnntGLglS6M8Win58fnp6e/PLLL2bSYuXKlUybNo3t27czf/780x4jcqm+++47Fi1axOHDh7Fa7W9bLi4uhIWFsXz5cvO4sLAwHnvsMdatW8fChQsBTceTynVyLII9edurVy9atGgBwKRJk0hKSuL777/HMAwzXkUqW1kslk097t69O6+88gr169cHwM3NjczMTHJycujdu7cjhyo13Kmvi0FBQXTv3p3AwEAA7rvvPrp3705qaiojRoxg9OjR5d67RSrLqbEI9umeFosFFxcXCgoKuOKKKxg1ahQffPABY8eO5bXXXlOyVyqFPvE5iR9++IEGDRowfPhw4uPjsVqt5opOHTp0YNWqVUybNo2YmBg+/PBDli5dyqJFi5g1axYvvfQSKSkpDr4CqSnOFIuFhYUA3Hzzzfj6+nLLLbdw00034efnR2xsLHfeeScjR47k22+/BdCXSakUn376KaGhobz88svccsst3HDDDcydOxeArl27kp+fz6pVq8z4BGjbti1XXnkln376KaCqNakcZ4rFsubHNpvNTOAOGTKEnj17smTJEn7//XdAyV2pXKfG4pgxY8xYNAyj3B+2MjIysNlsNGvWzEGjlZrsfK+LZY4ePcpPP/3EihUrmDdvHj4+Pjz66KMOGrXUROeKRRcXF44dO8bGjRvp0aMHdevWJTc3lz179jB37lyGDBmCh4eHYy9AagR9+3UCn3/+OdOnT6dfv360atWKF154AaBcH4KoqCiOHTuGi4sLY8eONd+w+vTpQ2FhoTntRORSnC0W3d3dMQyDVq1a8eabb/L6668THBzMZ599xpo1a6hfvz6FhYU0bNjQwVcgNUFxcTEzZszg+eefZ/r06SxfvpwffviBJk2a8P7775OXl0enTp3o06cPc+fOLdeYOzQ0FDc3NyV3pVKcKxZnz55NQUEBVqsVi8Vivi/ff//95OfnM2/ePHJycjAMgz179jj4SqS6u5BYtFgs5fpLLl26FMCsYgNIT093xPClBrnQ18WyAoEvvviCYcOG4ePjY1b45ufnm9WWIhV1IbEIkJeXR//+/Zk7dy7t27fn008/ZfDgwTRq1Mh879ZCBnKp9M3Dgcp+gZs2bcqgQYN48cUXueaaa1i6dKn5YejkX/KyaSWpqanml8aff/6Zzp07071798s+fqk5LiYWIyMjueOOO/jPf/7DtddeC9hXaExISKBp06YOGb/ULDk5OaSlpTF+/HjuuOMO3N3d6dWrF61btyYrK8usUJs2bRpFRUXMnj2bgwcPmo/Py8ujTp06jhq+1CDni8WyL45woo9Ly5YtGTVqFOvXr+e5556jW7du3HrrrfrQLpfkYmKxrFL3hx9+4K9//SteXl5s3ryZoUOH8uyzz6qKUi7Jhcaiq6ur2Y+3TElJCXv37qVr167lEr4iFXG+WCxrlVRSUsI333zDuHHj6NevH7Gxsbz44otERUUxZcoUwF7ZJnIptDSLA8TGxtK0aVPzF7hHjx506dIFV1dXhg8fzooVK3j55ZcZMGAALi4u2Gw2rFYrISEhBAYGMnjwYO677z7WrFnDvHnzePLJJwkODnbwVUl1dDGxeKYPSAcOHMDV1ZVHH30Um83G6NGjHXUpUs2VxaLFYiEgIIDrr7+edu3aYbVazdfAyMhIcnJy8PLyAuw91Z544gnefPNNevfuzeTJk9m8eTPr16/n8ccfd/AVSXV1MbHo5uZW7rFlr5GDBg3iySef5M8//2TixIm89dZb+tAuF+1SYjEnJ4esrCx69OjBPffcw+zZs7npppt46aWXNEVeLlpFY7Es1vLy8khPT+df//oXGzdu5J133gE47XOlyPlcTCy6u7sD9qKAL7/8kujoaLMYJTAwkJEjR5KdnW3+sUGxKJdCFWuX0TfffEN0dDQjRozgiiuu4MMPPzT3lX3gbtOmDSNHjiQ+Pp6PPvoIONGnYPDgwUyfPp3o6Gi+//570tPTWbVqFQ8++OBlvxap3ioaiyf/lTsvL4/333+f9u3bk5CQwLfffqupoHLRTo3FDz74AICOHTuW+8MC2Ct0O3bsiLu7u1m1dv311/Pll18ybNgwli9fztGjR/njjz/o06ePw65JqqeKxuKpVWvvvPMO3bt3Z+DAgcTFxfHuu++aH+5FLkRlxGJcXBxLlizhlltuYdOmTWzbto3PPvvstAScyLlUNBZPrtCdO3cujz32GF26dCEuLo6ffvqJAQMGAEpkyIWraCyWVa3deOONZlKt7PvMhAkTePjhh7FYLIpFuXSGXBa//fabERUVZbz99tvG/PnzjSlTphhubm7G7NmzjdzcXMMwDKOoqMgwDMNISkoy7rzzTqNbt25Gdna2YRiGkZ+fb56rpKTEyMjIuPwXITXCpcZiYWGhea7Nmzcby5Ytu/wXITXCuWIxLy/PMAzDsNlshs1mM/Ly8oz27dsbn3766VnPV/YYkYtVmbG4ZcsW4+uvv76cw5capLJi8Y8//jAGDBhgLFy48HJfgtQQlRWLO3bsMF555RVj0aJFl/sSpIaorFgsLi6+3EOXWkRTQauYUVrivHr1aurWrcvEiRNxc3Nj2LBh5OfnM3v2bIKDgxk1apS5WEGDBg0YNWoUW7Zs4ZVXXmH06NH84x//YObMmURGRmK1WgkICHDwlUl1UxWx2KFDBwdflVRHFxOLZX9BTE9PN6c1gX0qwKxZs3jttdfM83p6ejrkeqT6qopYbN++Pe3bt3fYNUn1VFmxOHPmTF5//XX69u3LkiVLHHlJUk1Vdiy2bt2a1q1bO/KSpJqq7PdotWSQqqSpoFWs7Jd8586dNGnSBDc3N7Mk9bnnnsPT05N58+aRnJwMnGgQP3DgQLp3784zzzxDly5dKCoqIiQkxDEXITWCYlGcxcXGIsCiRYuIjIwkPDycBx54gNatW3PgwAGKiorUiFsqTLEozqKyYjEhIYGioiKzjYjIxarsWNTrolSU3qOlOlFirZItXLiQyZMn88Ybb7B27Vpz+6BBg/j1118pKSkxXxSCgoIYN24cq1evZvfu3YC9v1VOTg6zZ8/m3XffpX///mzcuJH58+fj4eHhqMuSakixKM6iorG4a9cuwP4Xy59++ont27cTFRXF4sWLWb16NXPmzMHNzU19MeSCKRbFWVR1LJb1GhI5H70uirNQLEp1pnfdSnL48GFGjBjB2LFjSU9P58MPP2To0KHmi0L//v3x9/dn2rRpwImmiRMnTiQrK4tNmzaZ5zpw4ABfffUVH330EUuWLKFdu3aX/4Kk2lIsirO41FjcvHkzYF8oIy8vDx8fH95++222b99O165dHXJNUj0pFsVZKBbFWSgWxVkoFqVGuIz93GqsnJwcY/z48caNN95o7Nu3z9zevXt34/bbbzcMwzCysrKM5557zvDy8jISEhIMw7A3WTQMw+jfv78xYcKEyz9wqXEUi+IsKjsW169ffxlHLzWJYlGchWJRnIViUZyFYlFqClWsVQJvb288PDy4/fbbiY6ONpc7Hz58ODExMRiGgZ+fH7fccgudO3dmzJgxHDhwAIvFQkJCAqmpqYwcOdKxFyE1gmJRnEVlx2KXLl0cdCVS3SkWxVkoFsVZKBbFWSgWpaawGIa6+FWGoqIi3NzcALDZbFitVm699VZ8fHyYPXu2edzBgwcZMGAAxcXFdO3alVWrVtGyZUu++OILQkNDHTV8qUEUi+IsFIviLBSL4iwUi+IsFIviLBSLUhMosVaF+vTpw8SJExk/fry5OpPVaiUuLo4NGzawZs0aOnTowPjx4x08UqnpFIviLBSL4iwUi+IsFIviLBSL4iwUi1LdKLFWRfbt20evXr34+eefzZLUwsJC3N3dHTwyqW0Ui+IsFIviLBSL4iwUi+IsFIviLBSLUh2px1olK8tTrlixAl9fX/PFYNq0aTzwwAOkpqY6cnhSiygWxVkoFsVZKBbFWSgWxVkoFsVZKBalOnN19ABqGovFAsDatWu57rrrWLhwIXfddRe5ubl8+umnhISEOHiEUlsoFsVZKBbFWSgWxVkoFsVZKBbFWSgWpTrTVNAqkJ+fT7t27di7dy/u7u5MmzaNRx991NHDklpIsSjOQrEozkKxKM5CsSjOQrEozkKxKNWVEmtVZMiQITRr1ozXXnsNT09PRw9HajHFojgLxaI4C8WiOAvFojgLxaI4C8WiVEdKrFWRkpISXFxcHD0MEcWiOA3FojgLxaI4C8WiOAvFojgLxaJUR0qsiYiIiIiIiIiIVIBWBRUREREREREREakAJdZEREREREREREQqQIk1ERERERERERGRClBiTUREREREREREpAKUWBMREREREREREakAJdZEREREREREREQqQIk1ERERERERERGRClBiTURERKQGMAyDwYMHM2zYsNP2zZw5k8DAQJKSkhwwMhEREZGaS4k1ERERkRrAYrHw0UcfsWbNGt59911z+/79+5k6dSpvvfUWERERlfqcRUVFlXo+ERERkepGiTURERGRGiIyMpIZM2bw8MMPs3//fgzD4M4772To0KF06tSJq666Cl9fX0JDQ7nttts4cuSI+dj58+fTp08fAgMDqVu3LldffTV79+4198fHx2OxWPj666/p378/np6efP755xw4cIARI0YQFBSEj48Pbdq04ZdffnHE5YuIiIhcdhbDMAxHD0JEREREKs/IkSPJzMxk9OjRPPvss+zYsYM2bdowYcIExo0bR15eHo8++ijFxcX8/vvvAMyZMweLxUL79u05fvw4Tz31FPHx8WzevBmr1Up8fDzR0dFERUXx6quv0qlTJzw9PZk4cSKFhYW8+uqr+Pj4sHPnTvz9/enXr5+DfwoiIiIiVU+JNREREZEaJjU1lTZt2pCens6cOXPYvn07y5cvZ8GCBeYxSUlJREZGsnv3bpo3b37aOY4cOUK9evXYtm0bbdu2NRNrb7zxBg888IB5XPv27bnuuut4+umnL8u1iYiIiDgTTQUVERERqWFCQkK4++67adWqFSNHjmTLli0sWbIEX19f87+WLVsCmNM9Y2Njufnmm2ncuDH+/v5ERUUBkJCQUO7cXbt2LXd/8uTJPPfcc/Tu3Zunn36arVu3Vv0FioiIiDgJJdZEREREaiBXV1dcXV0BOH78OCNGjGDz5s3l/ouNjTWnbI4YMYL09HTee+891qxZw5o1awAoLCwsd14fH59y9ydMmMC+ffu47bbb2LZtG127duWtt966DFcoIiIi4niujh6AiIiIiFStzp07M2fOHKKiosxk28mOHj3K7t27ee+99+jbty8AK1asuODzR0ZGMmnSJCZNmsTjjz/Oe++9x/33319p4xcRERFxVqpYExEREanh7r33XtLT07n55ptZt24de/fuZcGCBdxxxx2UlJQQFBRE3bp1mT17NnFxcfz+++9MmTLlgs794IMPsmDBAvbv38/GjRtZsmQJrVq1quIrEhEREXEOSqyJiIiI1HD169dn5cqVlJSUMHToUNq1a8eDDz5IYGAgVqsVq9XKV199xYYNG2jbti0PPfQQL7/88gWdu6SkhHvvvZdWrVpx5ZVX0rx5c2bOnFnFVyQiIiLiHLQqqIiIiIiIiIiISAWoYk1ERERERERERKQClFgTERERERERERGpACXWREREREREREREKkCJNRERERERERERkQpQYk1ERERERERERKQClFgTERERERERERGpACXWREREREREREREKkCJNRERERERERERkQpQYk1ERERERERERKQClFgTERERERERERGpACXWREREREREREREKkCJNRERERERERERkQr4f+sWy9UVeXv2AAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABNYAAAG5CAYAAABC77mXAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAADPYElEQVR4nOzdd3hUZdoG8HtqembSO0mooQakSQdBELFQ1FX5BMuKriC2tbD2yuq6dldd17WzdhFRUVSk994hEEIK6WWSSaaf748z58xMMullknD/rovLmdPmHSAj55mnKARBEEBERERERERERETNovT1AoiIiIiIiIiIiLoiBtaIiIiIiIiIiIhagIE1IiIiIiIiIiKiFmBgjYiIiIiIiIiIqAUYWCMiIiIiIiIiImoBBtaIiIiIiIiIiIhagIE1IiIiIiIiIiKiFmBgjYiIiIiIiIiIqAUYWCMiIiIiIiIiImoBBtaIiIiIOoGTJ09i+vTp0Ol0UCgUWLlypa+X1CaeeOIJKBQKXy+j3fzxxx9QKBT46quvfL0UIiIi8gEG1oiIiKjL++CDD6BQKLBr1y5fL6XFFi5ciIMHD+LZZ5/Fxx9/jBEjRjR4vMFgwLPPPosRI0ZAp9PBz88PycnJ+NOf/oQffvihg1btGwcPHsRVV12F5ORk+Pv7IyEhARdffDFef/11j+Oee+65bhOgJCIios5J7esFEBEREZ3vampqsHXrVjz88MNYsmRJo8dnZGRgxowZyMrKwpw5c7BgwQIEBwcjOzsbP/74Iy677DJ89NFHuOGGGzpg9R1ry5YtmDJlCnr06IFbb70VsbGxyM7OxrZt2/Dqq6/izjvvlI997rnncNVVV2H27Nm+WzARERF1awysEREREflYUVERAECv1zd6rM1mw5w5c1BQUID169dj3LhxHvsff/xx/PLLL7Db7e2xVJ979tlnodPpsHPnzjq/X4WFhb5ZFBEREZ23WApKRERE5429e/di5syZCA0NRXBwMKZOnYpt27bJ+8vLy6FSqfDaa6/J24qLi6FUKhEREQFBEOTtf/nLXxAbG9vq13ziiSeQnJwMALj//vuhUCiQkpJS7/W+/PJLHDp0CI8++midoJpk+vTpmDlzpse206dP4+qrr0Z4eDgCAwNx4YUXei0ZLSwsxC233IKYmBj4+/sjPT0dH374YZ3jSkpKcMMNNyA0NBR6vR4LFy7E/v37oVAo8MEHHzT6+/LJJ59g+PDhCAgIQHh4OK699lpkZ2c3et6pU6cwcOBAr0HI6Oho+bFCoYDRaMSHH34IhUIBhUKBG2+8Ud7f2J+LpLy8HPfccw9SUlLg5+eHxMRELFiwAMXFxfWu0Ww247LLLoNOp8OWLVsafU9ERETUdTFjjYiIiM4Lhw8fxoQJExAaGooHHngAGo0G77zzDiZPnoz169dj9OjR0Ov1GDRoEDZs2IClS5cCADZt2gSFQoHS0lIcOXIEAwcOBABs3LgREyZMaPVrzp07F3q9Hvfccw+uu+46XHrppQgODq73mt9//z0A4P/+7/+a/N4LCgowduxYVFdXY+nSpYiIiMCHH36IK664Al999RXmzJkDQCxJnTx5MjIyMrBkyRKkpqbiyy+/xI033ojy8nLcddddAACHw4HLL78cO3bswF/+8hekpaXhu+++w8KFC5u0nmeffRaPPvoorrnmGvz5z39GUVERXn/9dUycOBF79+5tMHMvOTkZW7duxaFDhzBo0KB6j/v444/x5z//GaNGjcKiRYsAAL169QLQtD8XAKiqqsKECRNw9OhR3HzzzbjgggtQXFyMVatWIScnB5GRkXVet6amBldeeSV27dqFX3/9FSNHjmzS7wkRERF1UQIRERFRF/f+++8LAISdO3fWe8zs2bMFrVYrnDp1St6Wl5cnhISECBMnTpS3LV68WIiJiZGf33vvvcLEiROF6Oho4a233hIEQRBKSkoEhUIhvPrqqw2uq6mvmZmZKQAQ/vGPfzT6XocNGybo9fo626uqqoSioiL5V0VFhbzv7rvvFgAIGzdulLdVVlYKqampQkpKimC32wVBEIRXXnlFACB88skn8nEWi0UYM2aMEBwcLBgMBkEQBOHrr78WAAivvPKKfJzdbhcuuugiAYDw/vvvy9sff/xxwf2fnGfOnBFUKpXw7LPPeqz/4MGDglqtrrO9tl9++UVQqVSCSqUSxowZIzzwwAPCzz//LFgsljrHBgUFCQsXLqyzval/Lo899pgAQPjmm2/qXMPhcAiCIAjr1q0TAAhffvmlUFlZKUyaNEmIjIwU9u7d2+D7ICIiou6BpaBERETU7dntdvzyyy+YPXs2evbsKW+Pi4vD9ddfj02bNsFgMAAAJkyYgIKCAhw/fhyAmJk2ceJETJgwARs3bgQgZrEJgtBgxlpzXrM5DAaD14y2hx9+GFFRUfKv66+/Xt73448/YtSoURg/fry8LTg4GIsWLcKZM2dw5MgR+bjY2Fhcd9118nEajQZLly5FVVUV1q9fDwBYs2YNNBoNbr31Vvk4pVKJxYsXN7r+b775Bg6HA9dccw2Ki4vlX7GxsejTpw/WrVvX4PkXX3wxtm7diiuuuAL79+/HCy+8gBkzZiAhIQGrVq1q9PWb8+fy9ddfIz09Xc7oc6dQKDyeV1RUYPr06Th27Bj++OMPDB06tNG1EBERUdfHwBoRERF1e0VFRaiurka/fv3q7Ovfvz8cDofc30sKlm3cuBFGoxF79+7FhAkTMHHiRDmwtnHjRoSGhiI9Pb1NXrM5QkJCUFVVVWf7HXfcgbVr12Lt2rWIiYnx2JeVlVXvOqT90n/79OkDpVLZ6HFxcXEIDAz0OK53796Nrv/kyZMQBAF9+vTxCARGRUXh6NGjTRpAMHLkSHzzzTcoKyvDjh07sGzZMlRWVuKqq66Sg4T1ac6fy6lTpxosN3V39913Y+fOnfj111/lcmEiIiLq/thjjYiIiMhNfHw8UlNTsWHDBqSkpEAQBIwZMwZRUVG46667kJWVhY0bN2Ls2LF1AlAdIS0tDfv27UNubi4SEhLk7X379kXfvn0BAP7+/h2+rqZyOBxQKBT46aefoFKp6uxvqL9cbVqtFiNHjsTIkSPRt29f3HTTTfjyyy/x+OOPt+WSm+TKK6/EZ599hr///e/46KOPfPJ3g4iIiDoeA2tERETU7UVFRSEwMFAu73R37NgxKJVKJCUlydsmTJiADRs2IDU1FUOHDkVISAjS09Oh0+mwZs0a7NmzB08++WSbvmZTXXbZZfjss8/w6aef4oEHHmjSOcnJyfWuQ9ov/ffAgQNwOBwegSFvx61btw7V1dUeWWsZGRmNrqVXr14QBAGpqalyILAtjBgxAgBw7tw5eVvtck2geX8uvXr1wqFDh5r0+rNnz8b06dNx4403IiQkBG+99VZL3gYRERF1MfwqjYiIiLo9lUqF6dOn47vvvsOZM2fk7QUFBVixYgXGjx+P0NBQefuECRNw5swZfP7553JpqFKpxNixY/HSSy/BarU2OhG0ua/ZVNdccw0GDBiAp59+Gtu2bfN6jCAIHs8vvfRS7NixA1u3bpW3GY1G/Pvf/0ZKSgoGDBggH5efn4/PP/9cPs5ms+H1119HcHAwJk2aBACYMWMGrFYr3n33Xfk4h8OBN998s9H1z507FyqVCk8++WSddQqCgJKSkgbPX7duXZ3zALE/HACPEs+goCCUl5d7HNecP5d58+Zh//79+Pbbb+u8nrc1LFiwAK+99hrefvttPPjggw2+DyIiIuoemLFGRERE3cZ///tfrFmzps72u+66C8888wzWrl2L8ePH44477oBarcY777wDs9mMF154weN4KWh2/PhxPPfcc/L2iRMn4qeffoKfnx9GjhzZ6Hqa85pNpdFo8O2332LGjBkYP3485s6diwkTJiAoKAi5ublYtWoVzp49i1mzZsnnPPTQQ/jf//6HmTNnYunSpQgPD8eHH36IzMxMfP3113J22qJFi/DOO+/gxhtvxO7du5GSkoKvvvoKmzdvxiuvvIKQkBAAYnbWqFGjcN999yEjIwNpaWlYtWoVSktLAXjPFJP06tULzzzzDJYtW4YzZ85g9uzZCAkJQWZmJr799lssWrQIf/3rX+s9/84770R1dTXmzJmDtLQ0WCwWbNmyBZ9//jlSUlJw0003yccOHz4cv/76K1566SW5xHf06NFN/nO5//778dVXX+Hqq6/GzTffjOHDh6O0tBSrVq3C22+/7bXH3pIlS2AwGPDwww9Dp9Phb3/7WxP/ZImIiKhL8tk8UiIiIqI28v777wsA6v2VnZ0tCIIg7NmzR5gxY4YQHBwsBAYGClOmTBG2bNni9ZrR0dECAKGgoEDetmnTJgGAMGHChCavrSmvmZmZKQAQ/vGPfzT5uuXl5cJTTz0lDBs2TAgODha0Wq2QlJQkXHXVVcL3339f5/hTp04JV111laDX6wV/f39h1KhRwurVq+scV1BQINx0001CZGSkoNVqhcGDBwvvv/9+neOKioqE66+/XggJCRF0Op1w4403Cps3bxYACJ999pl83OOPPy54+yfn119/LYwfP14ICgoSgoKChLS0NGHx4sXC8ePHG3zfP/30k3DzzTcLaWlp8vvu3bu3cOedd3r8WQmCIBw7dkyYOHGiEBAQIAAQFi5cKO9r6t+FkpISYcmSJUJCQoKg1WqFxMREYeHChUJxcbEgCIKwbt06AYDw5Zdfepz3wAMPCACEN954o8H3Q0RERF2bQhC85LETERERETXTypUrMWfOHGzatAnjxo3z9XKIiIiI2h0Da0RERETUbDU1NQgICJCf2+12TJ8+Hbt27UJ+fr7HPiIiIqLuij3WiIiIiKjZ7rzzTtTU1GDMmDEwm8345ptvsGXLFjz33HMMqhEREdF5gxlrRERERNRsK1aswD//+U9kZGTAZDKhd+/e+Mtf/oIlS5b4emlEREREHYaBNSIiIiIiIiIiohZQ+noBREREREREREREXREDa0RERERERERERC3A4QUAHA4H8vLyEBISAoVC4evlEBERERERERGRjwiCgMrKSsTHx0OpbDgnjYE1AHl5eUhKSvL1MoiIiIiIiIiIqJPIzs5GYmJig8cwsAYgJCQEgPgbFhoa6uPVEBERERERERGRrxgMBiQlJcnxooYwsAbI5Z+hoaEMrBERERERERERUZPahXF4ARERERERERERUQswsEZERERERERERNQCDKwRERERERERERG1AANrRERERERERERELcDAGhERERERERERUQswsEZERERERERERNQCDKwRERERERERERG1AANrRERERERERERELcDAGhERERERERERUQswsEZERERERERERNQCDKwRERERERERERG1AANrRERERERERETUIl/tzsE3e3J8vQyfUft6AURERERERERE1PWUVJnx1y/3AwAuGRSLQO35F2ZixhoRERERERERETVbdlmN/Li40uLDlfgOA2tERERERERERNRsZ0ur5cdFVSYfrsR3GFgjIiIiIiIiIqJmy3YPrFWafbgS32FgjYiIiIiIiIiImq3U6Cr/ZGCNiIiIiIiIiIioicqrrfJjBtaIiIiIiIiIiIiaqKJGDKzNGhKH60b38PFqfIOBNSIiIiIiIiIiaraKGrEUdNbgOMTpAny8Gt9gYI2IiIiIiIiIiJpNyljTB2h8vBLf8WlgbcOGDbj88ssRHx8PhUKBlStXeuyvqqrCkiVLkJiYiICAAAwYMABvv/22xzEmkwmLFy9GREQEgoODMW/ePBQUFHTguyAiIiIiIiIiOv9IPdZCGVjzDaPRiPT0dLz55pte9997771Ys2YNPvnkExw9ehR33303lixZglWrVsnH3HPPPfj+++/x5ZdfYv369cjLy8PcuXM76i0QEREREREREZ13KmqsKK4SBxbEhPr7eDW+o/bli8+cORMzZ86sd/+WLVuwcOFCTJ48GQCwaNEivPPOO9ixYweuuOIKVFRU4L333sOKFStw0UUXAQDef/999O/fH9u2bcOFF17YEW+DiIiIiIiIiOi8sv10CRwC0DMqCFEhfr5ejs906h5rY8eOxapVq5CbmwtBELBu3TqcOHEC06dPBwDs3r0bVqsV06ZNk89JS0tDjx49sHXr1nqvazabYTAYPH4REREREREREVHTbDlVAgAY2yvCxyvxrU4dWHv99dcxYMAAJCYmQqvV4pJLLsGbb76JiRMnAgDy8/Oh1Wqh1+s9zouJiUF+fn69112+fDl0Op38KykpqT3fBhERERERERFRt7LlVDEAYFyvSB+vxLc6fWBt27ZtWLVqFXbv3o1//vOfWLx4MX799ddWXXfZsmWoqKiQf2VnZ7fRiomIiIiIiIiIurfCShNOFFRBoQAu7Hl+Z6z5tMdaQ2pqavC3v/0N3377LWbNmgUAGDJkCPbt24cXX3wR06ZNQ2xsLCwWC8rLyz2y1goKChAbG1vvtf38/ODnd/7W/xIRERERERERtdRWZxnogLhQhAVpfbwa3+q0GWtWqxVWqxVKpecSVSoVHA4HAGD48OHQaDT47bff5P3Hjx/H2bNnMWbMmA5dLxERERERERFRd2Q023Aot0J+vpX91WQ+zVirqqpCRkaG/DwzMxP79u1DeHg4evTogUmTJuH+++9HQEAAkpOTsX79enz00Ud46aWXAAA6nQ633HIL7r33XoSHhyM0NBR33nknxowZw4mgREREREREREQNsNodOFtajZ6RQVAoFHX2C4IAhUKBOz7dg/UnivDughG4eEAMjuZXAgCGJ4d19JI7HZ8G1nbt2oUpU6bIz++9914AwMKFC/HBBx/gs88+w7JlyzB//nyUlpYiOTkZzz77LG6//Xb5nJdffhlKpRLz5s2D2WzGjBkz8K9//avD3wsRERERERERUVchCAL+7z/bsT2zFI9fPgA3jUv12H8wpwI3vr8D91zcF+tPFAEA3l5/ChcPiEFuWTUAIDEssMPX3dkoBEEQfL0IXzMYDNDpdKioqEBoaKivl0NERERERERE1K6O5RtwySsbAQCpkUFY99fJHvvnvbUFu7PKPLbFhvrjkcv6Y8mKvQCA/Y9Nhy5Q0yHr7UjNiRN12h5rRERERERERETUPjadLJYfZxYbYbE58MzqI3jo6wMQBAFmm73OOfkGkxxUC/ZTIzSg087E7DD8HSAiIiIiIiIiOs9scQ4gkGw4UYT/bMoEACy5qDcCNQ2HjKakRXvty3a+YcYaEREREREREdF5xGp3YPtpz8Danz/aJT821NhgczgavMZfJvVql7V1NcxYIyIiIiIiIiI6j+zPLofRYkd4kBalRkud/RU1VhRWmj229Y0JxsrF47Bybx7USgUGxLNHPcCMNSIiIiIiIiKi88ou51CCUSnhHtuHJukBeA+s+alVCNSqcf3oHrhmZFKHrLMrYGCNiIiIiIiIiOg8su9sOQBgWA89Hr98APw1Snz9lzHQOyd85pRVw2ITS0HTYkMAAFcNT/TJWjs7loISEREREREREZ1HThdXAQD6x4ViYt8oLByTAqVSAV2AGFg7WSDu1wdq8PltY/DH8UJcOjjOZ+vtzBhYIyIiIiIiIiI6j0hlnrE6fwCAUilO9wz1FwNrJworAQDRIX7QBWhw5dAEH6yya2ApKBERERERERHRecJss6O82gpADJy5CwvSAgD2OktFUyODOnRtXREDa0RERERERERE54kiZ7aaVq2USz8lkcFaj+djekZ02Lq6KgbWiIiIiIiIiIjOEwUGMbAWFewHhULhsS8y2JXBplAA0wbEdOjauiIG1oiIiIiIiIiIuomVe3Nx2esbkVNW7XV/XnkNACBe719nX0SQK2NtUt8oJIYFts8iuxEG1oiIiIiIiIiIuom7P9+HQ7kG3P/lAa/7c52BtQR9QJ19EW4Za9eN6tE+C+xmOBWUiIiIiIiIiKibOZpvkB9nl1bjjk/34PrRPeRMNm/ZaEnhAUjQByA0QIOpadEdttaujIE1IiIiIiIiIqJuRpr8CQBPfn8EB3MrsOybg5jWXwyYxerqloL6qVVYf/9k2BwC1CoWOTYFA2tERERERERERN3Y6aIq+fH+nAoAQLCf95CQWqWEWtUhy+oWGH4kIiIiIiIiIuom4twy0ewOAQBQVm2RtxVVilNBA7SMnrUFBtaIiIiIiIiIiLqJ6FBXYC3fYILF5kCZW1moJEDDwFpbYCkoEREREREREVE3oXB7nFVihFLh/bhAZqy1CQbWiIiIiIiIiIi6CYcgyI/PllTX20uNpaBtg4E1IiIiIiIiIqJuQuqrBgBZpdXw03jvAhaoZUioLbDHGhERERERERFRN+EWV8PZkmrszxangM4aEudxHEtB2wYDa0RERERERERE3YTDLbJWVGnGwVwxsHZx/xikRgbJ+1gK2jYYWCMiIiIiIiIi6ibsbj3WiqrMOJwnBtYGJ+owIjlM3hfIqaBtgoE1IiIiIiIiIqJuwn14QWaxESarAwEaFVIjgjC2d4S8T61iSKgtsFMdEREREREREVE34V4KKrELApRKBWYNjseqfXlICg/0wcq6JwbWiIiIiIiIiIi6CfdSUMnkvlEAAK1aifdvGtXRS+rWmPdHRERERERERNRNOBx1tz03d3DHL+Q8wYw1IiIiIiIiIqJuQuqxNn90DwRoVHhwZho07KfWbhhYIyIiIiIiIiLqJuzOHmvXjeqBQQk6H6+m+2PIkoiIiIiIiIiom5Ay1lRKhY9Xcn5gYI2IiIiIiIiIqJuQhoIysNYxGFgjIiIiIiIiIuompFJQxtU6BgNrRERERERERETdhEMOrDGy1hF8GljbsGEDLr/8csTHx0OhUGDlypV1jjl69CiuuOIK6HQ6BAUFYeTIkTh79qy832QyYfHixYiIiEBwcDDmzZuHgoKCDnwXRERERERERESdg5091jqUTwNrRqMR6enpePPNN73uP3XqFMaPH4+0tDT88ccfOHDgAB599FH4+/vLx9xzzz34/vvv8eWXX2L9+vXIy8vD3LlzO+otEBERERERERF1GtLwAmasdQy1L1985syZmDlzZr37H374YVx66aV44YUX5G29evWSH1dUVOC9997DihUrcNFFFwEA3n//ffTv3x/btm3DhRde2H6LJyIiIiIiIiLqZBwO8b9KZqx1iE7bY83hcOCHH35A3759MWPGDERHR2P06NEe5aK7d++G1WrFtGnT5G1paWno0aMHtm7dWu+1zWYzDAaDxy8iIiIiIiIioq5OLgVlxlqH6LSBtcLCQlRVVeHvf/87LrnkEvzyyy+YM2cO5s6di/Xr1wMA8vPzodVqodfrPc6NiYlBfn5+vddevnw5dDqd/CspKak93woRERERERERUYeQS0E7bcSne+m0v80OZ+7ilVdeiXvuuQdDhw7FQw89hMsuuwxvv/12q669bNkyVFRUyL+ys7PbYslERERERERERD5TWGmCM67GHmsdpNMG1iIjI6FWqzFgwACP7f3795engsbGxsJisaC8vNzjmIKCAsTGxtZ7bT8/P4SGhnr8IiIiIiIiIiLqKhZ/ugez39wMk9Uub7v6bVdbLJaCdoxOG1jTarUYOXIkjh8/7rH9xIkTSE5OBgAMHz4cGo0Gv/32m7z/+PHjOHv2LMaMGdOh6yUiIiIiIiIi6giZxUb8cPAc9mWXY+vpEnl7Vkm1/JjDCzqGT6eCVlVVISMjQ36emZmJffv2ITw8HD169MD999+PP/3pT5g4cSKmTJmCNWvW4Pvvv8cff/wBANDpdLjllltw7733Ijw8HKGhobjzzjsxZswYTgQlIiIiIiIiom5pm1swbU9WGab0i0aV2eZxDONqHcOngbVdu3ZhypQp8vN7770XALBw4UJ88MEHmDNnDt5++20sX74cS5cuRb9+/fD1119j/Pjx8jkvv/wylEol5s2bB7PZjBkzZuBf//pXh78XIiIiIiIiIqKOkFPmykzbnlkKACiuNHsco2JkrUMoBEFqa3f+MhgM0Ol0qKioYL81IiIiIiIiIuq0HA4BPf/2o/xcq1biwOPTcTivAvPecvVYO/b0JfDXqHyxxC6vOXEin2asERERERERERFR0/1xotDjucXmwE3v70R6kt5jOzPWOgYDa0REREREREREXcS5CpP8ODkiEFkl1dh6usRjiAEAKDkVtEN02qmgRERERERERETkyegcUhCgUeHakT3qPY4Jax2DgTUiIiIiIiIioi6irNoKAPjTyCTE6/3rPU7BjLUOwcAaEREREREREVEXUV5tAQCEBWoxJS0acbr6g2vU/thjjYiIiIiIiIiok3tk5UEUV1rgEAQAQHiQBqH+GmxdNhUpD/3g49WdvxhYIyIiIiIiIiLqxM6WVOOTbWcBACF+YignPMivznG9ooJwqsjYoWs73zGwRkRERERERETUDIUGEwL91Aj265iwyuZTxfLjSufwgv5xIfK2FbeOxt6z5YgN9cd9X+7vkDWRiIE1IiIiIiIiIqImKDSYcO2/t+F0sRF+aiU+v20Mhibp2/11c8qqPZ6H+KuREhEkPx/bKxJje0XihwPn2n0t5InDC4iIiIiIiIiImmDjyWKcLhZLLc02B77bl9shr3uuwuTxfHCCDkpl3amfI1PDALjKRan98XeaiIiIiIiIiKgJzpZ6Zo5Z7Y4Oed382oG1RJ3X46JD/LHj4akI0jLc01H4O01ERERERERE1ARSYC1Iq4LRYofdIbTr650oqMRT3x/BllMlHtuHJOjrPSc6xL9d10SeWApKRERERERERNQEUmAtNUrsb2a1t19gbeupEkx/eQM2ZRRDoQAigrTyviH1ZKxRx2NgjYiIiIiIiIioCaTAWs/IYABo14y1+77YJz9+a/5wbF02FcN66DGhTyQSwwLa7XWpeVgKSkRERETUBRzMqUBiWADC3DIWiIio49RY7CiqNAMAUiOljLW277FWZbbhr1/sR55bX7X0JB20aiW+vWNcm78etQ4z1oiIiIiIOrmtp0pw+Rub8OePdvl6KURE562cMjFbLcRfjchg8UuO9shYW7k3F2sO53tsiw1l37TOioE1IiIiIqJOpMZix5vrMrD+RJG87dPtWQCA3VllsHXQBDoiIvJUVCVmq0WH+EGtEsMp7dFjzWi2eTz/4KaRUCgUbf461DYYWCMiIiIi6iSKKs2Y9tJ6/OPn41j29QEAwI8Hz2H1gXPyMScLq3y1PCKi81qZ0QoACA/SQq0UA112h+eXHUazDTvPlEIQWh5wK3YG8CTsp9a5MbBGRERERNRJfLjlDHLLawAAeRUmnC6qwh2f7vE45kBOuQ9WRkREZdUWAIA+UAu1Sgys2dxKQQVBwMxXN+Lqt7di66mSFr3G7qwybMpwnRsd4ofEsMBWrJraGwNrRERERESdhDRtTvL5ruw6x+zPqaj3/NZkSBARUcMKnYMLwgI1UCvFcIrNrRT0jxNF8uf43uzyZl+/pMqMeW9twdFzBgDAs3MGYf39U+CvUbVy5dSeGFgjIiIiIuokCitNHs8/2yEG1m64MBn/mn8BAHE6qDd7z5bhwuW/Ydk3B+Dw0kzbYLLi92MFKKlVYkRERI0zmm147beTAIBArVouBbU5S0EFQcCLPx+Xj29JS7S8cs//B4zrFYkALYNqnZ3a1wsgIiIiIiKRlA2hVSlhsTtQUSP285k9LB7RIeJEuGP5Bpis9joZDM+vOYYCgxn/25GNYUlhuGZkEgDxZu+JVYfx+a5smKwOXDo4Fv+aP7wD3xURUdf369EC+bFGpZCHF0iloDllNTicZ5CPqTJ5DiBoCqnUFBADcymRQS1dLnUgZqwREREREXUSRQYxsDYgPtRje3qiHolhAQjxU8NqF5BTVl3n3GP5lfLj59ccQ0W1GJTLLq3Bh1uzYLKKWRX7s+svJSUiIu9+POgaInPjuFRXxpqzFPS422cwAFS2ILBWanQF1t69YURLlkk+wMAaEREREVEnYDBZUWkWb8TcA2tDEnVQq5RQKBSIDvUDABRVWjzOraixotwZSEvQB6DEaMGXu8Uy0lJnBkSAM8Mtt7wGNRZ7+74ZIqJupMpsw7rjRQCAH5dOQII+oM7wgmP5Bo9zKk3WZr+ONA10RHIYpg2Iac2SqQMxsEZERERE5EVOWTX+9u1BZJfWzQ5rD7ll4jTQsEAN/NWuMs+3/s9VthkZ7Ays1eqTJq0xMliLmYNiPY6RykmTIwLhrxH/+d//sTWw2h3NXuPurDL8d1MmhyQQ0Xnlj+OFsNgcSI0MQv+4EACASs5YEz9Ljzoz1lKd5Zsr9+U1+7OyxJmxNihB1ybrpo7BwBoRERERkRfz3tqCFdvPYtk3B9v1dQ7klONv3x6UhxIkhgXC4XYzlqAPkB9LgbWnvj/scQ0piBYd4o9AP7GNcrVZzEqTAmu6AA3mDEuUzzlZUNXstc57awueWn0Eqw+ca/xgIqJuIqtE/PJieHIYFM6pBBpnjzW7w7MUdEiiKyi2K6usWa9TWiUG1iKDta1bMHUoBtaIiIiIiGoxmKwocPY7O5hbgfJqCzIKq9o8U8vhEHDFG5uxYvtZPPD1AQBAUngAbhmfioggLZZM6e1xvDR9rrjKIgfMAMDkLO0M1KoQ7CdmuxmdZaXugbUHZvSTzzl6zrNsqTkO5bFPGxGdP6TeZ+FBroCXlLFmdThQXGXGqSLxy4oZA2PlY4qcA2m+2JmN2z/eDZO14TL8EqPZ+Tp+bbd4ancMrBERERER1bJyb678WKNS4NJXN2LaS+uRuuxHWGzNL6GsT15FTZ1tMwfFISk8ELsemYa/ugXCAGDBmBT58b83nMKT3x+G3SGgxnmzFqBVIVArZqwdzjPAaLbB4BZYCwvS4uZxqQCAtUcK0FLs0UZE5xNpWmdYoCuwplE6M9bsAn4/VghBAAYn6ORyfAAwWe1wOAQ88PUBrDmcj2/25KIhxc6MtQhmrHUpDKwREREREdWyPbNUflxcZUFehUl+frYNe655C1BNSYsGALncyN243pEYlRoOAHhz3Sm8v/kMfj1aIE/89NeoEOTMWDteUIlr/73NI2MNAK4blQSFAlhzOB9//nBni3qtMbBGROcTaThMWKBG3ubKWBPwq/OLimn9Y6BQKOTgWpXZhpOFrrL7xj5vpcw4loJ2LQysERERERG5EQQBu8/U3xenosaC7/bl4qGvD7QoKOVeTlrjpSwo2NkjrT6pEUEez6tMNlfGmsaVsQaIZaxlzhu1MGcJU5+YEMwaHAcA+PVoITaeLGr2e6hupJyJiKirK6w04R8/H8PaIwXytE69e8aacyqo3SHgYK5YHj++TwQA1+d4pcmGzGKjfI4UOKtPSRVLQbsiBtaIiIiIiNzkltcg32CCSqnA7ZN6QakAnp83GOnOhtTbTpfirs/24bOd2fjpUH6zrm222XHJKxux6KNdAIBqZ+aXVq1E35hgPDKrf6PXSI3yDKyVGi1y354AjapOYE4abOCeAXH3tL7yY0ONrVnvAXD1dCMi6q7+te4U3lx3Crd+tAsHnMNlvGWsWWwOFDp7qSXoAwEAwf7i57DRbPOY4iwd543JaofR+dnKUtCupeGvw4iIiIiIziM5ZdVY+r+9AICB8aF48JJ+WDylF0L8NfjhoBhE+8fPx+XjpQEBTXU4z4DjBZU4XlAJg8kqZ5r1jQnG6jsnNOkaSWGBHs+LjWa514/YY03lsf90kZgtIU0UBYDe0cEYmRKGnWfKWpR1V91OgTWb3YHXfjuJCX2jMDIlvF1eg4gIEAcLvLcpE72ignD1iCSPfZUmKz7YcqbOOWFB7hlr4udulfP/A0qF6wsM6QuOKrMNRQZXK4GiStfj2kqc2WxalRIhjWQuU+fCjDUiIiIiIqdnfziKPWfLAQDDk8OgUCgQ4i9mKLhnKkjMzSyJrKh2TfLMKKySe5UFaFT1nVLHwPhQj+fFlRY5QOdfqxQUcPWEiwj2LC2SptuZWzCMob1KQdefKMJrv2fg6re3evxeERG1pe/25WLyP9bh7fWn8Oh3h+BweE58dh8ykBzh+jJD7yVjTRIZ7Ae1M9gmB9ZMTc9Yc5WBar322KTOi4E1IiIiIiIn99LOsb0iPfYFeckgaKxfTm35bpkLa48UuAJr2qZnJ6REBuGzRRdi6dQ+AIBDuRUePdZ6RgVhZEpYnfNqN8P2U4vBvBYF1pqZqddUBQbXTafUs4iIqC0JgoDHvjssl12arA6Pz2YAOFPi6ouWFhsiP9YHuD5H1SrP4FdMqL/8WPpC5kyJ0eNzrdBQf2BNKjdlGWjX49PA2oYNG3D55ZcjPj4eCoUCK1eurPfY22+/HQqFAq+88orH9tLSUsyfPx+hoaHQ6/W45ZZbUFVV5f0iRERERET1cC/rfPzyAZjWP9pj/9heEVAqgBsuTMadF/UGABQbLThbUo3Pd56F2dZwFtfRcwasPpAnP19zKN8tINa8f5Zf2DMCt4xLhVqpwPGCSqzYfhYAEKhVQaNS4svbx+LSwbHy8QoFEBXimbHmpxZf02yzQxAEfL7zLPacrX9og/vQBWnSaFtzv25ZtQWVJissLQj8ERHVp6LGKn/WxISKn4tZJZ7TnqW+lfdM6yuXfAJiP0xJ7Uxj6VqA+P8LlVKBPWfLsf6Ea0BMcZW5Tnac5JGVhwCILQOoa/FpYM1oNCI9PR1vvvlmg8d9++232LZtG+Lj4+vsmz9/Pg4fPoy1a9di9erV2LBhAxYtWtReSyYiIiKibkrKWAjxV+Omcal1SnEuGxKPw09egqdnD0K0M0hVVGnGU6uP4MGvD+KK1zcju7S6znUliz7ehc0ZJfLzSpOtRaWgEl2gBlNrBf/83QJ0Vw1PlB9HBGnlDDWJn/NYs9WB7ZmlePDrg5j7ry31vp7N0f6BtfJqVwbgF7uyMfzpX3Hj+zva5bWI6PyUU1YDQCzd7B8nltZ/ty/X45gyo/gZFxakqbcsM8Rfg55uw2TcM9ZSIoPw2GUDAIhTQyU2h4DS6rqZzu69Lqf1j2nW+yHf82lgbebMmXjmmWcwZ86ceo/Jzc3FnXfeiU8//RQajWdfi6NHj2LNmjX4z3/+g9GjR2P8+PF4/fXX8dlnnyEvL6+eKxIRERER1SUFdcKD6i/DCXAOBkgMF3vunC2pxq9HCwAAxwsqcemrG2Ew1Q06mW12ZJeKN3P3OCdy1lhsroy1ZpSCuls6tY/HsAJ9oGvtE/tEyY+Lq+reyLmXgp51y9Zwz0xzZ7O7tpttDny3Lxdz/rUZ5ypqWrR2b8rcbjg3niyGxe7AllMlDZxBRNQ8OWXi511iWACuHSkOLfjh4DmPTLLyGvGzSB+o9dpfU/Int6EH7oE1AFg4NgUv/ykdaqUCabEhcjm+t3LQ/ApXKeqzcwY19y2Rj3XqHmsOhwM33HAD7r//fgwcOLDO/q1bt0Kv12PEiBHytmnTpkGpVGL79u31XtdsNsNgMHj8IiIiIqLzW6kzQ8E9OFWfnpFilkJmsREatz47lWYbzpXXnfom3TT5qZW4bpR4I1ZttcvTNVuSsQYAA+N1OPLUJVi5eBz+Or2vR6aDWqXE3GEJACD/1517Kai/W3DOYPLeP83m8CzJvOuzfdh7thxPrz7SorXXdii3Aody+e9yovPBZzvO4uOtZ3zy2icKxNZRPSODMLV/DPzUSlSabDhd7OqrVu4cnhIWqMHSqX2QnqTHc3MG17lWoFvvzdhagTUAmDMsERsfnIIvbh+DqBBxf6GXyaC55eIXFCkRgXUCdNT5deoZrs8//zzUajWWLl3qdX9+fj6ioz3T39VqNcLDw5Gfn+/1HABYvnw5nnzyyTZdKxERERF1bVK2VEPZCZIEfQA0KgUszvIdpbOHWYHBLGehAcCb6zJQZbZhnHMQQoI+QL4REwQgs1i8wQsPavw1GzI0SY+hSfo62/8+bwjG9o7ERWnRdfa5Z6zZ3YJmxVVm6ALqrsc9Y83duYq6N4nNVWmyYu5bW+rtp2a1Ozz6HBFR11VRY8VD3xwEAGhUSgRoVbgiPb7DJmEecfYwGxAfCo1KiWE99Nh2uhS/HytA7+hgAK7BNGGBWkQG++G7xeO8XivYz/WlRHSon9dj4nQB4v4QPxw95z1jLddZnpoQFtDCd0W+1Gn/77R79268+uqr+OCDD9r8B2zZsmWoqKiQf2VnZ7fp9YmIiIio6ylz3kiFNyFjTa1SooezHBQAkiOC5Clw1RYx4yu/woR//Hwcb/1xCv/3nlhNEavz98hO2+LsuTYkUd8m76E2rVqJq4Ynei1vde+xZjS7goHFld6n1tnqabjdFsMFskqqYbE5EOynxqzBcXX2S5l9RNT1ufeifOibg7jrs3345YhYUl9UaW7WZ4rJasd9X+zHz4frT6yp7VSR+IVG3xhx2ufl6WIv92/2iH3WbHYHiqvEz8H6gmWSQLcy/lhdw5lmUm/OhjLWEvQMrHVFnTawtnHjRhQWFqJHjx5Qq9VQq9XIysrCfffdh5SUFABAbGwsCgsLPc6z2WwoLS1FbGysl6uK/Pz8EBoa6vGLiIiIiM5vJUZXT52mSI0Mlh9PHxgj9zqTBhLsyiqtc05ksB9USoU8ZKDSOYl0cIKu5QtvIfdSUPeJqAX1BtZcN7t6t6y+tgisSTeVvaKCsHxe3XKrGgbWiLoNaXiAu9s+3o13N5zGyGd/xdy3Njf5Wh9vzcLXe3Jw28e76+0PWVuBc1BNvF4MhF02OB5alRLH8ivx+HeHkF1WA4cAqJQKRAQ1HFjTumXSxoQ0HFiTSjx3Z9WdvixlrMUzsNYlddrA2g033IADBw5g37598q/4+Hjcf//9+PnnnwEAY8aMQXl5OXbv3i2f9/vvv8PhcGD06NG+WjoRERERdQFbThXjj+OuL2n3nhVvdvrGBNd3igf3aXD9YkLg78xEk0pBTxUa65wT4Wxe7Z7loFUpPQJVHcW9FNQ9sFbfZFOpFDRAo8Lsoa6ebeY2CKzd9rH47/l4fQBC/TV4/PIBuG1STwQ7y2alLEAi6vqk4QG1PfvjUQBoVq9F9+wvaUBMQ2osdrmPZLQz0OU+YfnDrVm4wZlhHB0ifhHSkCq3z87GPsel11h3vAgfbz3jMS2UGWtdm097rFVVVSEjI0N+npmZiX379iE8PBw9evRARESEx/EajQaxsbHo168fAKB///645JJLcOutt+Ltt9+G1WrFkiVLcO211yI+Pr5D3wsRERERdS5vrhP/nbl4Su86+0xWO65/V7x52nD/FEQEa7H3bDkAYFzvyCZdPzXSFViLDfWXM9akskWjl2BQhLMk070cNCJY22G9hdy5MtYcqHIrBT1TXDcgCLhKQdVKhUd5lNXeusCaya0nnZStcdO4VADAyr25qDLbWApK1AUUGEx4c10GLugRhtleBqZIamesje0V0eLpv3luPR4XfbwLT14xEKN7RtR7vBSIC9CoEOI2eGDuBYn46VC+x/qaMkRA+v9F/7jQRj/Hh/UIQ1igBmXVVjz63WHoA7VyGWqm83M3OSKooUtQJ+XTwNquXbswZcoU+fm9994LAFi4cCE++OCDJl3j008/xZIlSzB16lQolUrMmzcPr732Wnssl4iIiIi6iLzyGvzj5+MAgBvGJCPU35VJUFFtxYhn18rPfzmSj97RwbA5BCSGBSDJrXdaQ9wDazFuvdOkQJGUBaZWKuSgVESwGJAK8vMMrPlCgDMQWFFt8cgIO5hbAUEQ6twk2pwBNLVKIWeSAYCylUFBqSwLAJZe1Mdjn5jZZ2ZgjaiT23iyCPd8vg/FVRZ8vC0LQxJ16BnlPftXylhLiw3BPRf3hZ9a2eLAmnuQ7lh+JW54bwc2P3QRokK8l3AWVrp6p7l/xk3qG4WeUUE4XeT6YmFKv7pDX2oLD9Ji/2PT5c/Txrj3s9xyqhiXp8fDYLLKGWv9nH3fqGvxaWBt8uTJTa6DBoAzZ87U2RYeHo4VK1a04aqIiIiIqKs7nOcqJSozWjwCa1/uzobVbcLlMz8clTMXpOmdTZEc4QrAxYb6yzdWcsaaM7CWFB4oZyNIQwQS9AE4USA20HZfW0eS+rodzjMgMth1E3osvxL7sssxrEeYx/FScFClVHoE1iytzFjLKxcDaz0jg6CrVUolBStZCkrke8VVZty5Yi/mDU/EVcMT5e0Hcypwy4e75H6LggBklVY3EFgTg0gPzUzD5H7ROJRb0fI1OQNlUSF+4uADuwPf78/DzeNTvR5fUW0FAOhrTT7WqpX4cekEpD26Rt5260Tv16it9udWQ9w/L81W8fFR5/+vYkP9m3Ut6jw6bY81IiIiIqKWOphTLj9+7LvD8pe55ypq5Mlv7qQhAmN7119CVFucLgAPzUzDY5cNQJCfWg4C1ciloOJ/w9xulKRshEcvG4A45wS5vj7KUEgKD0SCPgA2h4BNGcUe+z7emlXneKnHmkalwMUDYuTtrR0skG8Qb7K9TdSrPRCCiHznoy1nsPV0Cf765X5528trT+DyNzbJQbWhSXoAgKHG6vUaRrNN/qJBmqzsbWpxY2osdlSZbfL0zq9vH4uHL+0PQMyeA8Rs2Pc2ZXr0kJRK9IP96+YY+WtUWDq1D1RKBd7+vws8emG2lfRE16AaKcC49bSYrTc8JczrOdT5MbBGRERERN3OQbcMiPUnivDr0UKUGi247LVNOHLOAD+1Eq9eO7TOecOTm3djc/ukXnJmhBwEcpaCSllWA+JdE+hTnOWjPaOCse6vk/GfBSNw3/S+zXrNtiTdBEsDCG6b2BMAsPrAOZRUeU4HtTpcpaAh/hpsfEBs6VJjtTerCqU2KWMtTle3abc0obXYObGViHzH7JZt9d2+XHyzJwev/nZS3tYzMgjRzhJMaUBAbb8fK4TZ5kByRKBcTh8RrG10SIA7h0PAnH9txuhnf5U/uyJDtBiVGg4AOOgcfvDIykN4evUR3PXZPvncSue63LNu3d0zrQ/2PHoxLhkU1+T1NMdr1w3DSGcATSr/3JIhBtaakzFNnQsDa0RERETUrQiCIN9YSQ7mVuAfPx9HidGC1MggfH/neFw5NAHfLR7ncVxrJrIFOLMbpClx0kCASX2j8cb1w7D2nokex/trVJg2IAYhPioFBYDBbtkTADCmVwTSE3Ww2B0eWSkA5Al2aqV4CyGVLNkdAm7/ZDdu/3g3HI7mB9jyK6TAWt2MtcQw8c+jvimCRNRxpNJFALjrs3249wvPz4jSagtCnSWWlSbvGWurD+QBAC4bEif3OPNTq3Dl0KYPHzxyzoBj+ZVyVnCARoVArVruV2lwvvbaIwUAgF+PFsjnSp/PwX7eP3cVCgV0Ae33mZwcEYQ3r78AgJhBbTBZsTdbnEg9rhkZ09S5MLBGRERERN1KvsEklwdJtp8uwf92nAUAPDKrv1x+mZ6kx1NXDgQgZjC0ZjpnvDMwJJX3VDtv4IK0Klw2JB59OmFTailjTRLkp8YS5wCBdceLPCZ2StM/1c7MEvfJpj8fLsCaw/k40IJeSecq6i8FlQZJ5JTW1NlHRB1LmqgZFqiRPwfclVdb5Z6Rhpq6GWtVZhvWHRfLNGcN9gyk3T216Zm772487fF8UIKYFSx9SWGxOWC22T0+3yqcpalVcsZa04YNtIfIYD9o1Uo4BGDVvjxY7QIS9AFyaSx1PQysEREREVG3cjCnbnBne2YpADHINbV/jMe+/xudjOfnDcbqO8e36nWlMs8zzv5BUl+foHpKjjqDIYk6jxKsIK0a0/pHQ6MSt5W6lWBKPdak4zUqpXycZEdm8yf7nXNmrMXrvQTWnBlrWaXGOvuIqGMVGsQvLJ6ZPdgj23WI8/Hl6fEIDRA/7wxeMtY2nCiCxeZAamQQ+sd5ftHQIyIQ145MatI6Np0Ue0Iuvag3vrx9DD66eTQAz/LOKpPNY/ry/uxycbu5/h5rHUWpVMjZ0d/syQEAjO0V0aovdsi3GFgjIiIiom5FyhibNSQO+x67GJcOjpX3Gb00wVcqFfjTyB5yYKylejrPzymrRlGlGcVVYlBK34mnvAVq1RgQ5+oBJ2XtRQSJfZJKqlyBNal3nJ9bppq/xjPro8DgmSnYmDKjBcfzKwEAPSPrThDsHS1uyyiskktRicg3Cp0TOGNC/dDbbeLnhzeNwrNzBuHpKwe6ZazVDaxJQwWm9Iv2GkS6b3o/AEBD8SW7Q0Bptfi59H9jkjEyJVyeyKxSKhDkfFxpsnkMPdlzViy3bKwUtKNIZe57zpYD8N0QG2obDKwRERERUbdSYhRv/qKC/aAP1OJf84fjteuGARDLQNtLVIgfgrQqOATg421ZsNgd6BcT0unLe9zLpQKdGR7SlL5ioytQJmWvRbpN8JMGNkjKqj2HDAiCgJMFlXUGIUh+OHgONoeAgfGhXgObyRFB8NcoYbI6cKaEWWtEviIIAgoMYnZpdIg/xvRy9QMLC9Ji/uhk6AO1bj3WbHXO33BCzDSb2Nd7k36pvFQQUG+/xvJqC6RZKeGBdaeJSploVWYbatx6wkkBLCng58uMNaBuP8/IkOZPRqXOo/PmpRMRERERtYCUZRXhFgC6Ij0eE3pHtmv2mEKhQJCfGkaLHa85J+X1iw3p9OU9aW4lWVIpldQEvNQtY00Kjkn7ADHjDXAFzcpqTe+8/6sD+Gp3Dvw1Smx5aKocsJOs2ic2Mq+vcblKqUDv6GAcyjXgVGEVekXVzWojovZnMNnkCZzRoX6YPTQBuWU1HlOPASDE33sp6OliI3LLa6BVKTE61XuTfpVbabnNIUDrpY9bifMzJixQA7Wqbp5QiL8GBQYzDCYraiyu4N6erDJklRixwZk119vHnyVSxpokKrhuKTx1HcxYIyIiIqJuRSrBjAj289geFqRt9yBX7WlynbkMVOJ+k+unFm8PpACYe4816fc10u33NS3Ws3yprNp1M11SZcbKvbkAAJPVgcziKo9j92eXY8eZUigUYm+m+qREOHvXMWONyGcKndlqof5q+GtUUCoVuHNqnzo9K+srBd14QgxojUwNk0s3a3MfiFBf6bc0mKZ2kF4ifTlQZbLJ5euAmME26R9/wGR1YHhyGC7sGe79jXaQhNqBtRC/eo6kroCBNSIiIiLqVqRSUPfMqo7yzOxBHs/1AZ0/sNY7Ohhvzb8AH948Sg48Sut2zzqRMkXcA5avXzcMPy6dgBevTgcglmlJ3lx3Cja3m+OKWjfaH245AwCY0CcKcTrPm0x3qc4S0czi6ma/NyLyLq+8BhXVdfug1cfVX63hzCrX8ALPUtANzoEDE/tE1Xuu+yAVm8Phsc9qd2DnmVIcOyf2ZKzvM0MKUGUUVck91gYn6DyO+ev0fj7PJE4M82wRwMBa18bAGhERERF1acVVZiz9315sPSVOpJQm10UGd/yNyuieEbjzot7yc52XHkCd0czBcZjU13XDK/VJcs86KXBO74x0C1iqVUoMiA+V+7RJwbfMYiM+3nbG4zVqB9aKncdePiSuwbUlOzPWspixRtQmThZUYvKLf2D+e9uafE5hpbO/WmjDn6tSxlqlW1A+v8Ikfz5PaCCwpla6whO1M9be25SJq9/eiqdWHwEAj88rdxOd238/WihnrL31fxd4HOPrbDXAs8dackRgvRl41DUwsEZEREREXdpzPxzFqv15uO7dbXA4XA2243S+6VkzvrerMXeojxtkt5RczuXMOhEEAScLxUwRb33OpGyLSpMNJqsdn+04C6tdwMS+UfJU1opqK3ZnleKlX47DanegynnjHdpIVl9qpJjZcaaYgTWitrD8p2Ow2Bw4lGtAtcXW+AlwTfyNCWksY038eTZZHTDb7DDb7Lj9k92osdoxMD4U/ePqn37p3lLNViuw9vefjnk8v3iAZwmqZJxzqMLe7HJY7eI1gv3UCHCbYOzrbDXAM/NvSKLedwuhNtE1/09PREREROS0L7tcfpxXUQObQ4BS4bvSmmE9wuTH0o1dVyOXczmzzEqMFpRVW6FQeA+shfqLN641VjvyK0wod5aYjUoJQ255jXgtkw3z3toKQMzkqzKLN/Qhfg3fkkg91vIqTDBZ7fDXeO/PRESNO1NsxB/HC92eV9cZQOCNlAkc1UjGWoifGgqFONnTUGPDL0fysS+7HLoADd6aP7zBoJZCoYBaqYDNIdTJWAvSqmB0lnb6a5RepwgDYum4LkDjkSHrr1HVKS31NZVSgYvSonEwtwLLZqb5ejnUSsxYIyIiIqIuzep2w3TfF/sBiEE1jZeJcR1Bq1bi9km90CM8ENMHes+q6OykjDXp5vREgZitlhQW6LXxuEKhQIzzhrvAYILFLv6ZaNVKOYOl3K2f0+6sUlQ6s+FC/BvOWAsP0srBt7Ol7LNG1Bqr9ufBPWbV2FCQ9SeK8M76U8guE3/2ohvJWFMqFXKZ447MUqw5lA8A+MvkXugREdjQqQBcfdY8+jNWW+WgGgBcPqT+YScKhUIuTQfE6aH+GhWevlLsf7l4Sq9G19BR3ls4ApsenIJ4ff09JqlrYMYaEREREXVZDoeAImdTbQDYnlkKAD6/UXloZhoe6sJZCKG1hhdkFIoTPfvG1M1Wk8SE+uNMSTXyKmpgsTkDayqlPCn1eIFBPtZotqPKGVgLbqRcVqFQICUyCAdzK5BZbETfmPpLyYioYdm1gtMlVWYcPWfAw98exPDkMDxwSRpUCgXMNgcCtCr89cv9Hp+xtScBezNrcBze2XAa93+1H9XOgJh7iXxD1EoFzADsbtm+x52BfQC4dUIq7pzap8FrDE3SY71zCqk0ffNPI5MwplcEksIaD+51FIVCAT81M3C7AwbWiIiIiKjL2XmmFA9/exALx6bAZK1b4pMc3nlunroiKWNNyjKTMtZ6R9d/Uz0wXoftmaXYnFECsxRYU6sQ7hwiscXZvBwQhxtUOXs7BTdSCgpADqyxzxpR65xzDiHRqBSw2gWUV1tx8wc7ca7ChD1ny3EsvxIbnRM8X/5TukdQDQAGJ+rqXLO2xRf1xqG8CmzOEH/mFQpx+nBTuDLWXJ/rG5xBsovSovHwrAGNXmNoD738OFEf6FyDQh6EQtTWWApKRERERF3OTe/vxImCKjz87SEAwJBEnUcmBW+gWkcq6yyuMsNmd+DYOTGw1lDG2rQB0QCA348VwuScxuenVqKnsxeS4FZ+dra0Wn4e0oQBDynOEjKWghK1Tp6z52H/OLGvWk5ZjRxsAyAH1QDgns/3e5zbKypIDro3JNRfg9euHSY/jwnxb3JvRLWzhF/qsZZRWIl/bzgNAJgzLKFJ1xjqNgygVzT/X0Dtj4E1IiIiIupypMb3gJh58dAlaRjjnAYHAD2jeDPVGhHBflArFXAIwP92nMWurDIAQJ8GMtZGpYRDF6BBqdGCrafFTBWtuv4m44D4Z+enbvyWJNo5Qa+wVvYMETVdUaVZDk4PShAzzz7fld3k89Pdepc1JjxIKz9uSvBcUrvH2t9/Og6L3YEp/aJw2ZC4Jl0jLEiLeRckYlgPPRZN7Dw91aj7YmCNiIiIiLq0h2b2x9jekRiZEi5vG9uraf18yDuVUoEYZzDr7fWn5e0NZX+oVUpclCZmrUnZJlq1EsF+akTXM6FVH6htcEqgRDp/7ZECHMs3NHI0EXmz4UQRbA4BgxN0GFhrEugdk8UAVEOl2UObEVhz/7kOakK5t0TtDKzZnZNBtzmD9PdN79ekzwrJP69Jx7d3jJN7PBK1JwbWiIiIiKhL2X66xOP5lH5RAMT+O5P6RuHWCamIqieQQ00XpxMDa7nO0rEp/aIQqG34BvniAZ5TUKVstNR6stbCApt20+semHvwqwM4V1GDv317EBmFlQ2cRUTujM6+hknhAdAHuDLK0hN1uH9GP/xnwQisvnN8vedL5aPNdUGPsCYf656xdqqoClVmG4K0qha/NlFH4PACIiIiIupS3liXIT8ekRwmB238NSp8ePMoXy2r24l1BtYkN4xJbvSciX2joFUpYbFLwwvEwFrPqCB5Yqs7faC2zjZv3AOlJUYLZr66EeXVVmSXVuPjW0Y36RpE5zv3ab2xOtfP1A1jUqBQKDDNGRj/6OZRWPDfHR7n9o8LbVbGGgD879YLsWp/Lu65uOEpnu5cGWsOFBjE4SlJ4YFywI2oM2JgjYiIiIg6LZvdgXc3ZmJCn0gMStBhf3Y5Np4shkqpwLr7JiMpPKBZ5UHUdHG1AmuxoQGNnhPsp8aVQ+Px5e4cAN4z1iKCtCgxWgAA4U0MrMXpXK9tsjrkaaXZHGZA1GSuab1KDEsKw9OzB6G0yoLZQ+M9jnPvjwYAL12TjjnDEpr9WTumV4RH78umkDPW7AIMNWKGXVMGJhD5EktBiYiIiKjT+t/ObDy/5hgue30TBEHAe5syAQCzhyagR0Qgg2rtyD2YpVIqkOyczNmYkamuXndalTgJMDXSNU1UapoOAGFBTbthVikV2PPoxdAHalBc5RpgkBjWtDURkVvGmloJpVKBGy5Mxl3T+siTOCUJ+gA521QXoMHIlPAO+6xVK11TQQ0mMYAeGsB8IOrcGFgjIiIiok5JEAR8uydHfr54xR7syy4HAFxRK8OC2p57xtqQRF2TG5Dr3ZqF+2nqZqz1iXYF2XqEN316a3iQFt/eMQ7Dk139miqdN95E3UlFjRWbM4rhcA4BaStyibYz4F2fsCAtvvnLWHxyy2hs/9tUJIV3XADbvceaocYZWGPGGnVyDP0SERERUadhsTnwrz8yEBaoRb/YEOw5Wy7v+/Fgvvy4dpkitT33HmtpsSFNPs+9b5rWmQnT0y2wZrLZ8dhlA1BgMOGmcSnNWlNqZBC+uG0M3vg9Ay//egIGk61Z5xN1BTe8tx0HcirwwrwhuGZkUptd1z1jrTHumaUdSaMSA2sWmwOVzp/vUE72pE6OgTUiIiIi6hQEQcBTqw/jk21nPbZPTYvG7GEJuPN/e+VtMSEMrLW3eL2rFDS6Gb/f7pM+pRt4pVKBl65Jxxu/Z+CW8T3rnRLaFCqlAjMGxYiBtRpmrFH3cyCnAgDw3f5cnwXWfEXKjDVabK5SUH+GLahz499QIiIiIvK5/AoTFv53B44XVNbZNyo1HJcMivXYxp477S8y2DU1sDk34jq37BK1ytWXae4FiZh7QWKbrC3EWRpWabJBEAT22qNuqTUlkB9uOYMPtpzB0qm9MXuoOHjAbLMDcA0V6YzkwJrZ7ioFZcYadXKd9yeKiIiIiM4bf/v2oNegWlpsCK4d2QMalVKeXDcoIZSBlA4g9ToCgHh90zPWdG4Za0Ha9gmAShksFrtDnnRI1NXllFVjwX93yM9bE1j7ancOMouNuOfz/fLQFzljTdV5wwDBzsBaldmKzBJx6m9MKDOUqXPjV31ERERE5FOlRgt+P1YIAFh7z0Rc/PIGAIC/Rokvbx8jZyc9ccVATO4XjYl9o3y21vPNm9dfgB2ZJbh8SNOHRfipVVi5eBzsDkeTBx40V4DG1Xy9xmKHv6bhZuxEXcGn289iw4ki+bldEFBgMOGr3TmICvbD8JQw9IoKbuAKLiarXX78w8Fz+POEnq7hBZ04Y00KrO3PqcB+57AaX/V7I2oqBtaIiIiIyKf255QDEBvc94kJwSOz+mN3VhlevXaYxw2gPlCL2cMSfLTK89OsIXGYNSSu2ecNTdK3/WLcqFVKaFQKWO0CTDZ74ycQdTJFlWa89ttJzBoSB7VSgcGJOhzOMwAAlArAIYhTb2/7eLc8DTlAo8IPS8ejZxOCa+4/FxkFVRAEoUv1WPvhwDkAQKBWheQOnEpK1BIMrBERERGRTx1x3kwOThSzEv48oSf+PMGXK6KuwF+tgtVug8nKUlDqWsw2Oxb8dweOnjPg421ZdfYvGJOCD7acQaXJJgfVAKDGasefP9qFb+8Y59HL0Jsqt4m5lWYb8ipMctl0Zy4FDak1qGDZpf2hVLL0nzq3zvsTRURERETnhdNFRgBocokTEQD4Ocs/ayzMWKOu5eW1J3H0nMHrvtGp4RjXOxIAsOVUSZ39p4uMeHNdRqOvYTSLPxcRQVoAwO6ssq6RsaZ1lXWrlArMYZYydQGd9yeKiIiIiM4LZ0rEwFpqZJCPV0Jdib9GvJVhKSh1NX8cL6yz7akrB+LP41Px3o0j6x0W8pfJvQCIWb6CINR7fYvNIfdTm+TsSXkgu7xr9FhzG9gwKD5U7rlG1Jl13p8oIiIiIur2So0WuRS0ZxQDa9R00sAC9ybtXZUgCPjp4Dls9ZKhRN2L3SHgdLGxzvYFY1LwyGUDEOynRv/YUK/njkoNBwBsyijGVW9vrTe4ZjS7ykClz9XyGqtcNt2ZA2tJYQHyY+n9EnV2Pv2J2rBhAy6//HLEx8dDoVBg5cqV8j6r1YoHH3wQgwcPRlBQEOLj47FgwQLk5eV5XKO0tBTz589HaGgo9Ho9brnlFlRVVXXwOyEiIiKilvj3htOosdoxMD4UA+K830wSeSNlrJm7QY+1b/fm4i+f7sF1727DsXzvJYLUPeSW1cBic8BPrYSintZhSqUCK24djTsv6o3jz1yCX++dhK3LLkJsqCuTbXdWGfINJq/nVzkDa/4apdyLLaOwSi4/DdJ23iywdLfBJ5wGSl1FiwJrCxYswPvvv49Tp0616sWNRiPS09Px5ptv1tlXXV2NPXv24NFHH8WePXvwzTff4Pjx47jiiis8jps/fz4OHz6MtWvXYvXq1diwYQMWLVrUqnURERERUfvIKKxEebUFAFBmtODDLWcAAPde3BeK+u4yibwI6CYZa1a7A6/+dlJ+fjiXgbXurKBSDIbF6byXe0rG9orEfdP7wU+tQu/oYMTpAhAT6nnO/uwKPPfjUSz9315Y7a4AsxRYC/ZTy1M2pSEIKRGBGJ4c1lZvp835a1S4a2ofTOsfjRkDY329HKImaVGoWqvVYvny5bjllluQkJCASZMmYfLkyZg0aRL69OnT5OvMnDkTM2fO9LpPp9Nh7dq1HtveeOMNjBo1CmfPnkWPHj1w9OhRrFmzBjt37sSIESMAAK+//jouvfRSvPjii4iPj2/J2yMiIiKiJqqotgIKNDqhDgB2Z5Vi3ltbAQBzhyUgr6IGNVY7UiODcFFadHsvlboZuRS0i/dY+3ZvLrJKquXnmV7KBKn7KKkyAwAigv0wPDkcX+/JwciUpgW6wgI9P2e3Z5bg/c1nAADDk8OwYEwyFAoFSqrELy/Cg7R1epRdO6oHVJ18yuY9F/f19RKImqVFgbX//Oc/AIDc3Fxs2LAB69evxz//+U/cdtttiIuLQ05OTpsuUlJRUQGFQgG9Xg8A2Lp1K/R6vRxUA4Bp06ZBqVRi+/btmDNnjtfrmM1mmM1m+bnBwG+FiIiIiJoro7AKM1/dAJVSga//MhYD4xsu2/nPxkz58Td7c+XHqZFBzFajZvNTS1NBu3Yp6Pf7xVY3EUFalBgtOF5Q6eMVUXsqMbqCXk9cMQAXJOubnJlV+3NyzaF8+fHjqw7j8VWHAQCPzOoPAIgK8asTWBvbK6LFayci71rVYy0sLAwREREICwuDXq+HWq1GVFRUW63Ng8lkwoMPPojrrrsOoaFi/438/HxER3t+u6lWqxEeHo78/HxvlwEALF++HDqdTv6VlJTULmsmIiIi6s62Z5bAahdgsjpw3xf78cvhfCxesUfMYvOisNL1xebVwxM7apnUTclTQbtwKWhFjRXbM0sBAH+d0Q8AsCWjGOYunoVH9ZOyySKDtQjx12D+6GREBvu16FrnKrz3WPt4WxYAIDrEXy4FBYAQf3WjX4AQUfO1KLD2t7/9DWPHjkVERAQeeughmEwmPPTQQ8jPz8fevXvbeo2wWq245pprIAgC3nrrrVZfb9myZaioqJB/ZWdnt8EqiYiIiM4vZ9xK1o7lV2LRx7vxw4FzePqHI16PL3IG1r66fQz+cXW6vL0rB0bId6RS0KdWH8H453+Xe/d1JSu2n4XF5kBksBZXDU9EiL8aRovdozSUuhe5FDSoZcG0l/+UXmdb7dJO6e9PdIgfgv1dgbXRqRGdvgyUqCtqUWDt73//O06dOoXHH38cn332GV5++WVceeWVCAtr+yaIUlAtKysLa9eulbPVACA2NhaFhYUex9tsNpSWliI2tv50Wj8/P4SGhnr8IiIiIqLmOeO8eavd92dzRrHX44udN5RRIeIN5Z0X9YZKqWA/HWqR/m5TZHPKarDtdIkPV9MyOWXiz9C84YnQqJSI1wUAAPLryUSirq/YrRS0JeYMS8SJZ2ZiSKIr8+z6UT2w99GL6xwbGexZCjqxb2SLXpOIGtaiwNrevXvx8MMPY8eOHRg3bhwSEhJw/fXX49///jdOnDjRZouTgmonT57Er7/+iogIz3rwMWPGoLy8HLt375a3/f7773A4HBg9enSbrYOIiIiI6pICZf1iQzy2eytPMpptqLaImWlS2dN90/vhwOPTMTIlvJ1XSt3RzeNS8Oq1Q329jFYpd5ZNxzmnPcY4J0XmGxhY665cwwtaFlgDAK3aFYQFgISwAIQFafHxLaM8jtMFaBAepEWP8ECkRATiKpbgE7WLFg0vSE9PR3p6OpYuXQoA2L9/P15++WUsXrwYDocDdnvT0vmrqqqQkZEhP8/MzMS+ffsQHh6OuLg4XHXVVdizZw9Wr14Nu90u900LDw+HVqtF//79cckll+DWW2/F22+/DavViiVLluDaa6/lRFAiIiKidlZpsgGAxw2epLzaAn2g68Zx5xmxj1Swn9qj50+QX4v+OUoEhUKBK4cm4MtdOdiUUQyT1XdDDLJKjAgPEntmNcbuEPD0arFc+oeD5wBA/lmJDRWDzgXMWOu2So1Sj7WWlYJKpMxfAIjXi5/B/WI8v+QIDVBDo1Lit/smwWYXEKBVteo1ici7Fv1LRhAE7N27F3/88Qf++OMPbNq0CQaDAUOGDMGkSZOafJ1du3ZhypQp8vN7770XALBw4UI88cQTWLVqFQBg6NChHuetW7cOkydPBgB8+umnWLJkCaZOnQqlUol58+bhtddea8nbIiIiIqJmqHIG1uL0/nX27csux+R+4pCpKrMND397CAAw74KEjlsgnRf81GIRjq8a/meVGHHRP9cjNTIIa++Z2OiE2w0nivDBljMe23TOcuo4Z5A6u4w91roraXhBS0tBJe6BucQw8e9NVIgf9IEaORMy1Bno1aiU0DCmRtRuWhRYCw8PR1VVFdLT0zFp0iTceuutmDBhAvR6fbOuM3nyZAiCUO/+hva5r2XFihXNel0iIiIiar1Kk3jzFuslY809sLZiexZyy2uQFB6ABy5J69A1Uvfnp5ECaw6YbXacKjSif1xIowEub8qrLdh4shgXD4iRhyM0Zl92OewOARmFVfjjRBGmOP/e10fKWHKnDxADIFLfuEO5hmaunDo7QRBQUWNFifPPvzWloABQbbXJjwfGi39vFAoF+saEYIdz0mxoQOMZlETUei0KrH3yySeYMGECm/4TERERnafsDgFGZ880qT+UuyN5rsDA/uwKAMD/jU5m6Se1OX+1GAAzWe14/LvD+GxnNl66Jh1zL2heP6n1J4qw8L87AABLpvTGX2f0a9J5ZW6Bsrf/ONVoYK3I2WPLnVSiN9jZkP5EQSVMVnuTg3vU+d33xX58szcXABCoVSE8sHWBtauHJ+K9jZn408gk+Kldf0/6uQfWmlCaTESt16LhBbNmzZKDajk5OcjJyWnTRRERERFR5yaVgQKepaB3Te0DwDMr5+g5Mcg2IJ5fylLbkzPWrA58tjMbAPD4qsPNvo4UVAOAz3dlez3GYnNg0Ue78M9fjsvbCitdgbLtmaU4U2xs8HXOldfIj2cNjsOo1HD0iRZ7Y8Xr/BEWqIHNIeBEQWWz3wN1XuuOF8qPl1zUG2pVi27FZb2jQ3Dgiel48oqBHtsHun3OhgbwiwyijtCin2aHw4GnnnoKOp0OycnJSE5Ohl6vx9NPPw2Hw3dNQ4mIiIioYyz/6aj82D0rQpoQWlrtCqzlOAMJKRFBHbQ6Op9I2Tpmm+s+pNIt8AsANrsDG04UwWj23F4ftdJ7Gen3+/Pwy5ECvP67awBbgcEzAy2zpOHAWm65OJjg6dmD8Ob8C/DFbWOgcr6eQqHAoAQxa+1gbkWT1kqdn9FsQ5mz79kff52Mv0zq1SbXDdSq6wToRrhNWQ5mhjBRh2jRT9rDDz+M9957D3//+98xbtw4AMCmTZvwxBNPwGQy4dlnn23TRRIRERFR5+FwCHJmEADE6vwRFeIHjVKBnlFi8Exqnv3M6iOwOAMe+kCWJVHbkzLW3liXAbVSAZtD7NOcUViJ3s5MsDfXncLLv57A5enxeP26YXWuUV7t2fdMVU9gbVdWmfzY7hCgUipQYvQMrOWU1dQ+zcO5CnF/vK5uCTUADErQYePJYvzzlxM4dq4Sj10+AJpWZjeRb+U6v1wI9VcjJbJ9v2DoHR2MF64aAn+NqtVZcUTUNC0KrH344Yf4z3/+gyuuuELeNmTIECQkJOCOO+5gYI2IiIioG6qotqLSbEWeM+MGAP7vwh7QqJTYcP8UKJXiMYDUBL4I/9mUKR/L7AlqD+79paSgGgDsPFMmB9Ze/vUEADHjzFtg7UCOZ3aYw+F9iNqRPNdxRosNof4aGGrEv/NxOn+cqzAht4HA2vbTJTjs7D8Yr6879AMABjsz1kqNFny8LQsjUsJw5VBO0+3K8pyBtfr+zNvaNSOSOuR1iEjUon/dlJaWIi2t7kSntLQ0lJaWtnpRRERERNR52B0CFn+6B78cyYcAYEiiHgAw94IEPDN7MABX83V9oJjp4xCAG97b4XGdlkxpJGqMxea9Fc1hZxDs58P5jV7jQE45ACAlIhBnSqpR6aVktMZix9Fzrr5nlSYxsCaVnfaLDcG5ChPyK+oPrN34/k75cbyXaboAcEGPsDqvS12bySr+GYb488sFou6oRbmh6enpeOONN+psf+ONNzBkyJBWL4qIiIiIOo8jeQasOZwPhwAIArA/uxyA2Hi9Nq1aycw06lAVzoyx2jZnlOAfPx/DbR/vlrclhdcNZlVUW/HR1iwAwIyBsQDEnliC4Jm1tvdsGSx2VxBPGuBhMImvnxweCAByL63ajp4zoMYZYIkO8au3sXyszh9pzl6FgPgzRV2b1P/PPbuSiLqPFv2r54UXXsCsWbPw66+/YsyYMQCArVu3Ijs7Gz/++GObLpCIiIiIfGvP2bI621RKBcb1jvR6vD5Qg6omNoknai0psOUuQKNCZrERb6475bHd25y1e77YJ0/2HNs7Eu9sOA2HAJisDjkTEwD2OgPKkiqz+LpSxlqSM7Am9Wv74cA5HD1nwH3T+0KhUGDF9rMAgIvSovHughENZnA+P28Irnxzs/N1+LPU1ZmtUmCNQVKi7qhFP9mTJk3CiRMnMGfOHJSXl6O8vBxz587F4cOH8fHHH7f1GomIiIiog607Xogb3tuOzRnFeHzVYQDAjWNT5P2xof7w13jPvggP0sqPByWEAgDq6QVP1GruQwB6hAdiSr8ozBwc63FMqLMEz1Aru00QBPx+rBCAGPQY7xYsNlo8A1pFlZ5DCipNNtjsDlQ7SzWTnVNvpYy1xSv24I11Gfj1qHj9X46IJakLx6bUOxxBkp6kx4Q+4loYWOv6zDbx7wizD4m6pxbn6cfHx9cZUrB//3689957+Pe//93qhRERERGR77z1xynsyCzFxpPF8rZp/WOQUViFTRnFGNc7ot5z9YGuwNqzswdj/YkiucSOqK0tuagPqsx2zB4ajxEp4VApFdiSUYxv9uTKx4T4a2Aw2VBlscHhEKB0BraySqrlY7YumwqVUoFArQrVFjuMZhsig/3k/WW1JodWmmxythogBvWk49zLSE8UVGJMrwgUGMTA3FBnj8LG9IoKxsaTxTAysNbluUpBGVgj6o7YAIOIiIiI6sgura6zbVgPPd5dMALrTxRhTM/6A2sBGtfNY3JEIJZO7dMuayQCAF2ABsvnDvbYdmHPCEzqG4X1J4oAuJrGC4IYENMFagAA206XAACGJ4fJmZZBfmpUW+x1MsVq907LLquWA2sBGhWiQsQgXKXJhm2nXQPdyowWZJUYAQBhgRr5tRsj9So0mjm8oKtjjzWi7o0hcyIiIiLyIAgCymsFEb68fQyC/NQI0KpwyaDYBoMDx/JdkxN1AU0LIhC1JaVSgQ9vHiU/V6sUcjloYaVJ3r75lBhYG9fLFSiWAlrVtaZxlhnFjLWxzmP3ZJXD5CzxC9CqPP6uX/fuNvlxcZUZ2aXipNAeznLRpghyrsM9K466JjmwpuHtN1F3xJ9sIiIiIvJQVGmWpxf+fPdEfPrn0RiZEt7k828elwpAnBraUIN2oo4iCEC8XpwImlNe49wmYOspsdR5rFtvtUDnwILaGWulzsCaNLTjTIkRJufPib9aWW/fNKPFLvd2C29ithoABPuJ66hv6mmhwYQ/jhc2+XrkO1KPNZaCEnVPzSoFnTt3boP7y8vLW7MWIiIiIuoE1hwWm6wPSghFv9gQ9ENIs86/fnQP9IkOxsjUpgfjiNqTQwASwwJwLL8Sec7A2vGCShRXWeCvUWJYD718rJQpVuWWKXYkz4Bc53m9o4MBADUWu1smUv0lftUWGyqdQbpg/6YH1vrFioM/tpwqhsFkRajbuUazDaOe+w0A8P2S8RicqGvydanjuaaCshSUqDtqVmBNp2v4A1un02HBggWtWhARERER+ZZUyjmlX3SLzteolB4ZQES+JggC4nRixtq5crEUdHOGWAY6MiXcI+ARGypOGZUCcOKxYmbbxL5R6BUlBtaMFpucsdZQJlK1xS4H6aQy06YYmRKGPtHBOFlYha935+AmZyYoAPzzlxPy45yyagbWOjkOLyDq3poVWHv//ffbax1ERERE1ElIZWthbtM9ibqiqBA/FFWaMSUtGmpnqWalSfz7vcUZLBtXKwicHCFO98xyG+Bxxjl8YEiCDkHOEs1qs92VidRQxprZLr+mNEShKRQKBRaMScaj3x3Gx9uycOPYFCgUChRVmvHBlkz5OKtDaOAq1BlIpaBaBtaIuiX+ZBMRERGRB4MzuyaUgweoi/tu8Tg8O2cQ7praB4FaMah1utiI348VYEemOLlzXK/agTVxwIA0yRMAzjqDbMkRgfJ1LHaH3IetoUwko8UmHxfSjIw1AJhzQSI0KgVOFxmRWWyU1+UeSzNbOTW0s2PGGlH3xp9sIiIiIvIgZayFNiO7hqgzitcHYP7oZPhrVHKm2caTxbj5g11y37Mezgw1SYqUsVbiylg7USCWR6dGBsnDDQDXQAN/Z8baLeNd5ZqSGovdrcda836mgv3Ucm+1i/65HgBQYDB7HGNyBm2o82pKZiMRdV381xIREREReTA4y9aYsUbdSZDW+62Pe6AMcAXa8sprUGOxo7zGggKDGSqlAgPjddColNCqlbDYHCirFgNrUibSsplpmHtBAuJ0AdiRWYrbP9ktZqy1oMeaZGr/aHyxKwcAcK6iBgUGk8d+Zqx1fpwKStS98SebiIiIiDwYapyloM2YYEjU2UkZa+60aiU0Ks9boqhgPwRqVXAIQP/H1uCx7w4DANJiQxDgDMIFOf9bYvQMrKlVSgyM1yE8SItRzqm4JqsDFTVSj7Xm/0w9NLO//Pi+L/Yjv3ZgjRlrnZ7Uoy8i2M/HKyGi9sDAGhERERF5qJQz1ljcQN1HoJeMNW8ZZAqFAj3CXeWha48UAACGJunrXKusVimo5+u5tkn90ZozvEASHqTFP69OBwBsOVWCf284DcAVzGPGWscrNVpw3b+34Zs9OV73784qxXM/HoXF5kBueQ2yS2ugViowIjmsg1dKRB2BgTUiIiIikp0pNsJsc0CjUiCS2RXUjQR5CaLVLgOVpDgHGLhzD6xJ2W+H8ioAeC/x81MrkRopXkfKWGtJKSgAzBueiKuGJ8rPNSoFrh4hPmePtY7306Fz2Hq6BC+tPVFnn90hYN5bW/HvDafx3b5cZDmDqskRgV7/DhJR18fAGhERERHJ1h0vBACMSg33moVD1FV5KwWtL9CVXGugAQAM66GXH185NAEAkF1aA8B7xppCocC/bxiOyGCt6/VaMRDkjsm95MdWu4DwQPG652vG2uaMYvx+rMAnr326SAyW5ZTV4KzbkAsA+MP5GQoAlSYbCirF0t1YnX/HLZCIOhQDa0REREQkW3e8CAAwuW+0j1dC1Lb81Q2Xa7rrExPi8TzEX42ekcHy8zsm98KfRiTJz+trSt8nJgSXDIr1uE5L9YwKxoC4UADA5H5R8oRJk/X8y1izOwTM/8923PzBLpRUmRs/oY1Jpb0AsPlUsce+T7eflR/XWO3yFNeYEAbWiLorBtaIiIiICABQbbFh2+kSAMCUtCgfr4aobSWFB2JMzwiPbfWV5l02JA59ol2BtPREPZRKhfxcoVDgubmDMWtIHACgt9uxtbn3dgvxa91AkI9vGYXbJvXEk1cMdPVYs51/GWtWuyuYKAWuOsqh3AqPrLTNGcUwWe0wWe2oqLbKWb8A8MvhfORXiBlr0aEMrBF1VyzyJiIiIuqijGYb/rMxE3aHA7dO7NmiiYPutp4qgcXmQGJYAHpF1R8oIOqKVEoF/rfoQjz7wxG8uzETQP0Za/4aFVYvHY9+j6wBAFzgVgbqfr03rhuGhy5JQ2JYQL2v6++WzeavaV1eQ0SwH5Y5p4SezxlrFrfAmqkNA4tmmx03f7ATqZFBeGb24Dr7P956Bo86p8RKVh84h/XHi1BjtSNAq4IguPbtz6nA/hyxD1+vqLp9+4ioe2BgjYiIiKgLEgQB93+1Hz8ezAcAHM2vxLsLRrTqmlKmxZR+0VAoFI0cTdQ1ad0CXTENZBH5qVVYfed4fL8/DwvHpng9RqFQICm8bj82j+u49V9ry58rKWBXfR72WLO6DWwwWdru/e8+U4bNGSXYnFGCpRf1kbPMBEHAh1vO4Invj3gcH6RVwWixo9JsAyD2VPOmR3ggrhga32brJKLOhaWgRERERF3QJ9uy5KAaAKw9UoDs0uoGzmjcnqxyAMD4PpGtug5RZ+bn1mutsczMQQk6LLu0PyJaMSE3LTak8YNaQJo4uutMKYxm7wGd7so9Y81QTzCrJTJLXL3T/jhRJD9+8OsDclBt7rAE6AM1uGxIHGa49c9ryLKZaR5/74ioe2FgjYiIiKgLya8w4c8f7pLLkR68JE2eVvjDwXOtunahc3pdUljDGThEXZl7xlrPDijPuygtGo/M6o/PFl3YptcdnhyG2FB/VFvsOJxnaNNrd3ZWm6ve0mCyttl1Mwqr5Mfr3QJrX+zKkR+/eHU6ti2bitevG+bRs+8yZ789ALh4QIz8+NHLBngMsCCi7oeloERERERdhNlmx+VvbEJRpdise0q/KNw+qSdCA9TYe7YcPxw4h9sn9YLdIeDBrw9gYHwobhqXCovNgYX/3YEB8aG4sGcEcsuqceO4VI9rW+0OFFdZAADRoS3PziHq7LQqV2AtsQOCyAqFAn+e0LNdrtsnJhj5BhMyi6swKjW8zV+js3LPWPt6dw62nirBM7MH1TuMoqkK3QYhbDxRBJvdAbXb35dZQ+KgVCrgrxSzzwbG6+R9V49IwuoD4pcbswbH4fl5Q6AL0EClZFk9UXfHwBoRERFRF2B3CLjrf/vkoBoALJ3aBwqFApcMjMVj3x3GwdwKZJUYcTjPgK925+Cr3cBN41KxPbMEW0+Lv97bJDZt7xsTgrG9XSWfxVXiddVKBcIDtR375og6kPtEyeiQrh1E7hUVjI0ni3G62Nj4wQ3IKavGqv15mD86GbqA1g1B6Qjuf4bbM0sBAAPjQ1sdwCwxuj5fDSYb9mWXY1CCK3i2fK7nQIP+cSFYelFvhAdpMTRJL29PiQxCeBA/R4nOFwysEREREXUBvx4twJrDrp5qvaKCMCRRD0CcFDgsSY9dWWXYe7bco9eaIAio8tKDaM/ZMo/A2rkKsQw0MtgPSmZYUDdWXuMqHWxthpOvSX3WThcZYbbZW9zHa+6/tqCw0oyMwiq8dM3QNlxh+7DY6k5CrW6DIQYlzqzdiCAtSowWrD9RJA+40KqVCKn190WhUODe6f3k51cOjUehwYxB8aGtXgsRdR1d+/8kREREROeJradKAAALxiTjvov7QamER4mRVL5ZXm1BoVtW24XLf0OBW3mTZF92BWosdvxyJB+jUyOwJaMYgJiBQdSdVdS0XU8uX5MCa2uPFGDQ4z/js0UXYnhy80tCpc+M7adL23R97cU9Y00S1gYZYqVGMbB2eXo8PthyBnvPluNCZx+1yCBto1NdX712WKvXQERdDwNrRERERF3A3rNlAIARKeHQBdYt1ZLKt574/giC3bIqvAXVAGBfdjkWfbwLG08WY8bAGNRYxRvVi9Ki23rpRJ3KtP7RWLH9LBL0Ab5eSqtJgTUAsNoF/HG8yGtgzWS1Q6VUQKNqeHZdoLZrTK60eAmsectiaw67Q0BptRhYG+ws/yysNOH5NccAQA6wERHV5tOpoBs2bMDll1+O+Ph4KBQKrFy50mO/IAh47LHHEBcXh4CAAEybNg0nT570OKa0tBTz589HaGgo9Ho9brnlFlRVVYGIiIiou3A4BJx0TqsbUE9GWahbX6Qqc93ST0CcWvfKn4YCEHuqbTwpZqltzyxFVonYo6lPDDPWqHub0i8aX90+Bj8sHe/rpbRagj7AY7LpyYK690HVFhsmvrAOs9/c3Oj1ukpprBREGxAXKgfBTNbWlYJml1ZDEMSSz97RwQCAEwVVOJBTgRB/NR6amda6RRNRt+XTwJrRaER6ejrefPNNr/tfeOEFvPbaa3j77bexfft2BAUFYcaMGTCZTPIx8+fPx+HDh7F27VqsXr0aGzZswKJFizrqLRARERG1u3MGE6otdqiVCiRHBHk9JkDTeKbJ8/OGYPawBAys1f+nvNoq92VLqef6RN2FQqHAiJRw6LvBkA6lUoGf7pqAdxeMAACcKKysc8yAx35GYaUZh/MMqLa4gu4Wm8NjGAoAj2zX5jpXUYMyZylle7PaBQBiEGx4chgAeLy35soqMeLt9acAAH1jgutMRr5tYk9EO3utERHV5tOvJGbOnImZM2d63ScIAl555RU88sgjuPLKKwEAH330EWJiYrBy5Upce+21OHr0KNasWYOdO3dixAjxfyavv/46Lr30Urz44ouIj4/vsPdCRERE1F7OldcAAOL1AfWWctU0kK2RnqjDgzPT5GyUiX2jcDjPgL4xwTjhzHBxCOJNdVefkkh0vvFTq+SsraySao8hBrXLI0uqLAgMFz8Hnlp9GP/bkY1v/jJW3t/SUtBKkxVjlv8OAMhcfmmjvchaS+qxplUpEeBcc42l5aWg932xH7uyxHL7wQn6OhM9hyaFtfjaRNT9+TRjrSGZmZnIz8/HtGnT5G06nQ6jR4/G1q1bAQBbt26FXq+Xg2oAMG3aNCiVSmzfvr3ea5vNZhgMBo9fRERERJ2VFDRr6KbXbHXdVL41/wLcNC4FSgXw0c2j8N2S8RjbyzUB9K6pfbDiz6Px/Z3jMaFPJAK1KlyRHo9Xrx3KiaBEXVBMqB9C/NSwOwRkFhvl7bWzuIqrXBlqn2w7C7tDwJVuJaItLQXNKauRH3fEcAgpsKZRK+Rs3Ya+XGhMQaVYETU6NRxLp/auM121b2xwi69NRN1fpy2iz88Xx8nHxMR4bI+JiZH35efnIzras8GuWq1GeHi4fIw3y5cvx5NPPtnGKyYiIiJqHzUW8YYxoIHA2s3jUvH5zmxcNTwRMwfH4eIBMVg8pTcig+tmoPlrVBjbWwy0fXDTKFjtDvg3oZSUiDonhUKB/nGh2HGmFNtPlyItViz3rt1vsaRKLNWsNHkPfrU00UzpduKPB/Nx5dD4du3XZnZm4mlUSvkLh5pWlIJKn7FPXjkQcTpxqMUb1w/D82uO4fZJvRAdwjJQIqpfp81Ya0/Lli1DRUWF/Cs7O9vXSyIiIiKql5SJ4a+uP/jVIyIQex+7GE9dORAAoFYpvQbValMpFQyqEXUD0weKCQm/HSuUt1VbPLO4ipwZa4fzvFfsSL3Lmst9cMDfvj2Ix7473KLrNKbUaMFvRwvkEletSil/frUmY03+8sLts/CyIfHY+MBFmD86uRUrJqLzQafNWIuNjQUAFBQUIC4uTt5eUFCAoUOHyscUFhZ6nGez2VBaWiqf742fnx/8/Ng/hIiIiLoG6aa1oYw1AAyQEZ3HhibpAQCnCqvkPmu1M9Z+OpSP60b1wM7MUq/XsNpa1qfMXOu8w3kVLbpOfQ7lVuCuz/biVJFY5hrizIbTqJVyMKx2ELGpBEFAtbVuYI2IqKk6bcZaamoqYmNj8dtvv8nbDAYDtm/fjjFjxgAAxowZg/LycuzevVs+5vfff4fD4cDo0aM7fM1ERERE7cHk7J/Gmz4iqo80MTi3vAb9HlmD7/fnodrs6s+oUAAbThThZEEldpypJ7Bmb1lgzVQrW6y8um37rH2+M1sOqgFApTNgqHUrBa29hqYy2xwQnIl6jX15QUTkjU8Da1VVVdi3bx/27dsHQBxYsG/fPpw9exYKhQJ33303nnnmGaxatQoHDx7EggULEB8fj9mzZwMA+vfvj0suuQS33norduzYgc2bN2PJkiW49tprORGUiIiIug25FJSBNSKqR2Sw1iP4fuf/9iKrVAxGpcWGYPoAsVR05qsbsfFkMQDgvov7elzD0khg7R8/H8OUF/9AgUFs9m+xOVBRY5Uz1qTy87JqCwShZWWl3hzI9Z4B1zs6GP7a1mWsuQfk+BlLRC3h01LQXbt2YcqUKfLze++9FwCwcOFCfPDBB3jggQdgNBqxaNEilJeXY/z48VizZg38/V3NIz/99FMsWbIEU6dOhVKpxLx58/Daa691+HshIiIiai9S/x9/TactNiAiH1MoFLhrWh+8+PNx2BxiUOsfPx8HIE77XDg2BT8fLpD3hfircceU3pjYNwonCipx/1cHGsxYczgEvLnuFADg3Q2nMalfFO77Yj8qaqy4ZXwqACBO54/iKjPMNgdqrHYEalt/u2mxOXC0np5wlwyKRXGl2DeupT3WpICcRqWARsXPWCJqPp8G1iZPntzgNxkKhQJPPfUUnnrqqXqPCQ8Px4oVK9pjeURERESdgon9f4ioCW6f1AvXjEjCBU+vBeAqyQzSqjE6NcLj2JEp4VApFUhP0uNchZiB1tDwglNFVfLjo/kGnCkxotAZ1Hp/8xkAQFiQFlqVEha7A2XV1jYJrB3LN9TJpEsMC8ANFyajV1QwjM6yUFMLM9Zq+PlKRK3EkDwRERFRJ9fU4QVEROFBWvx1umeJ54D4UKiUCtw/o5+8bVB8qPxYq1YAaLjHWmaxq8fZ5owS/HrUNUTONblYibAgDQCgtMrSinfhsj+nbhnopgcvwm2TegGA3GOtuoUZa/JEUH6+ElELMbBGRERE1MmxxxoRNcdlQ1z9pgO1KrlUc0q/aHl7nD5AfiyVQFoamAoq9VVriL9GhZhQsW3PuYqa5i26Hgeyyxt9TcAVIGsuZqwRUWsxsEZERETUydU4p4IysEZETZESGYQJfSIBAC9enY4gP7EkMyJYKx8TG+rqWy0F1hrKWMt3BtZmDoqVs8QAYFxvV4mpn1qJOJ0UWDOh0mTFvkYCY405ll/Z4H4pIGa2OWB3NH9gQrWFX1wQUeswsEZERETUyUk9hEL8fNoel4i6kH/NvwA/3z0Rlw6Ok7eFBboCayH+rs8TV2Ct/sBUgUHspzYoQYdrR/aQt0/oEyU/9teoEKcTM+HyKmqw4L87MPvNzfj1SEGL30elydrgfvc+biarHSVVZmw5Vdzk6xtqxOvrAjQtWyARnfcYWCMiIiLq5KQbv9AABtaIqGlC/DXoFxvisU2rVmL6gBgMSgjFkES9a7tbxpogCHUyv0qNFvx2VAyOpUQEoWdUkLxvSIJOfuynViLBWWKaU1aDvWfLAQAfb8tq8fuQMsoWT+kFXYAGH908ymO/n9p1S5tXXoMr3tiM69/d3mBwze5wvcdy5+erPpCBNSJqGf7rjIiIiKiTEAQBN3+wE2XVVtw6oSd2ninFQzPTYHBmbIT688aPiFrn3wtGQBAEKBQKeZvWGZwy2xxY8N8dyCw24td7J8nlkct/PIqyaivSYkMwfWAMNp4sks9Ni3MNQQgL0spBt1OFrimipcaWDzKQAmtXDU/CX6f381g3ACiVrucXv7xBfrz+eBHG9oqsc70vdmXjga8OAAB2PDwVFdXi2vQB2jrHEhE1BQNrRERERJ2E0WLHuuPiDeviFXsAiNP8DDViKWgoS5WIqA3UDk5J2bClRgs2nhQzvU4XGTEgPhQ1Fju+3pMDAHh2ziBoVEqM7x2FUanhSI0IQligBhcPiEFxlRkLxiTLQbTTblNEWxpYEwQB1Rbx8y9Qq6qz7oaYvQxisNodclANADZnFKO8mhlrRNQ6DKwRERERdRIVNXV7CZmsdmasEVG7cu+9JjHZxEyxEqMZDkHMarugRxgA8fEXt42Rj313wQj5caBWjUCtSs40A7wHuZrCbHNAqkoN0NY/XGBsrwhsOVXise1MibHOcZtOepaHVppscikov7ggopZijzUiIiKiTsLgJbDmcAjyDSp7rBFRe/DXqOCv8bw1rDKJmWJlRvFzKSJI26SMMZVSgREp4W2yrhq34FxgA1M7/3vjSOx59GKPbRtPFiPDrRwVAL7Zm+vx/FyFCZnOzDpmrBFRSzGwRkRERNRJSBlrPaOCcEEPPQDxxk8SzKmgRNRO/GsFrqqc04hLjOI0UG9ZbfWZ1j/a47lDqH/aaEOqrWJgTatSQq2q/9bVX6NCeJDn+uwOAS+sOSY/N1ntWHskHwAwyzkpddeZUuzOKgMADE3St2iNREQMrBERERF1ElLGmi5Ag8HOSXvvbDgNAIgN9W/wxpKIqDWkXmMSOWPN2dy/duCqIdeMSPK8ljNI11w1Un81v/qz1dy9cf0w9IsJwb/mXwClAvjlSAF2nSkFABRXmWGyOqBVKTF9YAwAyFNLe4QHYmC8rr7LEhE1iP86IyIiIuokDM4b2VB/DYJqZadN6hvliyUR0Xmib0ywx/NKZzCs1FkKGtaMwJq/RoX7Lu4rP7fYHDDb7A2c4V1+hZgt11AZqLvLhsTj53sm4tLBcbhqeCIAV/mnFDjUBWoQpwsAANicDdya896IiGpjYI2IiIioBb7bl4snVh2Gydr8m8X6VLg10ZZu+CRT0hhYI6L288qfhuH+Gf0w94IEAK6MtQo5k7Z5peh3TOmNR2b1l59L12uK4iozdp4pxRPfHwaAOl80NMVE55cRh/MMAFwZwfoADeJ0/h7H6jm4gIhagY06iIiIiFrgrs/2AQCO51fio1tGQdMGZZrSjWewnxoVtcqyxvWObPX1iYjqMyA+FAPiQ7H8x6MAgCqz+BkklWM2N7ilUirw5wk98dLaE6i22FFltiEi2K/R86otNlzx+ibkufWXnOMM9jXHgLhQAMCxcwbY7A55+qcuQIPoUM91cHABEbUGM9aIiIiImsk9S23r6RLc8/m+NrlutUUKrKngV2tCX4g/b/yIqP1JQ1KkvmhG52TOQE3LcjJC/MXziirNTTp+9f5zclDNT63EzEGxuGNy72a/bkpEEAK1KphtDmQWG+XMO32gBn5qFQYlhMrH6pixRkStwMAaERERUTPlldfIj9VKBVYfOIdDuRWtvq5RatStVWPJlN5IjggEAKy+c3yrr01E1BTBzkBYpTODttosZaw1rc9ZbemJegDA/3ZkN+n4bZklAIAlU3rj2NOX4K3/G96i11UqFejvzFrbnFGMZd8cBADoAsR+asvnDJGPbeHQUiIiAAysERERETVbrjOw1ic6GNP6i9Pl1p8oavV1q81iZkiQnwrRof5Yf/8UnPn7LAxK4LQ6IuoY9WasaVuWsbZ4ipht9s3eHBzLNzR6/OFc8ZjhyWFQKBQtek2JVA76xPdH5G0JerG/2uBEHR6/fABC/dW4PD2+Va9DROc3BtaIiIiImsHhEHCyoAoAkBwRhAHx4o3bmWJjs65jsztQUuVZGuWesUZE5AtS6abU87HG4gr4t0R6kh6zBsdBEIBLXtmIb/fmeOw/UVCJqf/8A1/sEjPayqotAICokMb7sTVmYHyox/NhPfRYNKmX/PymcanY//h0jEoNb/VrEdH5i/9qIyIiIvKiymzDx1uzMDhBh/F9xMEBX+7KxkPfHITdObFzUEKoXK6ZVVLdrOsv/Wwv1h4pwCt/GoZZQ+IAANWtvIElImqtYD+x35grY631Af/7Z/TDDwfPAQDu+Xw/5gxLlPe9uS4Dp4qM+N+Os6g221Do7MXWFn3PhvbQy49/vnsi+sWG1DmmtVlxREQMrBERERE5nS6qwsfbsvCXSb3w6m8n8en2s9CoFNj58DT4qVW4/6sDHsenJ+oRESz269lxphQv/nwcY3tFYFCiDqG1hg0UVpoQ6q+Bv0YMmv14MB8AsHjFHsTqxmJ4chiMZmasEZFvST3WpMCaVKIeqG15wD8lMsjjucXmgFatRJnRgp8OiZ+FJ/Ir8cRZV8lmaBsE1tJiQ/HODcORFBboNahGRNQW+K82IiIiOu9ZbA68vf4UXlp7AgCwI7MUx/IrAQBWu4DDeQa5r5q7kanhsNtdXa/fWJeBN9ZlAABOPXcpVEoxE2Lv2TL86Z1tmD4wBm9cfwFsdofHdVZsP4vhyWGujDUG1ojIR9x7rOWW1+B4gfhZ2JrAGgDMH90Dn24/CwC45JUNGJUajkCtGhab+Hko9XKThPi1zefgjIGxbXIdIqL6sMcaERERnfe+2p0jB9UA4HCeQS73BID5/9mOnZmlAIBZg+PQLyYEN45NQbCfGrpA71kVJwqkwJwDC/+7Axa7A6sPiKVQRbV6q+3PKQfgVnLFUlAi8hE5sGay4YPNmfL2oFYGuh69bID8+HSxEZ/tzMZ/3a5fm1LJEk0i6hoYWCMiIqLzXlap98EDVw939QH6crfYcPvCXhH4+Z6JeOKKgXWOv2lcivx479lyOBwC7v9yPwzOJuAA8Mm2LORXmDzOyyiswvXvbkNeubg9Ikjb4vdCRNQaUimozSFgw4lieXvvqOBWXVcqg68tQKPClH5Rrbo2EZEvMbBGRERE5z2rTaiz7fNFF+JxL8Gz5PDAOttWLRmHey/ui4cv7Y8lU3oDAPacLcPyn45i5b48qN0yLx5ZeQgHcioAAJHBrgDallMlsDsEzB4aj+QIz35EREQdJVCjgtTPXyoD3XD/lDbJIHt3wQjMGhyH/916obztL5N7YUSK51TOmNDWTwQlIuooDKwRERHRea/YWZo5qa8ra2JQgg7BfmpkLr8USeEB8vYB8aF1zh+SqMfSqX2gVilxQbIeALDxZBHe2ySWOf3zmnRMcE4WBYDHVx0GAAxNCkOIv6u8KjLYD8vnDmm7N0ZE1ExKpQLBbn0eQ/zVHp+BrXHxgBi8Of8CjEgJQ7+YEAxJ1GHxlN7oG+MaLHDbxJ74cemENnk9IqKOwM64REREdN4rMYqBtSn9orD+RBEig7VyPyGFQoHn5w7BDf/dgdlDExAZ3HAmxajUCOgDNSgwiNdMiw3BlUMTMLlvNNYdL8Tdn++Tj40I0uKnuyZg48libDlVggcv6YeAVjYIJyJqrWB/NSqdU0EHxodCoWjbfmcalRI/3zMRDocApVKBfm6BtQVjUxDRyOcsEVFnwsAaERERnfdKqiwAgJ5Rwdjxt6l1gltje0di+9+mQhfgfVCBu2A/Ne6a2gdPfn8EgJihAQC6QA1mD0vAllPF+GKX2K+txGhGYlggrhvVA9eN6tGWb4mIqMWC3QYVDIzXtdvrSOWlSeEBuGZEIlRKJeJ1/u32ekRE7YGloERERHTeq7bYAYhT76JD/RHiXzeAFhnsB42qaf90+r8Lk9EnOhgqpQKXDo7z2PfcnMFy+SeDaUTUGQX7uwfW6pa/tzWFQoEXrkrH8rmD2zw7joiovTFjjYiIiM571Rax5CmwjcowNSolvrx9DIqrzOgdHeKxT61SYvvfpuJUoRGDEtr/hpWIqLmCtB2TsUZE1B0wsEZERESdjiAIsNoFaNUdk1wvZ6xp2+6fRvpALfSBWq/7ArVqDE7kzSoRdU5nSozy415RnFJMRNQQloISERFRp3PLh7sw/vnfUeVsnt2eBEFAjVUMrHFwABER0CsqGAAQHeIHdRNL4ImIzlfMWCMiIqJOxe4Q8PuxQgDA1lMlcvP/9mKyOiAI4uO2KgUlIurKHr1sAFK3ZeGOyb18vRQiok6PgTUiIiLqVAorTfJjZQf0sDZaXFlxARoG1oiIekcH44krBvp6GUREXQLzeomIiKjTsNgcOJZfKT+vqLG2+2vWOPurBWhUUHZEJI+IiIiIuo1OHViz2+149NFHkZqaioCAAPTq1QtPP/00BKleA2JflMceewxxcXEICAjAtGnTcPLkSR+umoiIiFoiq8SIsX//DTe9v1PeVmq0tPvrSoMLWAZKRERERM3VqQNrzz//PN566y288cYbOHr0KJ5//nm88MILeP311+VjXnjhBbz22mt4++23sX37dgQFBWHGjBkwmUwNXJmIiIg6m3c2nEZxlWcgrby6bTPWLDYHbnp/B5b/dFTeluWcfhfox8AaERERETVPpw6sbdmyBVdeeSVmzZqFlJQUXHXVVZg+fTp27NgBQMxWe+WVV/DII4/gyiuvxJAhQ/DRRx8hLy8PK1eu9O3iiYiIqFkO51YAAF66Jh13XtQbAFDSxhlru7JKse54Ed5ZfxoV1VZkFhuxeMUeAIA+QNumr0VERERE3V+nDqyNHTsWv/32G06cOAEA2L9/PzZt2oSZM2cCADIzM5Gfn49p06bJ5+h0OowePRpbt26t97pmsxkGg8HjFxEREfmO3SHgeIHYW21okh5hgWKQq9LUthlrZUbX9TZlFOOm93fAahcQr/PHo5cNaNPXIiIiIqLur1NPBX3ooYdgMBiQlpYGlUoFu92OZ599FvPnzwcA5OfnAwBiYmI8zouJiZH3ebN8+XI8+eST7bdwIiIiapYzJUaYrA4EaFRIjghCiH8ZAKDSZGvkzOY5V1EjP/7hYB7OlFQDAL5bMh5RIX5t+lpERERE1P116oy1L774Ap9++ilWrFiBPXv24MMPP8SLL76IDz/8sFXXXbZsGSoqKuRf2dnZbbRiIiIiaonV+88BAPrGhkClVCDEXwOg7TPWzlW4erD+eFD8Es5PrWRQjYiIiIhapFNnrN1///146KGHcO211wIABg8ejKysLCxfvhwLFy5EbGwsAKCgoABxcXHyeQUFBRg6dGi91/Xz84OfH/8BTURE1BlsO12CV38T2z4MTggFAIT6i/9EaeuMtb1ny+psC/Lr1P8cIiIiIqJOrFNnrFVXV0Op9FyiSqWCw+EAAKSmpiI2Nha//fabvN9gMGD79u0YM2ZMh66ViIiImq/AYMItH+yEQwDG9orA0ql9AMAtY611gbXyagtWH8jDb0cLcKqoCnuzy+scE8RpoERERETUQp36K9rLL78czz77LHr06IGBAwdi7969eOmll3DzzTcDABQKBe6++24888wz6NOnD1JTU/Hoo48iPj4es2fP9u3iiYiIzjM7z5QiUKvCwHhdk8/ZnlkKo8WO3tHB+O+NI+GvEYNcIXLGWutKQR/77jBW7c/z2BaoVeGdG4bjhvfEKeNB2k79zyEiIiIi6sQ69b8kX3/9dTz66KO44447UFhYiPj4eNx222147LHH5GMeeOABGI1GLFq0COXl5Rg/fjzWrFkDf39/H66ciIjo/FJRbcXVb4sTuXc+PK3JPcu2ZBQDANIT9XJQDXAF1owWO2x2B9SqliXZ1w6qAUBEsBahzow4gKWgRERERNRynboUNCQkBK+88gqysrJQU1ODU6dO4ZlnnoFWq5WPUSgUeOqpp5Cfnw+TyYRff/0Vffv29eGqiYiIzj/nDK5pmz8dOtekcwoMJny2UxwgFBPqGYgLDdAgSCsG2p5efQRbThW3aF1add1/6kQE+cmBO0DMYCMiIiIiaolOHVgjIiKirqHUaJEf55WbGjjSZdcZ1yCBIYl6j30alRKPXDYAAPDh1ixc/+52rD1SgEUf7cJj3x1q0vXNNjusdked7RFBWrmHGwAEaBhYIyIiIqKWYWCNiIioBcqrLXjgq/3YnNGyTKrupszo6oVWaGhaYO1QXgUAsexz+oCYOvuvG9UD141Kkp/f/dle/HKkAB9tzcKZYmOj1993thyCAIQHabH/8eny9ohgrUfGGhERERFRSzGwRkRE1EQOh4CMwkrsOlOKma9uxBe7cvB/72339bI6hdJqV8ba6oPnkP7kL/h4W5bXY01WOwoMJux2Zqw9fGl/KJUKr8c+ecUgTOgTCUDstybZ1ISA5saT4jHje0dCF6DBa9cNw9AkPeZekOjRzy00QFPfJYiIiIiIGsSva4mIiJpo2TcH8fmubI9tggAUVZqb3Ky/u7DaHXj115NYe6QAL16djn1ny+V9FpsDFpsDj648hCvS46GrFbi6/ZPd+ON4kfz8wp4R9b6OVq3Ec3MGY8IL6zy2l1RZ6jnDZeNJ8TUm9o0CAFyRHo8r0uPl/ZP6RuFkQSUemNGv0WsREREREXnDwBoREVET2B0CvtqTIz+fPTQeK/eJEyeP5RsQFRLlq6V1OIdDwE3v75Szxi5/Y1O9xz69+ghevDpdfm53CB5BtetG9UByRGCDrxenqzvpu6y64cBaqdGCA7liqelEZ8ZbbR/cNBJWu+B1wAERERERUVPwX5JEREQQs5teWnsClSar1/0FBhPsDgEAsONvU/HKtcNwsbMvWGYT+n11Fw6HgKdWH/FaivnIrP51tn2zJwd2hwCHQ8CJgkqcLqqS9/1890QsnzsYCoX3MlCJWqXEFenxSNAH4OZxqQCAEmPDgbUtp4ohCEBabAiiQ+sG5gBxsjiDakRERETUGsxYIyKi857DIeDeL/ajqNKMsyVGvHLtsDrH5JTVAAB6hAfKgZqekUEAgNNF509g7as9OfhgyxkAwIjkMOzKEvukTR8Qgz9P6IkSowX/23EWK/58IS57fSMcAlBiNOOng/l4fNVh+ToX9NCjX2xIk1/3teuGweEQ8N3+XABAmZfA2r2f70Ox0YL/LhyBY+cqxddJDmvpWyUiIiIiahQDa0REdN77ancOiirNAMSm+IIgeGRRnS6qwiMrDwKAR9lir6hgAMDJwsoOXK3v2B0CPnQG1W4cm4LHLx+A/24+A5UCuGqEOL3zwUvS8MCMflAoFIgK8UOBwYxPt53FV7tzPK5164SezX59pVKBsEAtgLoZa4UGE77ZKwbdfj5cgD1nxYCfFPwkIiIiImoPDKwREdF57aW1J/Dabyfl58VVFmSX1qBHRCAKDCa8/vtJbDxZjKySakQGa3HvxX3lY/s6M66O51fVuW5XIQgCtp4uwcA4HXSBDU/H/HxnNg7nGRDip8aSi3pDoVDglvGpdY6TgpKRwWJg7VW3398BcaGYNSQOlwyKbdF6I4PFIRFFlSaP7f/645T8ePGKPfLjVAbWiIiIiKgd/X979x0dVbn1cfw7k94bJJAQIPReQxOkCIiiKFiwIegrKNeCylXsBfVi7x1E7hW7AlaKonSQ3msoIRAIgYSQXue8f0xyYEhoITCT5PdZi7UyZ05OnhN2JsnOfvZWYk1ERKqtxLQcM6l2f59GLNudwuq9R/ljSxJdG4Rx39dr2JuSbZ4/5Y7OtK4TZD5uHG6vWDuSmUdKZh5h/pVvMuhni/bwn5lbuaZtJO/dcnwLrGEY5BbY8PF0A+xbL1+bsw2Ah/o3MRNcp+Pv5fhjxv19GvHIeU7grBPiA9gToLkFRXh7uJFbUMQPJ01rLaHEmoiIiIhcSOrYKyIi1daq+FQA2tQJ4pEBTenZ2D7Z86Xft3L1+4sdkmq+nm60iAx0eH8/L3eiQ+2Jnh2HKmfV2n9mbgXgl/UHHI5/s2IfzZ+dzR+bkwD479J40rILaBoRwIhu9c7q2rd3q0eDGn48NbA5U+7oxL8vb3LmdzqDIB8P/IqTfYlp9r53f21NJiu/qMzzo0NPP3FUREREROR8KLEmIiLV1t/bkgHoVD8UgB6Na5zy3LZ1gnGzlp5e2TTCvh20MvVZKyyy8fe2Q+SclIzKL7TxxbJ4NuxP48kZ9p5yd09dDcDOZHvicGinaNzdzu7Hh6vbRPL3I70Z1bMBfZqFn3H659mwWCxEFVetDf5wCSM+X8FP6+y91UZdGsMv93fnqta1zfM9znKtIiIiIiLloa2gIiJS7ew/ms2Lv21hzuZDAFzVxp6IaXvCNs+TdTzFdMkmEQHM3ZrM9qTKk1h77pfNfLU8gevaR5nHgn09+Gj+Tt6ZG4ePh5vD+bkFRRw8Zq8OiwzyvqhrLUun+qHsOJRJRm4hC3YcNo9f16EOzWsH8vTVzYlLzuC6DnWcuEoRERERqQ6UWBMRkWplX2o2A99bREZuIW5WC/f1bkj76GAA3N2sNKsVwLbiJNmAlhFsT8rAzWph+Cm2PzYtHmCw45BrJ9bW70tj95FMZm9KMhOKJVM0AbLzilgUdwSAnALHSrb525NJOmYfFlDLBRJrQ2Oj+Wp5gsOxxuH+NCv+v6gd5MMfD/dyxtJEREREpJpRYk1ERKqVKUviycgtpEFNPz6+raOZGCvx8bCOfL18L/f2bkSInyc2m4EBZW4DBXvFGsD2pAwMw6iQ7Y4Vbf72ZO6YsvK05+QX2dhzJAuAttHB9GgUxvQ1iRw8lktiWi7JGXmAPWnlbG3KqCy8tl2kS37uRURERKRqU+MRERGpVlbEpwDw7/5NSyXVwD5F8qmrWhDi5wmA1Wo5ZVKt5HyA9NxC0rILLsCKz8/cLYdKJdU+GdYBDzf7PQ3vVg9Pd/uPA6lZ+QB8eGt7Hh3QjN5N7cMcth1Mp9Bm4OlupWaA8yefWiwWnh/UwnzcvVEYd3SPceKKRERERKS6UsWaiIhUGwt3HGZTYjoAbaNP3U/tXHh7uBER6MWh9Dz2pmabCTlX8Mv6A4z5Zm2p4wNa1uLzOzpxOCOPa9tFsSbhqPl5AQgPsG/3DPD2AGD9/jQA6of5njbJeDHd0T2G2PqhBHp7EB3qo2o1EREREXEKVayJiEi18ceWJPPtqOCK29JYL9RetbZg++EznHnhJKRkM33Nfqav2U9ucY+0j+btNJ9/4LJGhPh68PFtHbBYLFzauCbXdaiDm9VCtwZh5nnRoT5mBVuAl/3vbzsO2SeCNqjhf7Fu56y0igqibpivkmoiIiIi4jSqWBMRkWojOd3eJ+z5QS0qNBnTKSaEFfGp/LI+kQf7Na6w656ttOx8Bryz0Bw6sGRnCo8MaMK2pAwsFljzdH9C/DwZ279Jmfd9d8+GAAT5eDCgZS3zuL+3448J0aHO768mIiIiIuJKlFgTEZFqo6QBf60KbsB/bbsoPpy3y+xRdrGt33/MYZLnloPprN57FICWkYHm9tRTJRNrBnjx1FUtSh0v2QpaIiLQ+RNBRURERERciRJrIiJS6SWkZPP+33FEhfjQoW4IzWoHUNPfi80H0mlWKwB3Nys2m8Gh9FwAIgIrtgF/kI89AZWeW+iUyaAbi3ugNajpx+7DWaRk5pmJtbZ1gst93YCTKtZcYSKoiIiIiIgrUWJNREQqrUPpuTw1YyN/bUvGMMo+p0ejGjx+ZTPu+3oNB4/ZE2u1giq28qoksVZkM8jKL2LmxoOE+nrSr0VEhX6csthsBtPWJAIwsFVtPpi3k+SMPKYu2wtA90Y1yn3t8JMmgNYKcv5EUBERERERV6LEmoiIVDrr96Xx3l9x/LUt2TzWoW4wNfy92Hk4k92Hs8zji3ce4er3FwP2Zvy3d6tX4ZVXXu5WPN2s5BfZmLvlEON+3ADA7gkDsV7gKZoLdhxmz5EsAr3dGXlpDB8UDywotBkMbF2LK1vVOsMVTq1ddDAvDW7Ff5fG4+lmpUXtipmkKiIiIiJSVSixJiIilc6jP643J1UC3NK5Li9e2xJ3N/s0y02Jx1i2K4WUrHw+WbALgDA/T+aO7WX2G6tIFouFQB8PjmTm8fqc7ebxo9n5hPlfmCqv/y2Nx8/LnYQUexLxila1CPZ1vLdXr29zXttSLRYLw7rWY1jXeue1VhERERGRqkqJNRERcSnLdqUwa9NB8gttPHVV81IN9FOz8s2k2ud3xNIqMojwk5rqt4oKolWUvbrK3Wph0qLdvHVTuwuSVCsR6OPOkcw8EtNyzGOHM/MuSGIt6Vguz/2yGQB/L/u38johvgA0jQhg+6EMLmsWXupzJyIiIiIiFUuJNRERcbrEtBxCfD1ITs/jlkn/mMe93K2Mv7YVH8/fxbLdKTx2RVN2FW/zbBTuz2XNztzD7JEBTfn35U0u+ECBkj5rJ0pOz6NZ+XdinlJazvHpo5l5hcDxgQxTR3bm88XxXN8hquI/sIiIiIiIOFBiTUREnGr13qMM/XQZQT4epZrl/7M7lR9X7+fV2dsAWLknlSa1AgAY0PLsBwNcjCmdYX6lK9OSM/IuyMfKzi8qdSyiuGovPMCbx69sdkE+roiIiIiIOLI6ewEiIlJ9rd57lOs/XkqRzSA1K59tSRkADGobCcD2Qxk88sN68/ycgiLW70sDoEtM2EVf7+nU8C+9zfTwBUqs5ZSRWIup4XdBPpaIiIiIiJyaEmsiIuI0o75YZb59V48YagZ4ERXsw7gBTakf5ms+d1uXunx3d1eH921Q07USSSf2b+veyJ70S87IvSAfq6RirV10MH883JP/3tmJemGu9fkQEREREakOtBVUREQumsIiGx/P30WrqCBaRgaSmmXvFebhZuHpq5rz5MDmWACr1cJ393RjU+IxmtcOJDLYB4BLGoaxdFcKPh5uRAb5OPFOSssq7nUG0LNxTZbsTKmQraCZeYXMWLOfvs0jzM9D4tFsAHw93WgSEUCTiIDz/jgiIiIiInLulFgTETkLmXmFTFq4m2lr9jOmb2OGxkY7e0mV0udL9vDmnzsA6BwTCoCfpxsLxvXBYrHgdkIrtIhAb7NvWIkPbu3Ae3/F0bx2AFbrhe+bdi5O3IpZkgCriK2gX/6zl1dmbeOZnzdzfYc6bEtKZ/OBdADcXOxzICIiIiJS3SixJiJyBjuTM+j31kLz8exNSUqsnaUimwHYE0BzNicxYeY287kVe1Lx83Tjlwd6UMO/dOP/soT6efL8NS0vyFrP1y2d65KeU0jf5uFm9VrSsfPfCrq9uO8cwLQ1+x2eO5qdf/LpIiIiIiJyESmxJnIeDMNg9JerSc3K58uRXfBydzOfW5twlFmbkhjbvwneHm6nuYq4MsMwePDbdQ7HsvMLyz5ZHKTnFnDlO4vw9rDy5tB23DN1dalzHu7fhIY1/Z2wuorn7eHGg/0aA3Ak016plpCaTWZeIf5e5f92m5Cafcrn0nMUiyIiIiIizqTEmsh5+HPLIeZsPgTA+n3HzK1tCSnZDPloKQAH0nJ47IpmRIf6lnr/rQfTWbEnlZs6RSv55oKW7Uoht7DI3HbXOSaUFXtSySmwOXllzmMYBhaLxXwbMB+fbM6mJBLTcgAY/OES8/hbQ9sya1MSeYU2bu5c9wKv2Dlq+HtRO8ibg8dy2XownU71Q8t1nfnbk1m99+gpnz+WU1DeJYqIiIiISAVw+amgiYmJDBs2jLCwMHx8fGjdujWrVh2fImcYBs8++yy1a9fGx8eHfv36ERcX58QVS3XyVnGvKICV8anm2+/8dfz4bxsO0v/tBSSkOFadJKfnMuyz5Tz3y2b+8/vWC79YOSc/rU3klkn/cOeUlQB0qBvMQ33t1Ug5Llqxlpyey6cLdvHyrK0VVlVXUGTjh1X7mLx4Dw99u5aGT87k88V7+HH1fmKemMkPq/af8n0XxR0x3/bxcCMq2IfJI2K5rkMdJg2P5Yv/63xelVyurmVkEACbEo+V+xqvzd4OQNvoYPNYiK+H+ba7eqyJiIiIiDiVSyfWjh49Svfu3fHw8GDWrFls2bKFN998k5CQEPOc1157jffee49PPvmE5cuX4+fnx4ABA8jNPf++NiJnkng0x3x70qLdpGTmkZiWw9qENIfzcgtsfLl8r/nYZjO496s1pBRPRPx7W/JFWa+cndyCIl6fs93h2CUNa+Djaa8qzMorcsayTis9t4C+by7g5Vnb+HTBbl6dte3M73QWXpu9jUd/3MCLv23hp3UHsBnwwm9beOSH9QCMm7ahzPczDIO1++yVVl/e1YWtL17Bkscvo2/ziApZV2XQMjIQgPG/bmHfabZzns6hdPv3sv8MbmUe8/V0Z9LwWCKDvPnwtg7nv1ARERERESk3ly4VePXVV4mOjmbKlCnmsZiYGPNtwzB45513ePrpp7n22msB+OKLL4iIiOCnn37i5ptvvuhrluqjoMhGRnGD8lqB3iSl59LxpbkO56x4si//7EllzDdrHap3fli9j1UnbO9KTMshPbeAQG8P5ML4aP5OZm48yOQRnUpNmjxxe+O2pHS+XbGPxLQcIgK9+Pbubmw7mE7vpuFmr6ucAtdLrB1MyzXjEeDn9Qd4/pqWp9ymebb+3GLf6hzi68HR7LK3HV7xzkI+GdaR+sVTMV+ZtY1PFuwCwMPNQpvooPNaQ2XVKur4fd8+eTnzH+1zTu9vsxnmcIKaAceHO/h5udG/RQT9W1SfJKWIiIiIiKty6Yq1X375hdjYWG688UbCw8Np3749kyZNMp/fs2cPSUlJ9OvXzzwWFBREly5dWLZsmTOWLNXIib2NPrytvcNzNfy9uOOS+oQHetOtQRhg76e2JuEoD3yzlsembQTg6auaUy/M3nvtyekbzZ5VUrFsNoPXZm9nU2I6E2Y6brv9ftU+2jz/B5e+9jdv/rGd6z9ayn+XxgNwY8doYmr4cWXr2vh4uuFbXLHmisMLSpJ9Nfw98XS3kpZdwOdL4st1rUPpudz71Wq+X7WP+OItzHPH9mLMZY0Yd0VT3ryxrcP525Iy+GDeTuZsTmLA2wvNpBrA0NjoapswbhUVaL4dn3JuFWuFRTaO5RRQPFSVEF9PM7l2RavaFbZGERERERE5Py5dsbZ7924+/vhjxo4dy5NPPsnKlSsZM2YMnp6ejBgxgqSkJAAiIhz/ah8REWE+V5a8vDzy8vLMx+np6RfmBqRKyi0oYvmeVCIC7b/kBnq707FeKA9c1oj3/94JwM/3dycq2AewV5pc3aY2v204yHXFAw0AujcKY8Ql9WkZGcTtk5fz24aDNIkIYExxH6/TMQyDZbtSeGduHDd0rMPQTtEX4E4rt4IiG/9dEk/f5uEU2o4nLH9ed4C7esTQpk4wGbkFPD1jE/nF1Ycl/38Aoy6NYVTPBg7XLNkKmltgw2YzsLpQf6ucfHtiLdjXk6vbRPLfpfH8ut5+ryez2Qz+2Z1Cu7rB+HqW/jYwaeFuZm5MYuZG++tonRAfwvy9GHt5UwCKbAZWKwT7eJKRV8iYb9by4+r9/Ljasd/at3d3pX3d4Aq+08qj1kmVkbkFRWc1pCQnv4hrPlhMUvE20AAvdzzdrUz/1yXM257MTfp6FxERERFxGS5dsWaz2ejQoQMTJkygffv23H333YwaNYpPPvnkvK778ssvExQUZP6LjtYvKXJmBUU2th5MZ/yvWxjx+QqueGcRYE9kAPz78qbseXkguycMNJNqJQa1jXR43LNJTabc0RkPNyvdGobxUnH/pI/n78JmO33V2twthxj84RJu/Ww5K+JTT9njqrr7ZkUC/5m5lcveXOCQMAO4/+u15BfamL0pifwiGyG+Hoy61J6ACvPz5PcxPXjqqhYE+ThWWvmdkIRyte2gucXr8fFwY2TxvWxKPEZWXiHztiXz6YJdFBXH1ttzd3DrZ8tp8ewcfl1/AIAtB9L5z+9bSEjJ5o/i7Z8l/tW7ocNjN6uFIe3r0KdZOF1iyp52eWf3+nRtEIaXe/WddmuxWPh6VBfzcUlPxTOZ+k88ccmZZOTaKyND/e2vMdGhvgzvVr9af05FRERERFyNS1es1a5dmxYtWjgca968OdOmTQOgVq1aABw6dIjatY9vjTl06BDt2rU75XWfeOIJxo4daz5OT0+v1sk1wzDYsP8YjcL98avCE/rO16M/rOendQdKHQ/18zTftlgslNXSqleTmlzauAYWi4WH+zWmfd0Qh+dv6FiHp37aRE5BEYcz80r1AFu/L42cgiJaRAby4Ldrycp3TOrkFRbpl+2T/LbhoPl2SfLoraFtmTBzGwmp2fywep85cfHG2GieHNicy5pF0Cjc36Gf1Ym8PaxYLGAYkJVf6FJfLyWJNW8PK3VCfIkK9iExLYfFO4/w4LdryS2wsetwJoPbRTkkGp/5eRNXta7NXf9bycFjuUxfk2gmgD68tQP+3u70bFzjlB+3pr/j56pHoxq0igri8SubXYC7rHwuaViDUD9PUrPyyco7uy3EExfuAaBhTT+O5RTQvxoNfBARERERqWxc57fCMnTv3p3t2x0n8+3YsYN69eoB9kEGtWrV4q+//jITaenp6Sxfvpx//etfp7yul5cXXl5l/+Jc3cQfyeLzJXv4YtleBrSM4NPbY529pIvKZjO4e+oqimwGn43ohNtptvYt3ZXi8LhP05r4eLpxQ8c6Z/w43h5uTL2ryymfd3ezUjvIm/1Hc9iXmk1EoDc/rt7PNysSePzKZtzx+Qqy8ou4tHENsvKLCPB256+xveg84S8AktPziA71Pcu7rh5KJrbWDfXlQFoOzWoHcG27KLYcSOezxXt4asYmAFrUDmRs/yYAdGsYdtprWiwWQnztSZLO//mLFrUD8fKw8sp1bWhaK4CsvEIOHsuhUXjAhb25MuSYiTV7grVzTCgz1ibyxpzt5BbYAPh+1X6+X+W4XTMtu4CtSekcPGbfdliSVKsT4sNVbc7cy+vk7bBfjjx1nFdXvp5upGZxVom1giIbRzLtrQp+HH0Jwb4e5z2AQkRERERELhyXTqw9/PDDXHLJJUyYMIGhQ4eyYsUKJk6cyMSJEwH7L7kPPfQQL730Eo0bNyYmJoZnnnmGyMhIBg8e7NzFuzjDMPj39+uZvjbRPDZn8yHenRvHg/3O3OPrVOIOZfDNin082K9xqW10rmhbUgZztyYDsD0pgxaRgWWedyy7gOQM+y+7/VtEYBjwybAOuLtV3G7quqG+7D+aww2fOA7euPGExyWTRV8a3IrwQG/qhvqSkJrNofRcJdawJyVmb0ri0sY1zP5U39/TjQBvd9ysFtysFro0COOzxfaKIIsFJlzX+qz6XpW4MbYOny7YDcCWg/b+jM//splv7u7KfV+vYf72wzw6oCn39WlUwXd3ejknbAWF44m1uOTMMs9f+vhlXP3+YlKz8rnqvcWlnu/TNPysP3abOkFs2H+sHKuuHkq2EGfnn3n7cMkUUKsFgnyUVBMRERERcXUu3WOtU6dOzJgxg2+++YZWrVrx4osv8s4773DbbbeZ54wbN44HHniAu+++m06dOpGZmcns2bPx9vY+zZXlwLFch6Raibfn7iDzLLcrncwwDPq/vZDPl+zh0xOmArqq3IIih2brf2wpe+BFYZGNmybak1u1g7yZNDyWz0bEVmhSDSC2XsiZTypWUllVK8ge56dKnlQ3T83YWDx1dQNFNgMPNwvhAV74ebkfr+SqH0qgtz3R8WDfxrSLDj6nj3F9h+MVimHF24CX7U4hK6+Q+dsPA/D6nO2sSTjKvtRzmwR5Lmw2gyU7j5CYZq/MKxleUDJgoVN9x95nY/o25qbYaNytFh7q15jIYB+iQxx7AV7XIYoPbm3PVa1r89A5JNg/GdaRSxvX4KPbOpzPLVVZfl72/5OzqVg7mmWfNhzs6+lSwzFERERERKRsLl2xBnD11Vdz9dVXn/J5i8XCCy+8wAsvvHARV1X57TiUAdgTRR/d1oF20cHEPDETgNTMfPzL0TuqJKkA8NH8XdzWtV6pJv6uYvamgzz83XqHBvQTF+7m7p4NSk1J/HH1frYl2T9fkRfwfm7tUo8fVu+nSUQAnWNCCfH1pHujMJ6csZH9R3OoH+bHgh2H8fV0IzzAnlDr1aQmK/ak8vniPQT5eNCrSU2X6vt1MdlshrnNcc5me/P9iEDvUsmJIF8P5j/ah6y8wnJV+TWJCODZq1vg5WHl1s51uezNBew5ksU3KxJwt1rMCaTXfbSUqGAfFo3rU6EJknnbkvlz6yGW7jxCfEo2dUJ8WPhoH4fhBWDvz3Wiy1tE0CoqiFdvaONwL+uLK83a1gniqYHNCfP34uo2jsM2ziQy2Oe0W52ru5Kvyaz8UyfWFsUdxsPNilE8uyTE1/UrfkVEREREpBIk1qTi7UvN5uP59oqyDnVDzEb6Jc3OU7PzqRt2+oRDTn4RuQVFhJzQuL/kmiVun7ycmWMuPadtdhfKl//s5avlCbx/S3vA4NEfNphJtSYR/hzOyONodgF/b0t2SCpk5xfy9twd5uOSyZEXQq0gb5Y90RfDMBy2f301sisARTaD/y6Np3mt4/27buoUzcSFu4lLzuTer9bwwGWN+PflTS/YGl3ZwrjDpY71bFKzzHND/Twdhk6cq//rcTwO7unZgMenb2TCzK2cPNA1MS2HRk/NJCrEh2evbkn/FufXhD4jt4Ax36wl44TKp/1Hc3jp9618vsS+vbXk681isdCveThztyZzf59GtIoKKnW9Rwc0pV3dYC5tVPOMX/NSfr6eJRVrZW8FPZZdwO2TVwDw7s3tAM4rPkVERERE5OJx6a2gUvGSM3IZ8tFSVuxJxcPNws2dj09DLflF7mhx8/JTKdka2ePVv4k/kgVAWnY+K+JTHc7bfTiLv4r7lzlTYZGNp3/axNaD6dwzdRWvzNpORl4hTSMCiPvPlfzxcC9u6VwXgJ/WOk79nLxoD4fS86gd5M2v9/fgilZnbuZ+vk7VU8nNauGuHjFc0uj4hMYa/l48f83xybn/XRp/oZd3UWXkFmAUl/Acyyk45dbKKUv2cMeUlaWOn8t2xvK6MTaaZrUCHJJqJ1Z82gzYl5rDdyv3nffHWrLziJlUG9u/Cc1r23sCliTV4Ph0UIC3b2rHt3d35d+XNynzeuGB3tzWpZ6SahdYSY+1jNyyK9aSM3LNt9cmpAH2r20REREREXF9SqxVI4viDtP5P39xJDMPHw835jzUk0sbH6/oKak+SzlDYm36mkQ27D9GVn4RU4p/od+UaG/iXi/Mlx0vXcntXe2TWxfuKF1FdLH9uuF4smzX4SzmbrVvE3zjxrZ4FPdJG9TWXqU2d+sh6j/+Ow9/t47cgiImF9/f41c2o3Wd0hU/rmBwuyhq+Nv/70qqD6uC2ZsO0mb8Hzw5YyMA//fflVz62jzG/7qZWRsPklbc5N0wDHOYwMDWtbgp1p4sfuyKZuaW2QvJzWrh+Wtamo+DfDz45f7ufHhrB+7t3ZBxV9grCOduPWSu+VQMw2DrwXR+WX/ATHAnHcvlts/+ofXzcxj95RrA3udtTN/GzLj3Ev7VuyGe7sdfyhuF+5tvB3h70LVBmBrgO1nJVuBXZ2/DdnJZI3C4eDAKwKxNBwFoe469/0RERERExDm0FbSKS8nMY2X8USwWePDbtebxe3s3pEFNf4dzQ4t7+qRm5VGWwiIbo75YxbwTeqnNL06cbS2ejtgqMghPdyt9m4cz9Z+9LIo7XGprY0UrKLKZCbKy1vzeXztLHR/WtS6too5PAG1WKwAfDzdze+iMtYnsTM4kLbuAMD/Pc+45dTFZLBZeGtya0V+uJiuvkMIiG9PW7Ccq2JcejWuc+QJnae6WQ2TmFTK4fVSFXbMs+YU2nv5po9kv7ZsV+7imbRSr9x4FYMqSeKYsiaeGvxe3d61nbtX19rDy1tB2uFkt3NmjPk0jAk75MSpa1wZhvHtzO178bStD2kfSoKY/DWr6c1Wb2hxKz+W12dsBeGdunEMS7kT5hTbu+t9Kc/LrzZ2ieeX6Nny3ch9LdqY4nFuSPPP2cOOxK5rxYN/GHDyWy7xtyVzfsU6pa4tzNTih393WpHRaRh5P0k9cuIsJM7eZjw+l219/z2WYiYiIiIiIOI8Sa1XYyvhU/vXlao5kHq+S6d20JhNvj3WocCkRVTwhcOcpJkyu33/MTKoF+3qQll3A3pRsDmfksbt4S2hJw/QuMWF4uls5cCyXXYczaRRe8UmOjNwCXvxtCzPWJvLGjW25tl3phM/vGw+y50gWoX6e/DW2F79tOECrqKBSlV0Wi4VfH+hOv7cWmsc2Jtqbut/erR5uLj6dL7g4KZqWnc8Pq/fzxHR7ldfCR/sQ5ONB0Hk2Qt+Xms3IL1YB0L1RDWoGVMw2tfTcAgK9Hdf209pEM6lW4pMTpsz2bFKTxXGHOZKZ59D/7vIWtcz+Ys1qBXKxXdsuimvaRpZKIocHeGG12LeE/rr+QJmJtZz8Ipo/O9vh2KYDxyiyGczZbJ9WO6htJLkFRSzccZjeTR17x3l7uBFTw4+YHheuB6CU352XxJjJ1YU7jpiJtbTsfIekWglPd6vLVsiKiIiIiIgjbQWtog4ey2H45BUOSbVBbSP5ZFjHMpNqAG3rBAOwbl+aw/Hk9FyGfLSEUcWJFYBf7utBRKA9ubJ8TwrfrEgAoH4Ne2LNx9ONLjGhAIz4fCWZeaeehlceuQVF3DzxH75ftZ+CIuOUvdxKqpyu7xBFiJ8nt3erf8rtko3CA3jgskYOxwa0jGDMZRe+T9f5CvKxJ6d2Hc7i7T+PJ5t6vj6Pdi/+wdqEo+d1/cmLj/fwOnHb2vn4a+sh2jz/B2/MsScccvKLMAzD3Ko7pm9js9n/guLKyOcGteCL/+vMi4NbOVyrY70QHh3g/KENZVVmWiwWNo0fANi3WaeWsdX6p3WJ5tv9mtvvec/hLKYui2fLwXQ83a08fmUzJg2PZePzA8zealI5+Hi6Mb44oVqyPf5YTgHtXvizzPOb1QrAy935Q19EREREROTMVLFWRX2zYh85BUW0qRPEx8M6cjQrv8ypgCdqVzcYgLjkTDJyCwgoriSavTnJbKgN8PJ1rakb5kutIB8Opefx5T97zeeanLD97spWtVkUd4TEtBx+XLWPO7pXXDXN/O3JbD6Qbj7+Zf0BXri2JQVFBiG+HiSm5VAvzM9sdn/yttdTGdu/CT0a1cDLw42/tx5iZM8GZn8kVxZ8QkVa8kmJL8OAedsPl5lQPJttulsOpDv8H5+pT9jZSMnM467/2RO1H8zbSfPagTz47VoGtY0kPsVe/dihOB7/3GJPtPVsUpObOtn7pw1uF8Xq+KO0rxfCsC51Xb6HmK+nuzl1d/fhTEL9QskrLOLJ6ZuYtsaxOu/l61rz94RDZOUX8fyvWwB45qrmRAXbK0pPlRgX11YyoXbV3lSy8godKoOfuLIZXRqEMfjDJQAEeOtbs4iIiIhIZaGf3quokgqlmzpFExXsY/5SfjrhAd7mL/8bE49xSUN7f64dhzIAGBpbh3t6NaRBcVVa7UBv1gP/7LZPA40M8nZI3t3UKdpsPL/vaM5Zr33priN8tTyBtnWCGNmj7MTWrsP25EubOkFs2G/fsnly9ceDfRubHzc65OymHlosFro0CLNfrxI1Dz9xgqCXu5XrO9bh6+UJ5rH3/oqjS0wo3U+YKHokM4+hnyyjQU0/PhvR6ZTX/s/MLRSe0HD9aHZBudZYWGRj3vbDXNIwjF/XO05fve9re1P+GWuPV27VD/OjQ70QagZ40Tjcn67F/y8Afl7uvHVTu3Ktw1ka1PQjMS2HXYczia0fyhtztjsk1W7vWo8nBzbHx9ONDnVDWFVcbdm8diC3dqnnrGVLBakf5kt0qA/7UnP4feNBCouOf02NvLSBvTdg9/p8sWwvjw5o5sSVioiIiIjIuVBirQoyDMNMNpVs7zxb7aKDSUzLYd2+tBMSa/bKiq4Nwmh4QuVX7WDHiYsvDXHcnudmtfDM1S148bctHErPPauPf/BYDrd9thzDgN83HGTFnlQmDY8tVZFUUonWu2k4wb6eZU4fffevOPPtuqFnl1irrDzcrHSOCWXFnlRG92rI6F4NaVsniBr+XmZl2G2fLWfRuD7cPXU1vZrUpLDIxu4jWew+kkVKZh5h/mX3TduX6pgUPVpcsTb2u3UkpGbzxV2d8fU880vJc79s5qvlCVzXIYqIwDNP64wK8cHDzWpOmK3sGtb0Z1HcEXYmZ3I4I48vlh2vAnxyYDPu7tnQfDzy0hhW7T1KsK8Hr17f2uV7/MmZWSwWusSEsS91P+N+3GAej60XYv7/PjWwOQ/1bXLePRFFREREROTi0Z6iKmhfag7HcgrwdLM6bM08GyVVWpMW7iY9t4DCIhubipv4t4h07OvUvJbjVM1eTcJLXa+kD1ty+tn15VqbkIZRXMjhZrUwd2syWw6mO5xjr3yy91SrH+bLF//XmT4nNXM/UaNwf6JDz1yxV9lNuj2W129ow319GuHj6cZNnerSqbjPXYnX52xn68F0Plmwy+xlBrB+fxo5+UXM2niQ/EKbedwwDJIz7EnRrg3s10rLzudYTgHT1yayau9Rh8q4U1kZn8pXxedNX5No9r574spmjOlbuoddgxp+p5z0WlmVTPLcdTiLSYt2k1dow8vdynODWnBXjwYO517RqjZ7Xh7Iumcvp805JsfFdbUtowrWz+t4UtrdzaqkmoiIiIhIJaOKtSpoQ2IaAM1rB5xzP6aSSXRHswu454vVdGkQSnZ+EQFe7jQ+abLnib8kPnt1izKrakoqk5LOsmKtZBLnLZ2jWZuQxrakDIcBDADjf93CofQ83KwWc3vg2ze1Y9fhTDrUDSE5I4+a/l48OWMjy3an8MI1LV2+B1dFCPL14MbYaIdjJ0/cPJB2vPosPiXbfHvKkniW7Uph0qI9DOtal5cGtwbsDdZzC+yJtua1A/lndypxyZnEFW8PBpi79RAjL3VMDJ3s0wW7HR6v2GPfPhwV4sNVrWvTvFYA/t7ueLhZmTBzK88NKj05s7IrqfbcciCdf3anAPDJsI70aVY6IQ1lD0KQyq19GYk1fy99GxYRERERqcz0E30VtKe4/1hJkuxcxBT3TwNYtjuFZcUJgNu71SuVOGsS4c+9vRsS4O3BJSf07jpRnRB7pdiBtBwKimxnrEIqqY5rFRXE3uLEz9ETpihm5hWafalu6FCHyOLeccG+nnSsZ6+oKknmvXJ9m7O446pv0vBYc6Lr3tTsMs9ZFHeERXFHAPjynwTcrVZ6Nalp9sgDuLZdFFOWxDNrY5LD1tqV8Uc5kpnn0Odt6c4jLNudwt09G5Calc9f2+zVce/f0p5XZm0jMS2HAG93ujUIw2KxcGXr2ub7/nJ/j4q7eRdSUrFWkmSOCPSi92kqLaXqaVqrdAWxn5emf4qIiIiIVGZKrFVBD/RtzK1d6lJwQnPssxUeULrPVuf6oTw6oGmp4xaLhXFXnL7Jdq1Ab/w83cjKL2JvShaNTqh6yy+0UWQz8PF0IzUrn+9W7jO3CLaJCmbpLntS76Hv1rE1KZ0rW9Xm0wW7yM4vokENP165vvU531911L9FBLUCvUlKz+VwRuktuSO61eN/J/T7Avjv0nj+uzTefNyrSU3a1gmiVVQgmxLTef/vneZzRTaDN//YweNXNiPIx14h9/yvm9lxKJP/Lo2nS0wohmG/xqC2kfRtHs6MtYm0iQo+ZV+3qqiGv6fD48uahasqrZrxcLNyT68GfLtiH8dy7ENANOVVRERERKRy00/0VVSYvxe1gs7cIP5kZf2i361hWLkTABaLxazUmb4m0eG52ycvp+fr8/h0wS46vPgnr87eRnZ+ERGBXjStFUCo7/FExKcLdjP4wyXM2pQEwI2x0UpKnINeTRwrowK97Tn1mgFejL28KTd3imZI+yg8T6oo9PV043//15nJI+wDJF64thW1T4irAS0jAPhmRQL3F0/2NAzDHHiRkVvI3K32fnjDiocQ+Hq6c1uXeuWqqKzMLBaL2QswwMudcZr8WC09cWVz1j3b33y8N6XsKlIREREREakcVLEmpXx5VxeGTV5uPu7SIPQ0Z5/ZsK71WP/jBj6av4sQX0+Gxkbj7mZheXGfrZdnbQMgMsibB/o25spWtfB0t+J7mi1S13eMOq81VTf9W0Tw3ap95uPvR3fjrT928K/eDQny8TC3zd7SuS5DP11mnvft3V0dmud3qBvCgkf7MGdzErkFRfRuGs6czfZtnovijpCcnouXx/H/tzohPuw/moOPhxuXNi57u3B18vqNbUlIzaZD3RBnL0Wc6MQ/ClT1icUiIiIiIlWdEmtSSvdGYQ6PzzcJcGNsNHtTsvlg3k7+M3Mr78zdwa1d6jqc4+fpxqQRsbSMPF7FdEXLWvy89gAjL42hYbg/d05ZCdgnl4YHnHs1XnXW46SkVtOIACYOjy11XpsTqsju6dWgzImUnu5WBrWNNB8PbF2LmRvtlYR/bDlEp/r2RGyIrwe/P3ApX63YS8vIILw91Euqhr+XQy86qb7mPNSTb1cmcF+fRs5eioiIiIiInAcl1qSUE6spPNwsFZIQGd27IR/Ms/flysovYtKiPeZzH9zanqvbRJZ6n/Z1Q/jnyb7m47lje7FsdwqD2tQuda6cnreHG5e3iOCPLYeICvY55TbaE/+vz7aS5o0b2+Ll7saMtYks2HGYUD/7Ft7aQT4E+Xpwb28lDkRO1rRWQJWcfisiIiIiUt0osSZlmnpXZ8Z8s5Znrm5RIdfz9yo71CYMaV1mUq0sjcL9zX5tcu4ev7IZUSE+3NUj5rTn/TC6G/O3J3Njx+izuq6vpztDY6OZsTaRbUnp/LXVPsDgfLcQi4iIiIiIiLg6i2EY5z46sopJT08nKCiIY8eOERgY6OzlVFlv/rGd9//eycgeMdzcuS61g7zxO0XCTSqX1Kx8Orz4JwBuVgtFNoPv7+lG5xgl10RERERERKRyOZc8kbIactE81K8JXRuE0bFeiPptVTGhfp60jAxk84F0imwGV7WuraSaiIiIiIiIVHlKrMlF42a10L2RJkNWVT+M7saC7YfZmZzJ8G71nb0cERERERERkQtOiTURqRC+nu5c2VqDJURERERERKT6sDp7ASIiIiIiIiIiIpWREmsiIiIiIiIiIiLloMSaiIiIiIiIiIhIOSixJiIiIiIiIiIiUg5KrImIiIiIiIiIiJSDEmsiIiIiIiIiIiLloMSaiIiIiIiIiIhIOSixJiIiIiIiIiIiUg5KrImIiIiIiIiIiJSDEmsiIiIiIiIiIiLloMSaiIiIiIiIiIhIOSixJiIiIiIiIiIiUg7uzl6AKzAMA4D09HQnr0RERERERERERJypJD9Uki86HSXWgIyMDACio6OdvBIREREREREREXEFGRkZBAUFnfYci3E26bcqzmazceDAAQICArBYLM5eznlLT08nOjqaffv2ERgY6OzlSDWmWBRXoVgUV6FYFFehWBRXoVgUV6FYlBMZhkFGRgaRkZFYrafvoqaKNcBqtVKnTh1nL6PCBQYG6gVBXIJiUVyFYlFchWJRXIViUVyFYlFchWJRSpypUq2EhheIiIiIiIiIiIiUgxJrIiIiIiIiIiIi5aDEWhXk5eXFc889h5eXl7OXItWcYlFchWJRXIViUVyFYlFchWJRXIViUcpLwwtERERERERERETKQRVrIiIiIiIiIiIi5aDEmoiIiIiIiIiISDkosSYiIiIiIiIiIlIOSqyJiIiIiIiIiIiUgxJrIlJumn0iIiIiIiIi1ZkSa5VMUlISBw4cICcnBwCbzebkFUl1lZGR4fBYSTZxlpLXQxFXoddDcbbCwkJnL0EEgMzMTGcvQQSAvXv3sn//fgCKioqcvBqpaiyGfvqrFAoKCrj//vv5448/CA0NJSAggNmzZ+Pt7e3spUk1U1BQwAMPPMDmzZsJDw/n2muvZfjw4c5ellRDBQUFjBkzhvj4eGrWrMm9995Lly5dsFgszl6aVDMFBQW8++67NGzYkCFDhjh7OVKN5efn8/TTT3PkyBGCg4O5//77adCggbOXJdVQfn4+//73v9m6dSuBgYHcdNNNDB06VN+jxSl+/vlnhgwZwjXXXMNPP/3k7OVIFaSKtUogMTGRnj17EhcXx9dff82DDz7Ivn37ePzxx529NKlmdu/eTadOndi2bRvjxo0jKCiIV155hdGjRzt7aVLNJCUl0aVLFzZs2MCgQYPYsGEDo0eP5vXXXwdUzSsXz6xZs2jbti3jxo1j2rRpHDhwAFDVmlx8P/zwAzExMaxatYo6derw3XffMXr0aJYuXerspUk1M3XqVOrXr8+mTZsYMWIEGRkZvPvuu8yZM8fZS5NqasWKFXTp0oV9+/Yxbdo0QFVrUrGUWKsEFi1aRE5ODl9//TXdunVj+PDh9OjRg4CAAGcvTaqZWbNmERISwsyZMxk0aBCTJ09mzJgxTJw4kenTpyuZIRfNkiVLyM/P5/vvv+fee+9lwYIFDBkyhOeee47NmzdjtVqV2JALLisrixkzZtC/f38mTJjA9u3b+fnnnwFUlSEX1bp165gyZQoPPPAAf//9Ny+88ALLly9n586dxMfHO3t5Uo3s2LGDX375hXHjxjFv3jxuv/12Jk+ezO7du3F3d3f28qSaKfnd5NixY3Tq1In27dvz7rvvUlBQgJubm35WlAqjxFolkJaWRlxcHLVq1QLg4MGDbNiwgdDQUBYvXuzk1Ul1snPnTgoLC/H19cUwDCwWi/kNacKECaSkpDh5hVLVlfyAdPjwYY4ePUpUVBQAQUFB3HPPPfTo0YN77rkHUGJDLjxfX1/uuOMO7r33Xh5//HHq1q3LrFmz2LBhA6DKSbl48vPzadGihdmaoaCggDp16hASEsLWrVudvDqpTmrWrMmjjz7KHXfcYR5LSUmhbdu2+Pv7k5eX57zFSbVT8ofWnTt3MmzYMIYMGUJKSgoff/wxYH+tFKkISqy5mBUrVgCOP4x369aNoKAgunTpwg033EDdunUJCgri999/Z+DAgbzwwgt6UZAKV1YsBgQE4O3tzcyZM82kxZIlSxg/fjybNm1i9uzZpd5H5Hz9+OOPzJ07l4MHD2K12r9tubm5UatWLRYtWmSeV6tWLR5//HFWrlzJn3/+CWg7nlSsE2MR7MnbSy65hKZNmwIwevRo9u/fz4wZMzAMw4xXkYpWEoslW487d+7MG2+8QWRkJAAeHh4cO3aMrKwsunfv7sylShV38utiSEgInTt3Jjg4GID777+fzp07k5yczKBBg7juuuscvneLVJSTYxHs2z0tFgtubm7k5eXRtWtXhgwZwuTJkxk2bBhvvfWWkr1SIfQTn4v46aefiIqKYuDAgcTHx2O1Ws2JTm3btmXp0qWMHz+erVu38vnnnzN//nzmzp3Lxx9/zGuvvcahQ4ecfAdSVZQVi/n5+QDccsst+Pv7c+utt3LzzTcTEBBAXFwcd911F4MHD+aHH34A0C+TUiGmTp1KREQEr7/+Orfeeis33ngj06dPByA2Npbc3FyWLl1qxidAq1atuOKKK5g6dSqgqjWpGGXFYknzY5vNZiZw+/fvT7du3Zg3bx5///03oOSuVKyTY3Ho0KFmLBqG4fCHrbS0NGw2G40bN3bSaqUqO9PrYomUlBR+++03Fi9ezM8//4yfnx+PPfaYk1YtVdHpYtHNzY2jR4+yZs0aunTpQlhYGNnZ2ezYsYPp06fTv39/vLy8nHsDUiXot18X8NVXXzFhwgR69uxJ8+bNeeWVVwAc+hDUr1+fo0eP4ubmxrBhw8xvWD169CA/P9/cdiJyPk4Vi56enhiGQfPmzXnvvfd4++23qVGjBl9++SXLly8nMjKS/Px86tat6+Q7kKqgsLCQd999l5dffpkJEyawaNEifvrpJxo2bMhnn31GTk4O7du3p0ePHkyfPt2hMXdERAQeHh5K7kqFOF0sTpw4kby8PKxWKxaLxfy+/MADD5Cbm8vPP/9MVlYWhmGwY8cOJ9+JVHZnE4sWi8Whv+T8+fMBzCo2gNTUVGcsX6qQs31dLCkQ+PrrrxkwYAB+fn5mhW9ubq5ZbSlSXmcTiwA5OTn06tWL6dOn06ZNG6ZOnUq/fv2oV6+e+b1bgwzkfOk3Dycq+QJu1KgRffv25dVXX+Waa65h/vz55g9DJ36Rl2wrSU5ONn9p/P333+nQoQOdO3e+6OuXquNcYjE6Opo777yTDz74gGuvvRawT2hMSEigUaNGTlm/VC1ZWVkcPnyYESNGcOedd+Lp6ckll1xCixYtSE9PNyvUxo8fT0FBARMnTiQxMdF8/5ycHEJDQ521fKlCzhSLJb84wvE+Ls2aNWPIkCGsWrWKl156iU6dOnHbbbfph3Y5L+cSiyWVuj/99BNXXXUVPj4+rFu3jssvv5wXX3xRVZRyXs42Ft3d3c1+vCWKiorYtWsXsbGxDglfkfI4UyyWtEoqKiri+++/Z/jw4fTs2ZO4uDheffVV6tevz9ixYwF7ZZvI+dBoFieIi4ujUaNG5hdwly5d6NixI+7u7gwcOJDFixfz+uuv07t3b9zc3LDZbFitVsLDwwkODqZfv37cf//9LF++nJ9//plnnnmGGjVqOPmupDI6l1gs6wekvXv34u7uzmOPPYbNZuO6665z1q1IJVcSixaLhaCgIG644QZat26N1Wo1XwOjo6PJysrCx8cHsPdUe/LJJ3nvvffo3r07Y8aMYd26daxatYonnnjCyXckldW5xKKHh4fD+5a8Rvbt25dnnnmGf/75h1GjRvH+++/rh3Y5Z+cTi1lZWaSnp9OlSxfuvfdeJk6cyM0338xrr72mLfJyzsobiyWxlpOTQ2pqKs8//zxr1qzhk08+ASj1c6XImZxLLHp6egL2ooBvvvmGmJgYsxglODiYwYMHk5GRYf6xQbEo50MVaxfR999/T0xMDIMGDaJr1658/vnn5nMlP3C3bNmSwYMHEx8fz5QpU4DjfQr69evHhAkTiImJYcaMGaSmprJ06VIeeuihi34vUrmVNxZP/Ct3Tk4On332GW3atCEhIYEffvhBW0HlnJ0ci5MnTwagXbt2Dn9YAHuFbrt27fD09DSr1m644Qa++eYbBgwYwKJFi0hJSWHhwoX06NHDafcklVN5Y/HkqrVPPvmEzp0706dPH3bu3Mmnn35q/nAvcjYqIhZ37tzJvHnzuPXWW1m7di0bN27kyy+/LJWAEzmd8sbiiRW606dP5/HHH6djx47s3LmT3377jd69ewNKZMjZK28sllSt3XTTTWZSreT3mZEjR/LII49gsVgUi3L+DLko/vjjD6N+/frGhx9+aMyePdsYO3as4eHhYUycONHIzs42DMMwCgoKDMMwjP379xt33XWX0alTJyMjI8MwDMPIzc01r1VUVGSkpaVd/JuQKuF8YzE/P9+81rp164wFCxZc/JuQKuF0sZiTk2MYhmHYbDbDZrMZOTk5Rps2bYypU6ee8nol7yNyrioyFtevX2989913F3P5UoVUVCwuXLjQ6N27t/Hnn39e7FuQKqKiYnHz5s3GG2+8YcydO/di34JUERUVi4WFhRd76VKNaCvoBWYUlzgvW7aMsLAwRo0ahYeHBwMGDCA3N5eJEydSo0YNhgwZYg4riIqKYsiQIaxfv5433niD6667jqeeeoqPPvqI6OhorFYrQUFBTr4zqWwuRCy2bdvWyXclldG5xGLJXxBTU1PNbU1g3wrw8ccf89Zbb5nX9fb2dsr9SOV1IWKxTZs2tGnTxmn3JJVTRcXiRx99xNtvv82ll17KvHnznHlLUklVdCy2aNGCFi1aOPOWpJKq6O/RaskgF5K2gl5gJV/kW7ZsoWHDhnh4eJglqS+99BLe3t78/PPPJCUlAccbxPfp04fOnTvzwgsv0LFjRwoKCggPD3fOTUiVoFgUV3GusQgwd+5coqOjqV27Ng8++CAtWrRg7969FBQUqBG3lJtiUVxFRcViQkICBQUFZhsRkXNV0bGo10UpL32PlspEibUK9ueffzJmzBjeeecdVqxYYR7v27cvs2bNoqioyHxRCAkJYfjw4Sxbtozt27cD9v5WWVlZTJw4kU8//ZRevXqxZs0aZs+ejZeXl7NuSyohxaK4ivLG4rZt2wD7Xyx/++03Nm3aRP369fnrr79YtmwZ06ZNw8PDQ30x5KwpFsVVXOhYLOk1JHImel0UV6FYlMpM33UryMGDBxk0aBDDhg0jNTWVzz//nMsvv9x8UejVqxeBgYGMHz8eON40cdSoUaSnp7N27VrzWnv37uXbb79lypQpzJs3j9atW1/8G5JKS7EoruJ8Y3HdunWAfVBGTk4Ofn5+fPjhh2zatInY2Fin3JNUTopFcRWKRXEVikVxFYpFqRIuYj+3KisrK8sYMWKEcdNNNxm7d+82j3fu3Nm44447DMMwjPT0dOOll14yfHx8jISEBMMw7E0WDcMwevXqZYwcOfLiL1yqHMWiuIqKjsVVq1ZdxNVLVaJYFFehWBRXoVgUV6FYlKpCFWsVwNfXFy8vL+644w5iYmLMcecDBw5k69atGIZBQEAAt956Kx06dGDo0KHs3bsXi8VCQkICycnJDB482Lk3IVWCYlFcRUXHYseOHZ10J1LZKRbFVSgWxVUoFsVVKBalqrAYhrr4VYSCggI8PDwAsNlsWK1WbrvtNvz8/Jg4caJ5XmJiIr1796awsJDY2FiWLl1Ks2bN+Prrr4mIiHDW8qUKUSyKq1AsiqtQLIqrUCyKq1AsiqtQLEpVoMTaBdSjRw9GjRrFiBEjzOlMVquVnTt3snr1apYvX07btm0ZMWKEk1cqVZ1iUVyFYlFchWJRXIViUVyFYlFchWJRKhsl1i6Q3bt3c8kll/D777+bJan5+fl4eno6eWVS3SgWxVUoFsVVKBbFVSgWxVUoFsVVKBalMlKPtQpWkqdcvHgx/v7+5ovB+PHjefDBB0lOTnbm8qQaUSyKq1AsiqtQLIqrUCyKq1AsiqtQLEpl5u7sBVQ1FosFgBUrVnD99dfz559/cvfdd5Odnc3UqVMJDw938gqlulAsiqtQLIqrUCyKq1AsiqtQLIqrUCxKZaatoBdAbm4urVu3ZteuXXh6ejJ+/Hgee+wxZy9LqiHForgKxaK4CsWiuArForgKxaK4CsWiVFZKrF0g/fv3p3Hjxrz11lt4e3s7ezlSjSkWxVUoFsVVKBbFVSgWxVUoFsVVKBalMlJi7QIpKirCzc3N2csQUSyKy1AsiqtQLIqrUCyKq1AsiqtQLEplpMSaiIiIiIiIiIhIOWgqqIiIiIiIiIiISDkosSYiIiIiIiIiIlIOSqyJiIiIiIiIiIiUgxJrIiIiIiIiIiIi5aDEmoiIiIiIiIiISDkosSYiIiIiIiIiIlIOSqyJiIiIiIiIiIiUgxJrIiIiIlWAYRj069ePAQMGlHruo48+Ijg4mP379zthZSIiIiJVlxJrIiIiIlWAxWJhypQpLF++nE8//dQ8vmfPHsaNG8f7779PnTp1KvRjFhQUVOj1RERERCobJdZEREREqojo6GjeffddHnnkEfbs2YNhGNx1111cfvnltG/fniuvvBJ/f38iIiK4/fbbOXLkiPm+s2fPpkePHgQHBxMWFsbVV1/Nrl27zOfj4+OxWCx899139OrVC29vb7766iv27t3LoEGDCAkJwc/Pj5YtWzJz5kxn3L6IiIjIRWcxDMNw9iJEREREpOIMHjyYY8eOcd111/Hiiy+yefNmWrZsyciRIxk+fDg5OTk89thjFBYW8vfffwMwbdo0LBYLbdq0ITMzk2effZb4+HjWrVuH1WolPj6emJgY6tevz5tvvkn79u3x9vZm1KhR5Ofn8+abb+Ln58eWLVsIDAykZ8+eTv4siIiIiFx4SqyJiIiIVDHJycm0bNmS1NRUpk2bxqZNm1i0aBFz5swxz9m/fz/R0dFs376dJk2alLrGkSNHqFmzJhs3bqRVq1ZmYu2dd97hwQcfNM9r06YN119/Pc8999xFuTcRERERV6KtoCIiIiJVTHh4OPfccw/Nmzdn8ODBrF+/nnnz5uHv72/+a9asGYC53TMuLo5bbrmFBg0aEBgYSP369QFISEhwuHZsbKzD4zFjxvDSSy/RvXt3nnvuOTZs2HDhb1BERETERSixJiIiIlIFubu74+7uDkBmZiaDBg1i3bp1Dv/i4uLMLZuDBg0iNTWVSZMmsXz5cpYvXw5Afn6+w3X9/PwcHo8cOZLdu3dz++23s3HjRmJjY3n//fcvwh2KiIiIOJ+7sxcgIiIiIhdWhw4dmDZtGvXr1zeTbSdKSUlh+/btTJo0iUsvvRSAxYsXn/X1o6OjGT16NKNHj+aJJ55g0qRJPPDAAxW2fhERERFXpYo1ERERkSruvvvuIzU1lVtuuYWVK1eya9cu5syZw5133klRUREhISGEhYUxceJEdu7cyd9//83YsWPP6toPPfQQc+bMYc+ePaxZs4Z58+bRvHnzC3xHIiIiIq5BiTURERGRKi4yMpIlS5ZQVFTE5ZdfTuvWrXnooYcIDg7GarVitVr59ttvWb16Na1ateLhhx/m9ddfP6trFxUVcd9999G8eXOuuOIKmjRpwkcffXSB70hERETENWgqqIiIiIiIiIiISDmoYk1ERERERERERKQclFgTEREREREREREpByXWREREREREREREykGJNRERERERERERkXJQYk1ERERERERERKQclFgTEREREREREREpByXWREREREREREREykGJNRERERERERERkXJQYk1ERERERERERKQclFgTEREREREREREpByXWREREREREREREykGJNRERERERERERkXL4f0qgfJ43vISxAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABNYAAAG5CAYAAABC77mXAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAADQRElEQVR4nOzdd3iT9doH8G92utK9GW1ZhZYlW7agDMWFA0XFBeorLjzowaO4D+6NRzl6FD3iHgdRUWQv2XuXFkpbunfa7Of9I8mTpElXOpKW7+e6epk8K78UGnnu3kMiCIIAIiIiIiIiIiIiahaprxdARERERERERETUETGwRkRERERERERE5AUG1oiIiIiIiIiIiLzAwBoREREREREREZEXGFgjIiIiIiIiIiLyAgNrREREREREREREXmBgjYiIiIiIiIiIyAsMrBEREREREREREXmBgTUiIiIiIiIiIiIvMLBGREREnVJSUhJuv/12Xy+jxV599VWkpKRAJpNh0KBBvl5Oq5FIJHjmmWd8vYw2M2HCBKSnp/t6GURERNTGGFgjIiKiDuX06dO45557kJKSArVaDY1Gg9GjR+Ptt99GbW2tr5fXqv744w889thjGD16ND755BP885//bPSczZs344YbbkBiYiKUSiVCQ0MxYsQIPPfccygoKGiHVfuGwWDA22+/jcGDB0Oj0SAsLAxpaWmYN28ejh8/Lh63bds2PPPMMygvL/fdYomIiKjTkPt6AURERERN9csvv+D666+HSqXCbbfdhvT0dBgMBmzZsgULFy7EkSNHsGzZMl8vs9WsW7cOUqkUH3/8MZRKZaPHL168GM8//zxSUlJw++23IyUlBTqdDnv27MHrr7+O5cuX4/Tp0+2w8vY3c+ZM/Pbbb7jpppswd+5cGI1GHD9+HKtWrcLFF1+M1NRUANbA2rPPPovbb78dYWFhvl00ERERdXgMrBEREVGHkJWVhVmzZqF79+5Yt24d4uPjxX33338/MjIy8Msvv/hwha2vsLAQAQEBTQqqff3113j++edxww034PPPP3c7580338Sbb77ZVkv1qV27dmHVqlV48cUX8cQTT7jse++995idRkRERG2GpaBERETUIbzyyiuorq7Gxx9/7BJUs+vZsyceeuihBq+RmZmJ66+/HhEREQgMDMTIkSM9BuPeffddpKWlITAwEOHh4Rg6dChWrFjhckxubi7uvPNOxMbGQqVSIS0tDf/5z3+a9F5MJhOef/559OjRAyqVCklJSXjiiSeg1+vFYyQSCT755BNotVpIJBJIJBJ8+umn9V5z8eLFiIqKqje7LTQ01GNPs/fffx9paWlQqVRISEjA/fff7zEQ9e2332LIkCEICAhAVFQUbrnlFuTm5no8rl+/flCr1UhPT8ePP/6I22+/HUlJSY1+X7z9ntqz8EaPHu22TyaTITIyEgDwzDPPYOHChQCA5ORk8ft65swZAE37c7H77bffMH78eISEhECj0WDYsGFuf0fq+uOPPxAYGIibbroJJpOp0fdFRERE/o8Za0RERNQh/Pzzz0hJScHFF1/s1fkFBQW4+OKLUVNTgwcffBCRkZFYvnw5rrzySnz33Xe45pprAAD//ve/8eCDD+K6667DQw89BJ1Oh4MHD2LHjh24+eabxWuNHDkSEokE8+fPR3R0NH777TfcddddqKysxMMPP9zgWu6++24sX74c1113HR599FHs2LEDS5YswbFjx/Djjz8CAD7//HMsW7YMO3fuxEcffQQA9b73kydP4uTJk7j77rsRHBzc5O/JM888g2effRaTJ0/GfffdhxMnTuBf//oXdu3aha1bt0KhUAAAPv30U9xxxx0YNmwYlixZgoKCArz99tvYunUr9u3bJ5ZU/vLLL7jxxhvRv39/LFmyBGVlZbjrrruQmJjY6Fpa8j3t3r07AOCLL77A6NGjIZd7/ifutddei5MnT+LLL7/Em2++iaioKABAdHQ0gKb9udi/H3feeSfS0tKwaNEihIWFYd++fVi9erX4d6SuVatW4brrrsONN96I//znP5DJZI1+T4iIiKgDEIiIiIj8XEVFhQBAuOqqq5p8Tvfu3YU5c+aIzx9++GEBgLB582ZxW1VVlZCcnCwkJSUJZrNZEARBuOqqq4S0tLQGr33XXXcJ8fHxQnFxscv2WbNmCaGhoUJNTU295+7fv18AINx9990u2//2t78JAIR169aJ2+bMmSMEBQU1+l7/97//CQCEt956y2W7xWIRioqKXL6MRqMgCIJQWFgoKJVK4bLLLhPfuyAIwnvvvScAEP7zn/8IgiAIBoNBiImJEdLT04Xa2lrxuFWrVgkAhMWLF4vb+vfvL3Tp0kWoqqoSt23YsEEAIHTv3t1lbQCEp59+Wnzeku+pxWIRxo8fLwAQYmNjhZtuuklYunSpcPbsWbdjX331VQGAkJWV5bK9qX8u5eXlQkhIiDBixAiX74d9HXbjx48X/x59//33gkKhEObOnevyvSYiIqKOj6WgRERE5PcqKysBACEhIV5f49dff8Xw4cMxZswYcVtwcDDmzZuHM2fO4OjRowCAsLAw5OTkYNeuXR6vIwgCvv/+e8yYMQOCIKC4uFj8mjJlCioqKrB3794G1wEACxYscNn+6KOPAoBXfeLs35+62WoVFRWIjo52+dq/fz8A4M8//4TBYMDDDz8MqdTxT8K5c+dCo9GI69i9ezcKCwvxf//3f1Cr1eJxl19+OVJTU8Xj8vLycOjQIdx2220u6xg/fjz69+/f4Ppb+j2VSCT4/fff8cILLyA8PBxffvkl7r//fnTv3h033nhjk3qsNfXPZc2aNaiqqsLf//53l++HfR11ffnll7jxxhtxzz334MMPP3T5XhMREVHHx/+zExERkd/TaDQAgKqqKq+vcfbsWfTp08dte9++fcX9APD4448jODgYw4cPR69evXD//fdj69at4vFFRUUoLy/HsmXL3IJWd9xxBwDr0IGG1iGVStGzZ0+X7XFxcQgLCxPX0Rz2gGN1dbXL9uDgYKxZswZr1qwRe4s5rwOA2/dEqVQiJSVF3F/fcQCQmprqdlzd91XfNmct/Z4CgEqlwj/+8Q8cO3YMeXl5+PLLLzFy5Eh88803mD9/foPn2tfflD8Xez+39PT0Rq+ZlZWFW265BTNnzsS7777rMfBGREREHRt7rBEREZHf02g0SEhIwOHDh9v8tfr27YsTJ05g1apVWL16Nb7//nu8//77WLx4MZ599llYLBYAwC233II5c+Z4vMaAAQMafZ3WDLKkpqYCgNv3Ry6XY/LkyQCAnJycVnu91tZa31O7+Ph4zJo1CzNnzkRaWhq++eYbfPrpp/X2XnPWmn8u8fHxiI+Px6+//ordu3dj6NChrXZtIiIi8g/MWCMiIqIO4YorrsDp06exfft2r87v3r07Tpw44bb9+PHj4n67oKAg3Hjjjfjkk0+QnZ2Nyy+/HC+++CJ0Oh2io6MREhICs9mMyZMne/yKiYlpcB0WiwWnTp1y2V5QUIDy8nKXdTRVnz590KtXL/z000/QarVNOsf+OnW/JwaDAVlZWeL++o6zb6t7XEZGhttxnrY5a+n3tD4KhQIDBgyA0WhEcXExgPoDZ039c+nRowcA9yCmJ2q1GqtWrUKvXr0wdepUHDlypNnvgYiIiPwbA2tERETUITz22GMICgrC3XffjYKCArf9p0+fxttvv13v+dOnT8fOnTtdAnNarRbLli1DUlIS+vXrBwAoKSlxOU+pVKJfv34QBAFGoxEymQwzZ87E999/7zG4UlRU1OD7mD59OgDgrbfectn+xhtvALD2LvPGM888g+LiYsydOxdGo9FtvyAILs8nT54MpVKJd955x2Xfxx9/jIqKCnEdQ4cORUxMDD744APo9XrxuN9++w3Hjh0Tj0tISEB6ejo+++wzl5LUjRs34tChQw2uvaXf01OnTiE7O9tte3l5ObZv347w8HBx8mdQUJC4z1lT/1wuu+wyhISEYMmSJdDpdC7H1v0eA0BoaCh+//13xMTE4NJLLxVLSYmIiKhzYCkoERERdQg9evTAihUrcOONN6Jv37647bbbkJ6eDoPBgG3btuHbb7/F7bffXu/5f//73/Hll19i2rRpePDBBxEREYHly5cjKysL33//vdhU/rLLLkNcXBxGjx6N2NhYHDt2DO+99x4uv/xysZfZSy+9hPXr12PEiBGYO3cu+vXrh9LSUuzduxd//vknSktL613HwIEDMWfOHCxbtgzl5eUYP348du7cieXLl+Pqq6/GxIkTvfr+3HzzzTh8+DCWLFmCnTt3YtasWUhOToZWq8Xhw4fx5ZdfIiQkBOHh4QCsWWKLFi3Cs88+i6lTp+LKK6/EiRMn8P7772PYsGG45ZZbAFizvl5++WXccccdGD9+PG666SYUFBTg7bffRlJSEh555BFxDf/85z9x1VVXYfTo0bjjjjtQVlaG9957D+np6W793+pqyff0wIEDuPnmmzFt2jSMHTsWERERyM3NxfLly5GXl4e33noLMpkMADBkyBAAwD/+8Q/MmjULCoUCM2bMaPKfi0ajwZtvvom7774bw4YNw80334zw8HAcOHAANTU1WL58udv6oqKisGbNGowZMwaTJ0/Gli1bkJiY2Iw/XSIiIvJbvhtISkRERNR8J0+eFObOnSskJSUJSqVSCAkJEUaPHi28++67gk6nE4/r3r27MGfOHJdzT58+LVx33XVCWFiYoFarheHDhwurVq1yOebDDz8Uxo0bJ0RGRgoqlUro0aOHsHDhQqGiosLluIKCAuH+++8XunbtKigUCiEuLk6YNGmSsGzZskbfg9FoFJ599lkhOTlZUCgUQteuXYVFixa5rF8QBGHOnDlCUFBQs74/GzZsEK677johPj5eUCgUgkajEYYOHSo8/fTTwvnz592Of++994TU1FRBoVAIsbGxwn333SeUlZW5Hff1118LgwcPFlQqlRARESHMnj1byMnJcTvuq6++ElJTUwWVSiWkp6cLK1euFGbOnCmkpqa6HAdAePrpp122efs9LSgoEF566SVh/PjxQnx8vCCXy4Xw8HDhkksuEb777ju3459//nkhMTFRkEqlAgAhKytLEISm/7kIgiCsXLlSuPjii4WAgABBo9EIw4cPF7788ktx//jx44W0tDSXczIyMoT4+Hihb9++QlFRUYPviYiIiDoGiSB4yFknIiIiImolgwYNQnR0NNasWePrpRARERG1KvZYIyIiIqJWYTQaYTKZXLZt2LABBw4cwIQJE3yzKCIiIqI2xIw1IiIiImoVZ86cweTJk3HLLbcgISEBx48fxwcffIDQ0FAcPnwYkZGRvl4iERERUavi8AIiIiIiahXh4eEYMmQIPvroIxQVFSEoKAiXX345XnrpJQbViIiIqFNixhoREREREREREZEX2GONiIiIiIiIiIjICwysEREREREREREReYE91gBYLBbk5eUhJCQEEonE18shIiIiIiIiIiIfEQQBVVVVSEhIgFTacE4aA2sA8vLy0LVrV18vg4iIiIiIiIiI/MS5c+fQpUuXBo9hYA1ASEgIAOs3TKPR+Hg1RERERERERETkK5WVlejatasYL2oIA2uAWP6p0WgYWCMiIiIiIiIioia1C+PwAiIiIiIiIiIiIi8wsEZEREREREREROQFBtaIiIiIiIiIiIi8wMAaERERERERERGRFxhYIyIiIiIiIiIi8gIDa0RERERERERERF5gYI2IiIiIiIiIiMgLDKwRERERERERERF5gYE1IiIiIiIiIiIiLzCwRkRERERERERE5AUG1oiIiIiIiIiIiLzAwBoREREREREREXnluz05+GFvjq+X4TNyXy+AiIiIiIiIiIg6nqIqPf727QEAwPT+8VArZD5eUftjxhoRERERERERETVbTlmN+Liy1ujDlfgOA2tERERERERERNRsL/12XHxcpTf5cCW+w8AaERERERERERE1246sUvFxlY6BNSIiIiIiIiIiokYJguDyvErHUlAiIiIiIiIiIqJG6YwWl+fMWCMiIiIiIiIiImqCGoNrIK2agTUiIiIiIiIiIqLG1RrNLs8rWQpKRERERERERETUuFqDa2DtQi0Flft6AURERERERERE1LHUOAXW/nhkHGJD1D5cje8wsEZERERERERERM1iLwXtER2E3rEhPl6N77AUlIiIiIiIiIiImsVeChqovLBztnwaWNu0aRNmzJiBhIQESCQS/PTTTy77q6urMX/+fHTp0gUBAQHo168fPvjgA5djdDod7r//fkRGRiI4OBgzZ85EQUFBO74LIiIiIiIiIqILi70UNEAh8/FKfMungTWtVouBAwdi6dKlHvcvWLAAq1evxn//+18cO3YMDz/8MObPn4+VK1eKxzzyyCP4+eef8e2332Ljxo3Iy8vDtdde215vgYiIiIiIiIjogpNRWA0ACFBe2IE1n+brTZs2DdOmTat3/7Zt2zBnzhxMmDABADBv3jx8+OGH2LlzJ6688kpUVFTg448/xooVK3DJJZcAAD755BP07dsXf/31F0aOHNkeb4OIiIiIiIiI6ILxw94cvPnnSQDA8OQIH6/Gt/y6x9rFF1+MlStXIjc3F4IgYP369Th58iQuu+wyAMCePXtgNBoxefJk8ZzU1FR069YN27dvr/e6er0elZWVLl9ERERERERERBcSi0XA2RItBEFo8Did0SxmqAHA17vOAQBuHtEN943v0aZr9Hd+HVh799130a9fP3Tp0gVKpRJTp07F0qVLMW7cOABAfn4+lEolwsLCXM6LjY1Ffn5+vdddsmQJQkNDxa+uXbu25dsgIiIiIiIiIvI7yzZnYvyrG/DFjuwGj7vjk12Y/MZGbM0oBgCUag0AgCv6x0MqlbT5Ov2Z3wfW/vrrL6xcuRJ79uzB66+/jvvvvx9//vlni667aNEiVFRUiF/nzp1rpRUTEREREREREXUML/12HADw5E+HGzxue2YJAOCdtafw8ZYsnLJlr4UHKdt2gR2A385Era2txRNPPIEff/wRl19+OQBgwIAB2L9/P1577TVMnjwZcXFxMBgMKC8vd8laKygoQFxcXL3XVqlUUKlUbf0WiIiIiIiIiIj8knP5p8xD1lmNwYTl285iSlqsuG1HVil2ZJWKzyMYWPPfjDWj0Qij0Qip1HWJMpkMFosFADBkyBAoFAqsXbtW3H/ixAlkZ2dj1KhR7bpeIiIiIiIiIqKOYoutrBMAgpQynCnW4rb/7MTmU0UAgH/+egwvrz6OS17fWO81wgIVbb5Of+fTjLXq6mpkZGSIz7OysrB//35ERESgW7duGD9+PBYuXIiAgAB0794dGzduxGeffYY33ngDABAaGoq77roLCxYsQEREBDQaDR544AGMGjWKE0GJiIiIiIiIiDwQBAGv/3FSfF6tN+Gez/fgREEVdmaV4Pjz0/DzgfMNXiNYJYdKLmvrpfo9nwbWdu/ejYkTJ4rPFyxYAACYM2cOPv30U3z11VdYtGgRZs+ejdLSUnTv3h0vvvgi7r33XvGcN998E1KpFDNnzoRer8eUKVPw/vvvt/t7ISIiIiIiIiLqCHZklWL/uXJIJIAgABYBOFFQBQDQGS0orzGgotbY4DX6xIW0x1L9nk8DaxMmTGhwpGtcXBw++eSTBq+hVquxdOlSLF26tLWXR0RERERERETU6ZzItwbRLu0bi40ni6A3WVz2l9c0HFQDgMv6xTZ6zIXAb3usERERERERERFR68uv1AEAEsICYDBb3PZX6jwH1i51CqZdllb/0MgLid9OBSUiIiIiIiIiotZXUGENrMVq1HAuJEyJDkJmkRZnS2pcju+fGIr/3jUCmgA53lmbAblMguSooPZcst9iYI2IiIiIiIiI6AJy3hZYiw9Vi9uUMilCVNYwUWaRVtx+SWoM3rxxEEIDrBNAH5rcqx1X6v8YWCMiIiIiIiIiuoDYS0HjnAJrfRM0CFJap3wez68EYM1U+8/tw9p/gR0Ie6wREREREREREV0gBEFAXnktACAhNAAf3HIRBnYJxZs3DESQLWPtt8P5AICBXUN9ts6OghlrRERERERERESdSI3BhECl55BPWY1RnAIaG6pCt8h4TE2PBwAxY81uCgcUNIoZa0REREREREREncRrv59Av8W/Y8/ZUo/77dlqUcEqqOSugbQsp6EFz8zoh7G9ottuoZ0EA2tERERERERERJ3Ee+szAACL/3dE3HY0rxKf/3UWFotTGWiY2u3cG4d2BQDcMz4Ft49ObofVdnwsBSUiIiIiIiIi6mSKq/Xi4+nvbAYABCpkqNabALhOBLWbNawrRveMRLeIwPZZZCfAwBoRERERERERUSdTVKV327YjqwThQUoAQHxogNt+qVSC7pFBbb62zoSloEREREREREREnYxFcN+2NaMEeeU6AJ5LQan5mLFGRERERERERNRJWZwibLnltSivMQAAUqKCfbWkToUZa0REREREREREnURYoEJ8LAgCqg0ml/1agxkA0L9LaLuuq7NiYI2IiIiIiIiIqJOIClaJj6v0JlTWGt2O6REdhJgQldt2aj6WghIRERERERERdRJKmSOHqqBCB6PZvdnah7cOhUQiac9ldVoMrBERERERERERdRJmp55qBZV6HMmrAAAkhgXg5hHdcHn/eCRFcfJna2FgjYiIiIiIiIiokzALjsDa+hOF+Hz7WQDA/Et64qbh3Xy1rE6LgTUiIiIiIiIiok7CeQrox1uyAACT+8Zi1rCuvlpSp8bhBUREREREREREnYRzxprd36b0Zk+1NsLAGhERERERERFRJ2GqM6xAKgF6x4T4aDWdHwNrRERERERERESdhKVOxlpogAJSKbPV2goDa0REREREREREnYTzVFDAGlijtsPAGhERERERERFRJ+GWsRao9NFKLgwMrBERERERERERdRKmOhlrYcxYa1MMrBERERERERERdRJ1S0E1DKy1KQbWiIiIiIiIiIg6CUudwFqIWu6jlVwYGFgjIiIiIiIiIuokzHV6rKVEBfloJRcGBtaIiIiIiIiIiDoJeyloVLB1aMGMgQm+XE6nx3xAIiIiIiIiIqJOwh5Y+/beixGskiM6ROXjFXVuzFgjIiIiIiIiIuoEBEGAvcUag2rtg4E1IiIiIiIiIqJOwHlugUwq8d1CLiAMrBERERERERERdQJmp8gaA2vtg4E1IiIiIiIiIqJOgIG19ufTwNqmTZswY8YMJCQkQCKR4KeffnI75tixY7jyyisRGhqKoKAgDBs2DNnZ2eJ+nU6H+++/H5GRkQgODsbMmTNRUFDQju+CiIiIiIiIiMj3zIJTYE3CwFp78GlgTavVYuDAgVi6dKnH/adPn8aYMWOQmpqKDRs24ODBg3jqqaegVqvFYx555BH8/PPP+Pbbb7Fx40bk5eXh2muvba+3QERERERERETU7s4Ua2E0W1y2/X44X3wsZY1iu5AIglM404ckEgl+/PFHXH311eK2WbNmQaFQ4PPPP/d4TkVFBaKjo7FixQpcd911AIDjx4+jb9++2L59O0aOHNmk166srERoaCgqKiqg0Wha/F6IiIiIiIiIiNrKH0fyMe/zPbhyYALeuWmwuD3p77+Ij0//czrLQb3UnDiR38YvLRYLfvnlF/Tu3RtTpkxBTEwMRowY4VIuumfPHhiNRkyePFnclpqaim7dumH79u0+WDURERERERERUdv6YONpAMDKA3n1HsOYWvvw28BaYWEhqqur8dJLL2Hq1Kn4448/cM011+Daa6/Fxo0bAQD5+flQKpUICwtzOTc2Nhb5+fkermql1+tRWVnp8kVERERERERE1BFoAhRu23RGs8tzCXustQu5rxdQH4vFWid81VVX4ZFHHgEADBo0CNu2bcMHH3yA8ePHe33tJUuW4Nlnn22VdRIRERERERERtacQtSOwpjOaoVbIUFip9+GKLlx+m7EWFRUFuVyOfv36uWzv27evOBU0Li4OBoMB5eXlLscUFBQgLi6u3msvWrQIFRUV4te5c+daff1ERERERERERG3Bucwzq1gLACio0vloNRc2vw2sKZVKDBs2DCdOnHDZfvLkSXTv3h0AMGTIECgUCqxdu1bcf+LECWRnZ2PUqFH1XlulUkGj0bh8ERERERERERF1BLvPlImPD+aUAwAKKhlY8wWfloJWV1cjIyNDfJ6VlYX9+/cjIiIC3bp1w8KFC3HjjTdi3LhxmDhxIlavXo2ff/4ZGzZsAACEhobirrvuwoIFCxAREQGNRoMHHngAo0aNavJEUCIiIiIiIiKijuJIXgVyy2vF5wdyKnDjMLAU1Ed8GljbvXs3Jk6cKD5fsGABAGDOnDn49NNPcc011+CDDz7AkiVL8OCDD6JPnz74/vvvMWbMGPGcN998E1KpFDNnzoRer8eUKVPw/vvvt/t7ISIiIiIiIiJqa39llro83366BI9+cwC/HjovbusaEdDey7pgSQRBEHy9CF+rrKxEaGgoKioqWBZKRERERERERH5r6foMvPr7iXr3v3fzYEzuGwu1QtaOq+pcmhMn8tsea0REREREREREBGw5VYxnVh5BRmG12Evt/ok9EBWsdDlOKZcyqNbOfFoKSkREREREREREDbvl4x0AgE+3ncGYnlEAgFiNGmkJodh4skg8rk9sCINq7YwZa0REREREREREfqqoynUowZaMYgBA1/BAXN4/3mVfSnRQu62LrJixRkRERERERETkp46er3TbJpdKMDQpHMEqOSABXv39BLR6Ex6e3NsHK7ywMbBGRERERERERNREgiDg8e8PolRrxIe3DoFMKmnT1zua5x5Yu6hbOELUCgDADUO74prBiagxmBEaoGjTtZA7BtaIiIiIiIiIiJpo1cHz+GZ3DgAgs6gavWJD2vT1PGWsjekV5fJcIZMiNIDdvnyB33UiIiIiIiIioiaoqDXipd+Oi8/zKnRt/ppH8yrcto2tE1gj32FgjYiIiIiIiIioCZb8egy55bXi8/yK2gaObrkagwmZxVoAQFigo8xzQJewNn1dajqWghIRERERERERNcGROv3O8srbNmPteH4VBAGIDlFBJpEAMAJAm/d1o6ZjxhoRERERERERURNU6qyBrRHJEQCspaFtyT64oF+8BtV6U5u+FnmHgTUiIiIiIiIioiao0lmDW5HBSgCAyWJpk9exWAQAwI6sUgBAvwQG1vwVS0GJiIiIiIiIiBohCAIqbRlq4YG2wJpZaPXXyS6pwZVLt0AmkaBEawAATO4bg11Zpdh9tgzdIgJb/TXJewysERERERERERE1Qme0wGTLJIsIsmestX5gbffZUpTXOEpMbx7RDUO6R+Cdmwbjo81ZuGN0Uqu/JnmPpaBERERERH5uX3YZXl59HHqT2ddLISK6YFXZ+qtJJYBGbZ3QaTK3filopVPfNrlUgvvG9wAAJIQFYPGMfujKjDW/wow1IiIiIiI/d8372wAAOqMZT89I8/FqiIguTPbBBSFqBeQy61RO54y11YfzIZdKMLlfbItep6LW2kttQJdQLL6CgTR/x4w1IiIiIiI/JAgCDpwrF2/kAOC3Q/k+XBER0YWtuNra7yw8UAG5zBpOsfdYq9IZce9/9+Duz3Yju6SmRa+z7kQhAODiHlEYmhTRomtR22PGGhERERGRn6g1mPG//bk4nl+FrGItNp4sctlfUKWDIAiQSCQ+WiER0YUrr7wWAJAYHgC51DVjrdQ2ZAAAvt6djYVTUr16jZMFVThwrhwAEBqgaMFqqb0wsEZERERE5Cfe+vMkPtyUWe9+QQDyK3WIDw1w26czmlFeY0RUsFLMpCAiotaTW2YNrCWEOgfWrD3WKpz6on2zOwcPT+4NhRefxfuyy8THFqH1ByNQ6+P/cYmIiIiIfMhiEZBXXgtBEPDT/lyPx0idEtQOnKvweMz8Ffswcsla9PzHbyhzypwgIqLWkeucsWbrsWa2ZaxV2vqiAUBRlR5bThV79RpL158WH0uZndwhMLBGRERERORDL/xyDBe/tA7f7clBQaUeAHB5/3hx/98u640DT1+GWcO6AgAO5JS7XaNMa8CfxwrE578fce/Fll+hw4Kv97uVlzbH2mMFePGXo+KNJBHRhUCrN2HZptP4atc5AEBKdDDkUms4xWh2z1gDgLMl2ma/Tl55LbJLHf3Zbh7ezdslUztiYI2IiIiIyIf+szULALDwu4MAAI1ajoQwtbg/NFCJELUCA7qEAQAOegisHc5zzWJbe7wQhVU68Xm13oQ7Pt2FH/bl4p21p7xe613Ld+Pfm7Pw/Z4cr69BRNTR/LQ/F//89bj4fGCXULEU1P6LhrqBtVIvMofPVzg+t+dP7InQQPZY6wgYWCMiIiIi8iNxoWqEBynF52G25tUDu4YCAA7mVMBSJ2OsWmdyeb7maAGGv7gWm08VwWCy4P4v9uLY+UoAwLnSlk2rA4CcspZfg4iooyi0ZRMDwIAuoegWESj2sjSaPQfW3lmXIWazNVVRleN17p3Qw9vlUjtjYI2IiIiIyI/EatQID3QE1uxT4XrHhiBAIUOVzoTnVh11OUdrMAMAxvaKQpzGke32+h8n8cnWLGw8WQSl7SawsEoPrd41ENdcRpaCEtEFxB40u2dcCn76v9GQSCRuPdb2nC0FAEQ4/WJkrVOJflMUVVsDa5f1i0WwirMmOwoG1oiIiIiIfOR/HoYVdI0IRFyo2uU5AChkUtw1JhkA8Om2MzhdVI3tp0sAADUGa6AsWCXHhD7R4rkCgBP5VQCA20cnQa2w/vN/0Q+HWrRu9lgjogtJpS2wFhGkhNRWAmovBTWaLTBbBGyyDSuY3DdGPK/WaG7W6xRVWktBYzSqFq+Z2g8Da0REREREHhzPr8R9/92DUwVVEATBrfyyNXy185zbtkFdwjCmZxSeuqIfvpo3EslRQeK+Ry/rLT6e9PpG3PTvv3DgXDm0euvNW6BSju6RjuMhCCi33RD2iA7CuF7WoNvaYwXQNfOGz1lzy5uIiDoy++eoPYMYgDi8wGwRcK60BgaTBWqFFPMn9hKP0RubWQpqy1iLDlY3ciT5EwbWiIiIiIjq2HO2FFPf2ozfDufjqf8dxi0f78Dwf64VBwIcyqlAmReNqevqZstGc9YvQSNmp41MiXTZJ5FIkOIUaAOAQ7kVYsZakEqGWKdMBwFAWY11nWGBSnx46xBo1HJoDWac8WJinR0z1ojoQlLhKbBmKwU1WQScLqoGAKREBaNbZCCmpMUCACp1RlgsAt7fkIGPNmc2+gsae4+16BBmrHUkDKwRERERETmpNZix4JsD4vO/MkuxNaMExdV6zP73DuzLLsOM97Zg5r+2tfi1PGV+OZeBelK3RChELRcz1oJUcgQoZOI+s0VAeY31hjAsQAGJRILk6GAAwNS3NuNx2yTS5q+bgTUiunB4DKxJ7YE1C/609VLrG68BALHXZWWtCX9lluCV1Sfwwi/HsPNMaYOvw8Bax8TAGhERERGRk6XrM3C2xPPUy1OF1fj8r7MAgMxiLWoN3pdTAoDe5B5Yi3AaXOBJrMY18FatNzky1pQyDE2KEPeVaQ1ixpp90miPaEfG29e7z6HUi8w7s4WloETUuQmCgJyyGuiMZjFDOczp89leClpcZcCP+6z9MmcN7woA0NgCcJU6IzKLHdnBeeW19b5eVrEWB3IqAAAxDKx1KAysERERERE5WX+iEADwwCU9xW3f3DNKfGxvYg0AR89XNvv6RVV6MfvBU2DN3hi7PnUDa3nltagxOHqsRYeo8O291vUWVTteKyzQeqM386Iu6B0bLJ6/L7usSesWBEeWmokZa0TUyS357TjGvLweqU+tRoktsOacMWwvBa01mqEzWtAvXoOh3cMBABq19fO2SmfCuTLHL2rsGWmeTHxtg/iYGWsdCwNrRERERERO7Blcl6TGYEpaLGZe1AXDksLFYNSfxwrdjm2qkmo9xry8Djd+uB0AoDdZA2LyRoJpzupmMixdfxorD+QBAAKV1jLQ9IRQANaSTUEApBJHJtzonlH445HxGJlizWyraWLWncmpN5CpHXqsbTpZhBs+3I6Mwqo2fy0iImerD+dj2aZMt+3hLhlrrp/bt1+cBInEuk0TIAcAlNcYkFPqyFIrrq4/sOYsMrjhzGXyL3JfL4CIiIiIyF/oTWacr7AOKIgKVuHDW4eK+5x769hVOGWvNcWmU0XQmyw4nl+F8hoDDLaMtUXT++LrXdm4eXi3Rq9RN2PN2eBu1myJAKUMQUoZtLagWXSICnKZ6+/UlXJrEM7gIWvOE+cstS0ZxU06p7mKqvS49eMduHJQAl5ZfQIA8NyqY/jszuFt8npERJ78lVkiPu4ZE4yMQutwAplTMM35M1WjluPKQQni88gg6y9ASrQGMdsNqD9jre5QA5Vc5vE48k8MrBERERER2Tzm1My/bsaAp8BaeY0BFouAj7dkYWhSuBjYqs/OLEfZ5ePfHxRLQbtFBOKPR8Y3aY31BdYuSY1Bn7gQ8XlUiApaW6+4uNAAt+NVcutNoadyVE+MTn3VSrUGnK+oRbyH67bEN7vP4Xh+FY7bgmoAUKVrXvCSiKgxyzadxle7ziGvvBaX9ovDuzcNdtlvn/L59Ix+OJpXKQbWnDlnrI3qEQm10+CYKFtmcVGV3uUztrjac5az1tYnkzomloISEREREcE6DfR/+/PE587TNQHXTAX75LfKWiP+OJqPF389hmve34Zqff03R8XVevywN0d8/vuRAjFbTClv+j/LU+NDEBnkXiZ07/geLs9H94wSH0cHu/frsb+mwdTEUtA6fdWO57d+iWalhwzAuAYy9IiImktvMuO1308is0gLndGCnw/kQWd0/RzMLLIOHOifGIqFU/qgX7wGz1+V5nKMvccaAAzp7vpLFXuPtPMVOpeWAfVlrFXpGFjryBhYIyIiIiICcKpOLy97rxw7e4koAExKjQEAlNca8Vdmqbj9o83uPXnslm8745YdZu+xpmpGYE2jVmDbokvw+V2O8sgxPaMwPDnC5bhnZqThwUm9EBaowPT+cW7XqZuxtjOrFDllnqehAoDJ7Lr2M06T7lpDQaUOG08WuW1vag84Iuo4Np8qwiYPP+/t4WheJQxmCyKClAhRW4v4nCdBWywCCiqtn/cJYQGI0ajx60NjceuoJJfryCTOgTXXz19Pv/wA6u+x5vxLmZSoII/HkP/yaWBt06ZNmDFjBhISEiCRSPDTTz/Ve+y9994LiUSCt956y2V7aWkpZs+eDY1Gg7CwMNx1112ornZP0yQiIiIiaog9QwEAPrljmNv+hyf3glIuxVs3DhInbJbXGF2man60OQtaD1lrueW1+HhLFgDgycv7ArAGtgy2YFVzAmvW42W4yKnsdNH0VLdjlHIpFlzaG/ueuhTXXtTFwzXsGWsWHM6twA0fbseYl9fX+5rGOj2Alvx6HJe8vgHZJfUH45oqu6QGl7+zxWMWXFlN8wZEEJF/qzWYcevHO3Hbf3ai0gel3icLrJ8z6YmhSLYFsTaccAylKasxiANaojxk+9qFqB3tAdISNC771AqZmG2bGheCf82+CABQWmNw+yUF4Jqx9t+7RzTr/ZDv+TSwptVqMXDgQCxdurTB43788Uf89ddfSEhIcNs3e/ZsHDlyBGvWrMGqVauwadMmzJs3r62WTERERESdlL2nzqxhXTGxT4zb/ktSY3H8uam4enAiEsOsvcX2nyvH4bxK8ZhqvQl55bVu524/XYIagxk9ooNw9eBEANZMsRq9NRurOaWgdkEqOZ66oh9uHdkd/eI19R5XN/POzt4cW2+yYNOpxjNH6t4MGswWZBZp8dLqY81YtWdf7cpGcbUeiWEBYpmtXXMnrxKRfyvROrK2dp8pxbXvb8WP+3IaOKN12csx4zVqXNzDWjL/3voMlNiyyQpt+yODlA1+NgcoZfj94XFY9+h4l/5qdh/NGYpltw7BLw+OxWVpcZBKAEHw/Jlm7yXZL16DhLDW7V1Jbc+nwwumTZuGadOmNXhMbm4uHnjgAfz++++4/PLLXfYdO3YMq1evxq5duzB0qHVi07vvvovp06fjtdde8xiIIyIiIiLy5EBOBQC4BXacSW191oYmWct+skut2VqxGhWkEgnOV+hQa3QvXbT3DusbrxFLjwBHNpa3E+DuGpPs1XnW17SXgpphERzZaHqT2eN6jHV6rNlp9S0r1bRYBKw5WgAAuGl4V5yv0OHYeUew0lPfNSLquMq0jp/pOz/dDQDYm12Oawa7Z9a2BXtgLSpEiYcm9cbGk0U4dr4ST/50GBf3jEKYbVCNvU9aQ5wHxtSVnhiK9MRQ8XlEkBLF1QYUVesRU6d3pP3/BZoAzpfsiPy6x5rFYsGtt96KhQsXIi0tzW3/9u3bERYWJgbVAGDy5MmQSqXYsWNHvdfV6/WorKx0+SIiIiKiC5fFIoglnXWbUHsSHaJCj2hHH5xeMSHisAOd0ZrZJQgClvx2DM+sPCKWO4WoFVDJZVDYml7bqyubWwraGpROpaAVTsGrggrPPYBMFs/TQxUyzxlxTfX17nM4ZZu4Fx6kdAtMag1mCILnoB4RdTzOGWvOKnVGTHlzE17/44TH/Z7oTWY89dNhl1LOxhTZMtOig1VQyqV4ZkY/AMBvh/Px1E+H8cCX+wBAzExuLfay0svf2YLaOr0jD9p+sdMntv5AHfkvvw6svfzyy5DL5XjwwQc97s/Pz0dMjGuavlwuR0REBPLz8+u97pIlSxAaGip+de3atVXXTURERES+ZbEIWPjtATzx46EmHZ9RVI0qnQkBChlSG8hAcDYiJVJ8nBIdBJUtsGYPDOWU1eLDjZn4dNsZ/LQvFwDEbLVApWtWgi8Ca87DC3LKHOWr9/53j8fj7VNB4zRqKGWO9cqlLVv7Z9vPio/DApTIdxoSAQBmi+A29IGIOq7v9ngu+/z3pkycKKjCu+symnytz7efxed/ncXtn+xq8jnFVdbssOgQa9bYiJRIXD4g3u24fgn1Zy97w+zUp/Ki59e47NubXW7d3oRf7JD/8dvA2p49e/D222/j008/rbcvhLcWLVqEiooK8evcuXOten0iIiIi8q292WX4dk8OVuzIRnkDze/1JjNO5Fdhz1lrttrArqGQy5r2T+QRTlM4+8ZrEKCwnqezBdb2Og01OGNr8B+isgbUgpSOUku5VAJNgKMJdntxzlg75zQN9Oj5SpcbQDujrceaXCaB3ClLTUDLssmcS2PDAhWYP7EnAODO0Y4y12oPAyGIyH8cOFeOo3mV+CuzxC047mzb6WKsOnje476tGcXNfl3nac1lTezHeLbUOqgmPsxRjvnE9L5ux9UdSNBSzhOOa41m8f8VOqMZR/OsGWvOQ2mo4/DbAt7NmzejsLAQ3bp1E7eZzWY8+uijeOutt3DmzBnExcWhsNA15dNkMqG0tBRxce4jxe1UKhVUqsbrpYmIiIioY/rD1rMLACpqjQgLVLodk1lUjfv+uxcnCqoQEWTd35ybmhHJjoy1SX1jsOpgHgBHYO2EhwmXwfaMNZXjn+H9EjQeG1+3NXsftVqjGTmlrgMXThVWITXO9abSPiVPIZNieHIENpywDjyoaGEPNI1TYC00QIH0xFDsfepShAcq8PWubGgNZmj1pgan8xGR71TUGHHV0q3i8xCVHH8+Oh6xdfqIVdQY8aCtzNITe9ZWUyxdn4GiKr3LVNFfDp1HcbUed41JRohaAUEQkFNWiy7hAWKyTkWNEQWV1lLQXjHB4rmJYQF4bGofvLLaUYaaluDoj9YaqupMQD1foUNyVBAO51bAaBYQFaxCl3AOLuiI/DZj7dZbb8XBgwexf/9+8SshIQELFy7E77//DgAYNWoUysvLsWePI1193bp1sFgsGDGCI2qJiIiILkSCIODXQ46MiPIa15uZGoMJf/v2AC55fSNOFFiDX/YpbU3pr2YXF6rG+7Mvwoe3DkFMiBpqe6DKlpXgKWsjRG3NTHOe+jYlrf5fCLcle8ba0fOVMNiy0UJtmXP2DD5nYsaaVIIFl/YWA2J1v7/NFeQUZAy0ZfJFBCkhkUjEfVU6ZqwR+avTxdUuz6v0JmQUVrsdtye7FMXVBiSGBeCreSMBWH/mn7zcPVusISazBa/+fgKfbjuDH21l9gDw5E+H8dafp/D+htMAgFd/P4Gxr6zHf3dki8ecLLR+5ieGBYifx3bDkxxZyCFqeasHuV6aOcDluX2CtD27+aJuYa1erUftw6cZa9XV1cjIcNRPZ2VlYf/+/YiIiEC3bt0QGRnpcrxCoUBcXBz69OkDAOjbty+mTp2KuXPn4oMPPoDRaMT8+fMxa9YsTgQlIiIiukAdyat06RlW7pRRZbEIuP0/u7DzTKnHc1MbmAjqyfT+jr48aqV9eIEtsFZpDaxFBilRYgvcBdsCRS9enY7tp0uQlqhBv2a+Zmux91g7aytTndw3Fv0SNHhn7SnsOVOG2SO6uxxv77Eml0kxoEsYPrljGGb+a7vYU85ktjS5jNaZ/fulUcuREh3ssi9YJUdhlR5aloIS+aX8Ch3+77973bZ7Kt8utU0DTYkOwsiUSLw9axBiQtRumVyNKXMK5nuaa3LK9gsTe4DtqZ8O49aR1s8zeyZx79hgt/MinbJiU+NCWj3I5fz/CwDIsZXg7z1bDoD91Toyn2as7d69G4MHD8bgwYMBAAsWLMDgwYOxePHiJl/jiy++QGpqKiZNmoTp06djzJgxWLZsWVstmYiIiIj83KHcCpfnzj3WVuzMdgmq3X5xkvhYIZMgrk7pUnOIGWu2qaD2jLX+XRzlRNEh1hu3rhGBuGFYV6QlhPosQ6HuAIXrh3bBUNuN3Z5s94w1+42yPavMfr5Wb8Y3u88h/ZnfmzWZz06rtwbWnrsq3W2fPWNNa2BgjcjXymsMWPD1fqyxldqfLqrGyCVrxV8ijOsdjbG9ogAA1R6yTO2fxeG20vyrBiViVI9Il4BWU9SdKjoyJQJv3jhQfK5R19+z8qQt6Nbbw5Caru1chplZrIUgCE4ZawysdVQ+zVibMGFCs0Znnzlzxm1bREQEVqxY0YqrIiIiIqKOrG52k70H2L7sMjyz8ggAYFp6HCb1jUWP6CB8uu0MACA+NAAyqfdBrgCl9XfWtUYzzBYBObYyn+SoILEfWS8PWRK+Yr8BtrskNQa1RjMkEmsWW1GVXgwEAkBxtfVmNtp2E2wPsNUaTHjsu4MAgGdWHsGGhTFNen1BEPD1rnPYYmtY7lwSamfP8LNnuhCR7/zz12P4YV8uftiXi5dn9hczwuyGJ4Xj6PlKAJ4z1uxl42GBroGv6DqBtRAPnwXOSqpdhxQ8c2UaUuM0MFuAv317AMUNDDGwZ6z1iXUPrMllUtw9JhkfbcnCg5N6NbgGbz1/VRqe+p/1/0OnC7XIq9ChsEoPuVSC/omt29ON2o/f9lgjIiIiIvJGrdPkNQBY/L8jyCisxp2f7oLJIqBHdBDeu/kiXDekC9KdbmRCWziZM8A2gOCdtafwzMojMJgsUCukLqWeDWVStLcglRwr7h4BmVSCJ6anQiGTQqNWiDecdfusFVVZA2tRIdZskwBbYK3G6Ph+exoSUZ9j56vw9x8Oic+DPdxM27P9tp8uafJ1iaht7Drj+Ex4/PtDYhm5XbfIIPHn2FNgbUeW9ee47ueE/TPFztxI8o09yA8A94xPEQetRNqG0JTY9jt/pguCAEEQHBlrHgJrAPD3aanY+vdLMLZXdINr8Nato5LwwS0XAQAyi6ux1/Y52zdeI36mUsfDwBoRERERdSr2QI/zb/9v/HC72Jfnhav7i5lpCpkUd45ORligAi/N7N+i13We7Pn5X2cBAL1iQnDVoETcMLQL3rlpcIuu3xYu7hmFky9Mw9yxKeI2+wAH+02wnf1m1j6dM8hWCup8D5wUGdjk184td/TBk0qAbh7OHZlibSZ+JK/CbR8RtR9BEHC+wvoze3GPSI/HxISoxMzTuoG1oiq9GJgLrBNAClTKseTa/rhrTDIAxwTi+uSVW0tPB3UNw9+nporbI4PtgTVrxlp3p8+U00XVKKrWo6zGCKkE6BnjOXtYLpMiMaxtS0IHdAkDAGSX1GC3rTXBRd3C2vQ1qW0xsEZEREREnUqN7YZuQp9oDOwaBgDi8ADAejPmbPGMftj75KVIS2hZGY49W8JZ14gAKOVSvHLdQFw50D+Ha8mkEpc+b/ZMjT+PFbgcV1hpKwW1lYcGKNyzK2TSpt9e2AN1g7uFYd2jEzzezMaEWHvelTRQ2kVEba+wSg+d0QKZVILldw4Xt8ukEvSMCUaIWo7+iaFiGWfdHmvnyhzZbake+pvdNLwb5o2zBvgtjQTWDuWWAwCmpse5fHbZe7WVag0QBAFyp9L+P44W4GS+dVJp98ggl1+EtLc4jRqBShlMFgG/Hs4HAPS3BduoY2JgjYiIiIg6lRpbKWiAUoY7nIYT3DS8G/5aNMljuY20Bb3V7LpHBrlti/AQbPN3F/e0ZqOcK60V+9UJgoDDtqyxZNv7lEolbsE1ndG1DPd8Ra3HkjDAUVraOyYESVHu3zvAkYFSZrtRJiLfsE9ajtOooZBJxaDV2F5R+Hn+GGz9+yUIUskRrLYPNXH83AuCgLnLd4vPx/f2XGZpzyQ2WYQGf94P51r7uA2o05PM/ssNg9mCKr0JepNF3LfmaAFOFNQ/EbQ9SaUSJNs+8+yfg76aDk2tw6fDC4iIiIiIWps9sBaokGFkSiQ0ajlGpETihavTWzScoDHdPZQyRgQ1b9qdPwhRyRGgkKHWaEZxtR5BKjnOltSgoFIPpUyKwU6T6+p+O2ttgbVqvQmLfzqMH/blAgCentEPd4xOdjlWLC0NqT/4aJ8eaLIIqNSZWtwHj4i8U6VzHTzw/X0XY/n2M3jy8n4IUMoQAGuQ3V4KWuUUWDtTUiNmnfaL19Q7Cdk5w8wiADIPh1ksjpLU7nUC8mqFDEFKGbQGM0qqDTA4Bdb2nytHhO3zxNPggvbWIzoYR/IqxefJ9fxygToGZqwRERERUadSY7De0AWq5IgLVWPPU5di2a1D2jSoBgBdwt0Da57KQ/2dRCIRyz3t2RR/ZVr7rQ3qGuaS8aetMyjCPjhi2cbTYlANAJ79+ah4Y26Xa8uAidWo612L/UYZsJZ3EZFvaPXWn2174Gxg1zC8ccMgt6xc+/AC54w1+8AAwD2r1Zlz5rDJYnHbX1FrxFe7zsFoFiCRWHu61eUoB9XDYHZcQxCAtccLAQC9PZSitreUaEcgTa2QcnBBB8fAGhERERF1KmLGmu1GRSGT1psh0ZqUcvd/WjtnTHQk9sCaPatsR5a1wbZ9mIBdD9vN4QDb9E57xtoJpxtpu73Z5Zj61iYs+e0YBEHA/nPlAOAymdWTiGDXSX9E1P6q9dbAeIiH6b3OQtTuwwuOn29aYM05Y83soc/aK6uP44kfrZOE1XIZFDL3z1x7oK+wUi9+/vaIds0G84eMNec+c54mIlPHwsAaEREREXUq9sCafWqlLw1Pjmj8ID8UZQtmFVbpIQgCdtgy1kakuE4DfO/mi/D69QPxt8v6AHDcNOdXWKf2PT2jn3jsN7vO4Xh+FT7cmImiKj1KtAZIJY33FkoItQ41cG5+TkTeq9IZcTCnHBU1xkaPPZxbgV8PnUeVbRiBvYdafYJV1lJR+/CCMq0BP+7LEffXNBBYkzUQWCvVGvDFjmzxeb8Ez58b9oDV1tPFYo+1kXU+t+rr6dieJqbGiI+Lq5mN29ExsEZEREREnYbFIiDHFoAJ90EZ5tDu1v5jVw5MwPf3XSxOJe1o7L3NKmqMqKg1Is8WKLvIqb8aAPSN12DmkC5idqAYWKu0Hj+0ewQu7Rfrsg8AThZYp/MFq+SNTudLsg1LOFPMwBpRS208WYSLnl+DK9/biln//qvR4694dwv+74u92JpRDKDx7KoglfXn2Z6xNvNf23CmxPGze+vI7vWeK3eaKlw3sHbHJzvFx+mJGjwxPdXjNaakxQGwvk97xtqtoxyv2Sc2xGOmW3tTyVn62Zn4/td4RERERESt5Oj5SpTVGBGskiOtnoyGtrTstqFYd7wQ0/vHIdAPMua8ZS/nqtKbxEyVhvoA2YNjtUYzzBZB7M0WG6pClK3nUWGVo5Rz/7kyAE0rgbJnl5wt0XrzVojIyfbTJTCarUGrY+crUVFrbNJQkN1nbT+zjWSshdgz1vQmVOmMyCx2/Ny+ct0AXD0osd5zndtgmuoE1g7kVIiPX7p2QL0l5EOSwiGRWKca22nUChx4+jJ8tDkTN4/o1uD625N90AJ1fL4P1RIRERERtUBWsRbjXlmPOz7ZiYO2m6/0RI1PshIigpS4bkiXDh1UA4AQtfXmuEpnFEtrGwqC2TPWtHozagwm2O+JNWqF2K8tt9xxo2u/2Q5qSmDNNm3VOeuFiLxTWWeISEZhNX7cl4P3N2RAZzQju6QG+7KtQTSTU/N/e4C9sR5r9sBbjcGMwc+tcdl3w9CuHntR2kkkErEc1DljzXkQAgBEBtefjaxRK9ArJthlm1IuRWiAAo9e1gfxttJyf/DRnGEIVsnxyswBvl4KtVDH/j8+EREREV3wXvzlGLJLa5BdWoP1J4oAAIlh7hM6qensGWuVOhO09imrDQQL7cGzar0JJbZ+QRIJoJJLxX3OUz3P2oJkgU0IrHWPZMYaUWuprHUNrO0/V47nVx0FYJ2c+ervJwAAWx6fKGafOWtqKSjgmnXW1PkxMqkEZovgElg76JStBsBtEmldF3ULF8vNAc+DZfzBqB6ROPj0ZS7TUKlj8s+/YURERERETVRe4974OTFM7YOVdB6OjDWTmC0SWE8ZqP14+w13li0AFqCQQSKRIE7j/mdxxpaxFqxqvM9Qd1vGWlmNsUnN1omofpU61+wv+2ASAPhs+xnx8bHzVW7ZbTKpBGN7Rzd4/fp6h/08f0yT1if3kLG28kCu+HhqWlyj/cnq9oJU+3E/MwbVOgcG1oiIiIiow9IZzS49fOwSwvyn3KcjsmesldcYUFhp7Y3WWNlmrMaamWYPmgXY+q55CqyV2LLXmjK5NUglF7PezpZar70vuwyrD+c3ei4RuaqwZazF2H6mdp0pFfcVVDr6IP60PxfldQLZNwztih7RrmWWniyc0ke8PgD0jAmutydaXfZSUHu228mCKny96xwA4Jt7RuGDW4c0eo2LuoeJj28d2d1vM9ao8+DfMCIiIiLqcKr1Jnyz6xxe/+MESrUGJIYFICHUEcBJDGdgrSXsgbWDORV49NsDABoPrNmDmX8cKQDgGGgQG6qq95ym9FgDgGRbOeiV723FgXPluOb9bbj3v3twqqCqSecTkVWVLbDWxfYZWVZPFugvB8/jpdXHXLY9MrlXk17j/ok9sfMfk8XnakXTww6OHmvW/m7vrD0FiwBMSYvF8OSIJl0jJcoR/HtgUs8mvzaRtxhYIyIiIqIOxWIRcNOyv/DY9wfx781ZAIDHpvbBiJRI8RhmrLWMfZKns6AGSkEB4MZhXQEA222lZfYJolFBKrG8y+2aTSgFBRzloADwwJf7xMeeshWJyLNagxlnS639DbtGNN6HcmuGo0z04zlDEeMh+7QpmlOKKa+TsXYkrxIAMGdUUpOvIZVKsHHhBKycPxoxIWwLQG2PgTUiIiIi6lD+vTkTh3IdzaxHpUTiyoEJ6Ok0CS6RgbUW6RUTjGevTHPZFtBIYO2KAQm4cWhX8bkgWG+MpVIJYuu5IW9KKSgAJEUFiY9zyhzTQU1mwdPhROTBH0fzYbYICFTK0L9OaeYLV6fjlesG4I0bBrqdN7ZXFCb1jfX6dcMC3Ycg1Md5KqggCDhfYZ0m3CW8eQNpukcGYUCXsGadQ+QtBtaIiIiIqMPYl10mTq2ze+qKfpBIJBjv1FTbXoZI3pFIJJhzcRLGOX1P68s6c/aMUzAuu9QRALP3X6srtIk33M4Za049zVHqYXAFEXlm7682tleU2LcQsE7svHFYV9wwtCsm9IlxO29I93C3bU3xxPRURIeo8MT0vk0+Ry61hijMFgHlNUbojNaS0IZKyol8rWm/IiIiIiIi8gNvrz0Fk0XA5QPiMbFPDBQyCfolaAAA6Ymh+GreSEQFK328ys7DOZZ247BujR7vnNVmdMomiwv1nLEWGtDEwFpEkMftJdV6j9uJyJ3eFqQKVMpdfvYCFTIoZNaAVkSQEsOTIrDTaajBZC+z1eaN64G5Y1MgkTR98qUtrgaTRUCeLVstKljZ6CRQIl9ixhoRERERdRi5ZdYbrdnDu+G6IV1w1aBEl/0jUyLRMybEF0vrlIxmi/jY26wVAPWWgoYFNC0I2j3KcxlYMQNr1AkdzavEq78fR5XO82ABbxlsP89KmRTDkiKQbCuxvv8S1wb/z13tyDydNy6lyRM9PWlOUA1wzVg7aRtOkhTpObBO5C+YsUZEREREfi2vvBbRISooZFKUaK2lfxHMSmsXBpOl8YPqkEgAoU7rszinwFqX8ADk2AKkTe29pFErsHBKH7cy4MpaU7PXR+Tvpr+zWXy8cEpqq11XbzQDAFQKKYJUcqz/2wRYLAKkdcq8U6KCMaBLKCKClPjbZX1a7fWbwt5jzWQWcCjHOrigJYE9ovbAjDUiIiIi8kuCIOCx7w7g4pfW4Zr3t2JnVinKbD21IoPYb6c9GLwYDvD69dbm53+7rLe4zbkUNM1Wugs0vRQUgEsPPbvWzugh8idZrTz1Vu+UsWZXN6gGAEq5FCvnj8GndwyHUt6+IQN7L0eLIOBMifX9945lFjL5N2asEREREZFfqTWYoTOa8VdmCb7ZnQMAOJxbiRs+3A7AmhEV3owpc+Q9i6X5gbVrL+qCsb2iXXrdOZeCTu4bi9+PFAAAglRNvx3pHRuC4ckRiA9VY1yvaDz67QFU6ZixRp1LrcEsPk4Ibd3pxvYea+0dLGsOMWPNIoil3jEh/EUK+TcG1oiIiIjI50q1Bny35xz+OFKA3WfLGjw2LEABucx/bww7k+euSsOsZX9hwaW9Gz/YSXSdG2HnUtBp/ePx1a5zKK8xoEt40wMHSrkU39wzCgCwNaMYAFDJjDXqwMwWQQwk2W04USg+bu3pxvYea/48CMAe9NMZzSiptmUos/Sf/BwDa0RERETkc++uO4VPtp7xuO/SfrFYOKUPLntzEwAgKpjZC+1lcLdwHH52ijgx0FtJUUF48vK+iAxWIlglx3f3joLZIngdINWorRmLzFijjupwbgVu+HA7HrikF+aOTRZ/Fj7ZdkY8ptbWE+23Q+fx4aZMvD1rELo3sZH/jswS/HY4Hw9c0hORts/MjpCxZv/Z3plVitxy+1RQfuaTf2NgjYiIiIh87tdD5z1uf+6qNNw2KgmCUzd8ncns8VhqGy0NqtndPTZFfCyRSCCXNW9aoLMQtfU2prKWGWvUMc1fsRc1BjNeXn0cb/15Egun9MHFPaKwM6tUPMYeWLvvi70AgOdXHcNHc4Y26frP/3IUh3Mr8dvh8/hzwXiEqBVOGWv+G1iz/2x/vCVL3MbAGvm7Fv9E6XS61lgHEREREV3AQmxZCk9MT8WGv03AjIEJWHBpb9w6sjsAayBm3jhrYOYf0/v5bJ3kHzS2oQdagxlmL/rAEfnamZIa8bHeZMELvxzDle9tcTlGZ3D9JUJRVdPuvbV6Ew7nWidqFlTq8fLq49bXsQXq/DpjzcNAkwCl/5auEgFeBtYsFguef/55JCYmIjg4GJmZmQCAp556Ch9//HGrLpCIiIiIOjed0YxzpdabzClpcUiKCsK7Nw3Gg5N6QSJxZDUtnNIHax8dj6npcb5aKvmJIJXjRltrYDkodSwGk8XjdpMtSNwv3jo5t8ZgdsncampArO400W2nS6yv2wEy1uyloHbb/n6Jj1ZC1HRe/US98MIL+PTTT/HKK69AqXQ0EkxPT8dHH33UaosjIiIios7v5wN50JssSAhVo0t4YL3HKWRS9IgObseVkb9SyqSwx1x1RpYGU8dyJK/CbdvArmHi41E9Iq3Hna/A86uOituPn6/C3ct34fHvDqKoSl/v9WtsmW4aW1llZpEWVTpjx+ixFuDoVjWmZxQSwlp3MipRW/DqJ+qzzz7DsmXLMHv2bMhkjt8WDRw4EMePH2+1xRERERFR52ef8HjdkC5uE/KIPJFIJAiwTUzMLauF0ew5A4jI31gsAq55f5vb9lCnEsgBXUIBAOdKrc37g1XWYFOV3oQ/jxXi693nMO/z3fW+hj3YnBgeiFiNtT9ZRmF1h8tYswcYifydVz9Rubm56Nmzp9t2i8UCo5ENRImIiIioaXLKarD+RBEAYHgyb6Ko6eyBtWve34b5K/b6eDUtozOasflUEYqr689Cos7h6PlKj9uHdAsXH9sb+Nu9c9MgHH52Cu6f2EPcti+7vN7XsA89CFA4snxPF2nFElSV3H97lsVp1OLj0T2jfLgSoqbzaipov379sHnzZnTv3t1l+3fffYfBgwe3ysKIiIiIqHPTm8y4e/luVNQa0S9egxEpEb5eEnUgaoUjOPD7kQIAgNki4JXVxzE8OQKT+sb6amnNsv54IR7+ej8qao1IjQvBLw+OZeZmJ5Zf4XkAwX0TekAisfaZrNY7klUSQtUY3zsGMqkEg7uGu5xjMFnEss5VB/Pw075cvHb9QDFjLUApQ3JUELadLkFmUbW43Z9LQSf0icaL16RDIZNikFN5LJE/8yqwtnjxYsyZMwe5ubmwWCz44YcfcOLECXz22WdYtWpVa6+RiIiIiDqhPWfLcDy/CqEBCnw0ZygUMv+92SP/o1a4/335cV8uPtyUiQ83ZeLMS5f7YFXN9/3eHFTUWgMpx/OrsP9cOYZ0D2/kLOqoCm290SalxmDt8UJxu1IuxYOTegEATGYLRiRHYM/ZMiya3lcMtIYHKV2ulV2qRc+YEADA/BX7AAD/2ZIl9iULUMgQH2p9fL5Ch7O2SaSJfty3TC6TYvaI7o0fSORHvPrXy1VXXYWff/4Zf/75J4KCgrB48WIcO3YMP//8My699NLWXiMRERER+amsYi1qmjiV0WS2YMmvx7D+RCEsFkHsrdY3PoQNqqnZnDPW7LJt02U7EntQza6g0nNGE3UOhVXWP98YW+8zT+QyKVbMHYndT07GjIEJ4vbwQNeJmaeLrNM/aw2OAR5lNUaxFFSlkIkDDLZmFMNgtiAiSInukfUPiSGi5vP614Jjx47FmjVrUFhYiJqaGmzZsgWXXXZZs66xadMmzJgxAwkJCZBIJPjpp5/EfUajEY8//jj69++PoKAgJCQk4LbbbkNeXp7LNUpLSzF79mxoNBqEhYXhrrvuQnV1tbdvi4iIiIia6FBOBSa+tgG3fryzScd/tycHH27KxB2f7MKDX+3D0vWnAQCRQfXfYBLVJ6BOYM1iEWCxCD5ajffKa6yBNXtD+YamPVLHV1Bp/fONDlHjmsGJAIDRPd37S8qkEoQFumaoRdTJWNuRWYqDOeU4et4xZdRksUBnm/4ZoJAhxDYMwJ4pN7pnFCQSlhoTtSavAmvnzp1DTk6O+Hznzp14+OGHsWzZsmZdR6vVYuDAgVi6dKnbvpqaGuzduxdPPfUU9u7dK5abXnnllS7HzZ49G0eOHMGaNWuwatUqbNq0CfPmzfPmbRERERFRM/x80PoLzz1ny5oU0Djm1LR71cHz4uO6N4tETWERXP/O1RjNMAsdK7CmN5lxKNcaFOkVa20y//TKIxA62Pugpssps2ZVdgkPwHNXpeHFa9Lxzqym9Sl3npgJAP/ZmoUr39uKmf/aLm7LLdc5DS+QQRPg2v3p+iFdWrJ8IvLAqx5rN998M+bNm4dbb70V+fn5mDx5MtLT0/HFF18gPz8fixcvbtJ1pk2bhmnTpnncFxoaijVr1rhse++99zB8+HBkZ2ejW7duOHbsGFavXo1du3Zh6NChAIB3330X06dPx2uvvYaEhARPlyYiIiKiVhDpFBDbn1OOi7rV3xdKEATsPlvmcV95LafKU/Pllte6PNfqTW7BtvZytkSLsEAlQgMUjR/s5H1b1iYAyKWOnIfTRVr0jAlutfWR/8gqtpZvJkUGIUStaFY/MalUgo0LJ+D7PTl4Z12Gx2MO51agjy1IG6B0ZKwB1kEInLRJ1Pq8ylg7fPgwhg8fDgD45ptv0L9/f2zbtg1ffPEFPv3009Zcn4uKigpIJBKEhYUBALZv346wsDAxqAYAkydPhlQqxY4dO+q9jl6vR2VlpcsXERERETWPc2+oh7/aj58P5GHB1/tRpXMPlB07X4UjeY5/c03sEy0+7hbB/mrUfPaSOjut3uSSOWkyW9plHUfzKjH+1Q249/M9zT7335szxcdXDIgXH9ftu0adg8FkQZ4tIJwU5V2fs+6RQbgsLc5te0p0EACgVGvAwRxrFqRaLnXJcrv2oi6cOEvUBrwKrBmNRqhU1l4Yf/75p1iemZqaivPnzzd0qtd0Oh0ef/xx3HTTTdBoNACA/Px8xMTEuBwnl8sRERGB/Pz8eq+1ZMkShIaGil9du3ZtkzUTERERdWZlNQbxcXZpDR74ch9+2JeLt/485Xbsodxy8fHYXlF47fqBWPXAGNw9JhnzxvVoj+VSJ/evDafhHEvTmdonsLZi51kAwPbMEpib2eOtV2yI+Pi2UUni43Knny3qPMpqDLAIgFQCRAd731vSHkSzWzQtFesenYDhSREArOX5AKBWyhCidhSpTUyNBhG1Pq8Ca2lpafjggw+wefNmrFmzBlOnTgUA5OXlITLSvfFiSxmNRtxwww0QBAH/+te/Wny9RYsWoaKiQvw6d+5cK6ySiIiI6MJSqrXe/CfVmTB3sqDK7djDudZstXnjUvD5XSMQGaxCemIonryiX7PL54gA4O1Zg1yCBt/uycGebEe5sc5o9nRaq7P/HACO/lkNMVsEbMsoRm55LSJsUx4npcZAKZdibC9rmV5ZDTPWOqNKWyaiJkDRogECgUrXjk7zxqUAsE5YBgCTLcAbGqBAVLAKUcFKBCll6J8Y5vVrElH9vAqsvfzyy/jwww8xYcIE3HTTTRg4cCAAYOXKlWKJaGuxB9XOnj2LNWvWiNlqABAXF4fCwkKX400mE0pLSxEX554ea6dSqaDRaFy+iIiIiKh57Df/vZ2ybgCIpU7OjuRZS5PSEvjvLmodVw1KxMGnL8OALqHitsyiavFxawfWCit1eH7VUbFHll25UxDsVEF13dPcvPXnSdz80Q7c+tEOseTz+qHWhvLhtimQzFjrnCptZfKt8cuEyX2tlVvT+8eJQbrUeNfP1ziNGkq5FGseGY9tiyZBKffq9p+IGuHV8IIJEyaguLgYlZWVCA93NKmdN28eAgO9qxX3xB5UO3XqFNavX++WDTdq1CiUl5djz549GDJkCABg3bp1sFgsGDFiRKutg4iIiIjcVetMAIAeMcHA0QJxe2axFpU6o9jbx2wRcNQ2ETQtIdT9QkRekkgkUDkFC2oNjmCazti6paBv/nkSX+48h+XbziDjn9PF7Vqn1zxVWI3J/WIbvM6+7HIA1p8TO/vPSpgtg62cGWudTrXehKO2PpN1p3t6472bL8KuM6Xo5xRM61snsBarUQMAwjl5mahNeRVYAwCZTAaTyYQtW7YAAPr06YOkpKRmXaO6uhoZGY5pJllZWdi/fz8iIiIQHx+P6667Dnv37sWqVatgNpvFvmkRERFQKpXo27cvpk6dirlz5+KDDz6A0WjE/PnzMWvWLE4EJSIiImpj1XprYC0lyrXfjyAAh3MqcLFt+tyNH24XgxzJdY4laikJHCV1JqceZ3pT0zLWymsMuPe/e3DN4ETcOKxbvcfllNWKr6EzmqFWyAAANbafAwA4VeheBl2Xp0w6jS2Dyd53K6+iFv/bn4uNJ4vw0rUDmGnUCdz7+R5sySgGAGgCvL4NF6kVMozt5dozrU+d7GF7YI2I2pZXn9BarRZ33nkn4uPjMW7cOIwbNw4JCQm46667UFPTeF8Bu927d2Pw4MEYPHgwAGDBggUYPHgwFi9ejNzcXKxcuRI5OTkYNGgQ4uPjxa9t27aJ1/jiiy+QmpqKSZMmYfr06RgzZgyWLVvmzdsiIiIiomawT//sExeCEJX1RjExzDrhc39OOQBAEATsPuvoe8WJdNTq6vkr1dSMtX9tOI2/Mkvx+PeH8Maak7h/xV6cr3AvZ+4RHSw+3moLkADWaaR2GYWNl4KW28o/F1zaW9xmLw20ZxwdzavEQ1/txw97c/HdnpwmvQ/yXzqjWQyqAUCALSjb2gKUrteNZKYaUbvwKlS+YMECbNy4ET///DNGjx4NANiyZQsefPBBPProo00eMDBhwgQIQv2TcxraZxcREYEVK1Y0beFERERE1CoEQRAz1qKCVfjt4bGQSiRYdTAP//z1OA7nWnuqVeocQYd7x3P6J7W++kK1eltmmMUiQGsw4dvdOZiaHocEW/DXzrns8p211om2aQka/N+Enq7Xc5oy+seRAkzqay35dC4FzSishsUiQOohgJxTVoPCKr3YV21S3xiEqOUo1RrQNcLaTic90VoqfcopQGfvy0UdV92BLlp9+wzW8PT3kIhan1eBte+//x7fffcdJkyYIG6bPn06AgICcMMNN7TK5E4iIiIi8l8bThbBaLb+EjRYLRd7BqVEWbN6zpVaM36KqnTiOY9c2qudV0kXgvqGK5bXGlGqNeCS1zeIwbMvdpzF2kcnuBwn9VDDU1Sld9umdyrh3HSqCIA1wOycsVZjMCO3vFYMlDm77797ccgWcAaAsEAl7hid7HJMrMY6wbG42jG8oK2ym6j9nK9wfA52jQgQp3i2hbdnDcJDX+3HyzP7t9lrEJErrwJrNTU1iI11b8oZExPTrFJQIiIiIup4/jiSj3mf7xGfBykd/6RMDLdmAx3KrcD8FXux6uB5AEC3iECo5AwQUPs5nl8FmVTikpF2ukjrdpzEQ2SuVOs+lVPn1LOtxBb4MpgtYl83e0DsXFmNW2BNEASXoBoAhHmYDCmRSJCWEIqNJ4vEbWoF+6t1dDUGa/B1TM8o/Pfuth2yd+XABIzvHd0qk0eJqGm8+pQeNWoUnn76aeh0jsh7bW0tnn32WYwaNarVFkdERERE/kUQBPz9h0Mu25z7ptkDawDEoBrgmHZI1NokdYpBbxpuHUBwNK8SZkvjrWU8VcuVVLsH1vROPdsMZgsMJgtqnEr6esVYG8fnlevczq2sNbltC1R6DjSnJ7pOdqz7/qjjqbGVC9f3Z96aJBIJwgKVHgPGRNQ2vMpYe/vttzFlyhR06dIFAwcOBAAcOHAAarUav//+e6sukIiIiIh8y2Cy4Ie9Ofh+bw4yCqtRVlN/zyeNWoFglVzsv2anZjkbtZG68YPrhiTiy53Z2H+uDJf2i2n0fJPZPfhWXO1eCqqrM2W0xmAS/56r5FJ0iwjE9swS5Nqmh2YWVeOfvx7HvHEpiAhyDSw/cEnPegMf6QmhLs/15qYNYSD/ZQ/AtkdgjYjan1eBtfT0dJw6dQpffPEFjh8/DgC46aabMHv2bAQEBDRyNhERERF1BHqTGTKJBP/enIlXfz/htv+Fq9PRMybYbbtG7QisJUcFQSaVYMm17PdDbWPW8G7YdroEADCwSyjSE0OhlEtRXG3A498fauRsoMopCJwaF4Lj+VUo8VQKWmfKqNZgRnaptQ1OfKhaHIqQV16L/AodLnl9IwCgVKvH3y7rAwDoER2EN28c5BY8czake7jLc+febtQx2TPWApRe3X4TkZ/z+ic7MDAQc+fObc21EBEREZGfKKjUYfIbGzEiOQKaenr13DKyu8ftwWo5YGsn9eLV6bi4Z1RbLZMIMwbEI06jRmZRNaamx0Ell2FAYih2ny1zOzY+VO3y3GIRsOVUsfj8vgk98NBX+1Gtcy/d1NfJWNPqTciwTe/sGROCyGAlAKC0xoAdWSWO1xCAMyXWAFxieCAGdAlr8P3EaNR44ep0PPnTYdvrMmOto6sxWv8+BTFjjahTanJgbeXKlU2+6JVXXunVYoiIiIjIP6w/XogqnQl/HitEnMYajHjt+oH427cHGj03RO0IxIUFKttsjUSAtafU8OQIDE+OELcNTYpwCaxN6BONDSeK3IJUX+w4i4paa2nzP6b3xbhe0QCAWqMZRrMFCpmjJbVbxprehFOFVQCAXrHBiAiy/l0vrzFA69R7LSJIiUO55QCAtATX/mn1uWVkd5wsqMJn288ysNYJsBSUqHNrcmDt6quvbtJxEokEZjPTlYmIiIg6slO2TBwAyK+0NmOPCVGJpXINCVY5/onJoQXkC0PrlFPahxFonco+88pr8fJqa4nzo5f2xtxxKTA69TOr1pkQHuQIDOuMdTPWzI6Mtehg8e96WY1RnAIJWDPd7Mf1jW9aYA2w9m2zn08dmzi8QMVSUKLOqMlTQS0WS5O+GFQjIiIi6vj2eCijiw5R4c0bByEpMhBv3Tio3nMtgqMZfDgz1sgH6vYpm9DHmommN1nESaHPrDyCar0JF3ULw/9N7AkAUMikCLAN2qg7gMOesWYv56t2KgXtFRss/l3PKKzG53+dFc8zmCziuSHNCKyo5NbX0RuZsdbR2QOtzFgj6pyaHFgDgHXr1qFfv36orKx021dRUYG0tDRs3ry51RZHRERERO1PqzfhUG6F2/aEsAD0jddgw8KJuHpwYr3n51foxMcBvJEkHwgPUuLtWYPw6KW98cp1AzB3XIq4r8ZggiAI+PNYAQDguavSIZM6JnQGq63Br0qdY/qtzmhGidY6KTTWVhq9+0wpim2ZcD2ig12CyGdtPdUAazDPYCvndC4tbYwjY42BtY5OHF7A6chEnVKzclHfeustzJ07FxqNewpzaGgo7rnnHrzxxhsYO3Zsqy2QiIiIiNrXiYIqmC0CYkJU+OaeUdicUYzBXcMQWs8Qg7rspaNEvnTVIEfwVxAEBChkqDWakVNWC0GwDhUArJNrnYWo5Siq0qPKaYDB/BV7IQjW4Qc3j+iGF345ho+2ZAEAEsMCEKSSuwTnnOmNFrHEVClvemBN2UAp6P/252JrRjECFDI8eUW/ZgXsqP3V2gJrQSwFJeqUmvWTfeDAAbz88sv17r/sssvw2muvtXhRREREROQ7vx/OB2Atb0uKCkJSncBDY164Oh0PfbUfC6f0aYvlETWbRCJBl/AAnCqsxrS3XSts6mYR2Ydv2CeDWiwCdmSWAgAu7x+PkSmRLsf3jAkGAKjryUYymB2BNYXMc/DNk/oy1vLKa/HQV/vF55P7xWKsbegC+SetrRSUGbxEnVOzAmsFBQVQKOr/TaVcLkdRUVGLF0VEREREvmEwWfDhpkwAQEpUsFfXuGpQIi7uEYWoYPZXI//RNSLQZSgHYA2qSetkmoXZMjNLtdYyz3NlNajSm6CQSfD4tFSXUmfAEVgDgDtGJ+GTrWdc9uuNZphtfQebk1lmb3R/qqAKJrMFctu55ytqXY5znkBK/knMWFMyY42oM2pWznBiYiIOHz5c7/6DBw8iPj6+xYsiIiIiIt84XeQIPNw2qrvX14kOUUEiaXp2DlFb6xoe4LbNUzP5LrbjMoqq8efRAuzMsmar9Y3XQCGTuk267eUUWPvH9L54aFIvl/16kwVGszWwpmpGKeglqTHQqOU4WVCNuZ/txgNf7kOp1oCPbSWojuszsObvtBxeQNSpNSuwNn36dDz11FPQ6dz7ZtTW1uLpp5/GFVdc0WqLIyIiIqL2dTzfOqRqeFIEesWG+Hg1RK2na0Sg2zZPpXn245ZtysTdn+3Gwu8OAgDSEqx9poPr9FNzzliTy6S4Y3SSy/UMXg4viApWYdH0vgCA9SeK8POBPCz59Rh+PZTvdn3yb+LwAgbWiDqlZuWiPvnkk/jhhx/Qu3dvzJ8/H336WPtmHD9+HEuXLoXZbMY//vGPNlkoEREREbW9Y+erAAB94xlUo86lS7h7YM1TaV43DwE4AOiXEArA2q9NJpHADGsWmnNgDQDCAl1LoPUmC2CLwymakbEGADcO7YrPtp/FsfPWgPeBnHK3Yzg11DeO51ciMSxA7MlXH0EQWApK1Mk16yc7NjYW27Ztw3333YdFixZBsPUKkEgkmDJlCpYuXYrY2Ng2WSgRERERtT37DXxqvPsUeKKOLDHMvRTUY8aahwAcAKQnOH4mDGZHMKtuIA0APrjlIqzYeQ6bTha5HNuc4QUAIJVKcMWAePHn0lMQjYG19iMIAiQSCbZlFOPmj3ZgbK8ofH7XiAbPMZgtMNlG0DJjjahzavZc5u7du+PXX39FcXExduzYgb/++gvFxcX49ddfkZyc3BZrJCIiIqJ24shYY2CNOpfeccFu2WVBKvdAh6eMNakESI1z/EyM722dwjk8OcLja01Nj8fSmwe7bVfJmh9YmdDHMfGzoNLRkic90bqeC7XH2ou/HMUTPx5qt9db8PV+THhtA0qq9Vi+/QwAYPOpYjHZpD72bDWAPdaIOqtmB9bswsPDMWzYMAwfPhzh4eGtuSYiIiIi8oGiKj2Kq/WQSIDesd5NBCXyVyq5DH8uGI9541LEbQEK9wKe0EAFQtSu23tEB7tkGy2dfREemdwbz8xIa/D16lLImz/QIy0hFA9Ptg5E0Bmt2WmDuoZhUNcwAIDeeOFlrBnNFvx7cxZW7MjG2RIttHpTm7/mD/tycbakBi/9dlyc0AoA552mxO7NLsPVS7fix3054rbj+VXi4+b02COijoM/2UREREQEwDG4IDkyCIHsBUSdlFrhCHgFe8hYA9yz1tISXDM4g1VyPDS5F/ol1J/ZqZBJ3MpPvQ2sPHBJLwzuFiY+Dw1QiIE751LTC4XzwIZ5n+1B2tO/I6OwqoEzWsY5K+1/+/OQW1YrPj+UWyE+Xrk/D/vPleORrw9gyW/HIAgCnvih/bLqiMg3GFgjIiIiIgDAcVsZaCoHF1AnplY4boHCg9z7owHufdYaCqDVRyKRYOX80WLJJgDIpc3PWAMAmVSCV68bID4vqtJDaRuEcCFmrDkH1k4UWD+3Pt5yps1ez7mPncFswf5z5eLzI06BNefMuQ83ZmL9iUJkFmsBAFHBnv+uEVHHx8AaEREREQFwDC7oG8f+atR5qZ1KNCPrCazVDbj1ivEu2BwZrHI5VyLxLrAGAD1jQvCP6X0BANcMToTKHli7AHusecrSa+5giOaobqDU9HCe9XOzTGvAwZwKl33Lt50FYM1w/GvRpDZbHxH5FgNrRERERB3YzqxSrDte0CrXOl1UDQDoFcuMNeq8nEtB68tYG2zrX2bXI9r7noOt2bB+7rgU7PzHJNw9NlksBb0Qp4IaPLxnubR1bm1rDCYY6wTuGurhdii3AhW1Rox7db2YPRcWqAAAbDxZBACYMTDBpS8bEXUu/OkmIiIi6qCOna/EDR9ux52f7m6V/kIVtUYAQCRLlqgTcy4FrS9j7arBCVg0LRVqhRRpCRp0CQ/weFxTBKlat19hTIgaEolEzFg7W6Jt1et3BJ6Cia2RsZZXXosBz/yBKW9uQqnWIG63Z6zFhKjcBlsUVelx9dKtqNI5gm+96kyfvSQ1psVrIyL/xcAaERERUQeUV16LOz/dJT5fuT/P7ZgqnREZhVXQGc24/J3NePy7gw1e037zWPfGkagzcQ50RQSpPB6jkstwz/geOPzMFPw8fwykXvZGA1o3Y82ZwhZY23WmDMXV+jZ5DX/lKWNN1oI/IwAwmS24+KV1MFkEZBZr8b/9ueI+rd5abhukkrsEzbpGWAOuWcWuwc20hFCX56N6RLZobUTk3xhYIyIiIuogBEGAIAioNZhx+yc7cb5CJ+7bdrrE7fjrP9iOyW9swr82nMaRvEp8vftcg9ev1NkDa4rWXTiRHxndMwpXDkzA6J6R6J8Y2uCxcpm0RUE1AOhSZxBCaymqcgTT7P0RvSUIgkuGlr/z1GOtpaWW5baMXbtDTv3S1p8oBABI4Npvr74S4WnpcS7Pg1s5a5GI/AsDa0REREQdwJliLfot/h3jXl2PvotX42RBNaJDVPhy7kgAwIGccny0ORMPfrlPzOY4nm8tD/1uT454nd1nSvHdnhzojK4Nz/Ums3gebwKpMwtWyfHOTYPxxd0jEdBG2WTOrh6UgOuHdHGZ6tkaZl6UKD5uaVDstT9O4KLn12D14fMtXVa78JSxpmhhALRG7/qZeMg27fNQTgX+teE0ACAkQIHbRycBAIYnR7hkr80e0U18HBqowAe3DAEA3H5xUovWRUT+j/9qIiIiIuoAtp0uQa3RjHOlteK2RdNSMapHJHrGBCOjsBov/HIMADChTzQGdHFk4jiXiV33wXYA1gyXp67oJ2537g/EwBpR65HLpHj1+oGtft3ukUG4alAC/rc/DwWVusZPaMDS9dbA0fOrjmFqenxrLK9NeQqsWYSWXbPu5M/TRdWoqDVi4XcHxG13jk5C33gNNi6cgKhglbiOXjEhqHX6ZUWQUo6p6XH4c8E4dI1om4xFIvIf/FcTERERUQdwvqLW5Xl6ogbXDLZmrEzvH4931p4S973+x0nkljuO99To+2xJjcvzaltgLVglb3GvIiJqH3EaNQDgn78ex7HzVXhmRhpCA70v5Y6oZ5iDv6k7tbO+bc2hNbgG1iwC8I8fD+F4fhUigpRY88g4RAZbe/J1jwwCAASpgH9cbv0FRUWtEb8dPg+jWUBCmLX3Ws8YTlgmuhAwsEZERETk52oMJry7LgMAcMfoJISo5Ljt4iRIJNYA2PT+cS6BNeegWn3qloJW6Ti4gKij6RuvER//uC8XA7uE4vbRyV5fr6ME1jz9ssBT37XmcM5YG54cgZ1ZpVh10FoaO2dUkhhUq09ogAJfzRvVojUQUcfEHmtEREREfu6gUxPtHtHBWHBZH0Q53eT1iQ1xed4UZTXWnkyCYK2fWrHzLAAgJqR51yEi35kxMAG3juwuPj/vRUmo2amGMrKDBNbsQTR7xh7guTy0OexZu8OTIzAyxXWKZ6yGn4tEVD8G1oiIiIj8nPON75S0OLf9EokE7908uEnXSoq09vsprzFi8f8O46Ln1+Dzv87iy53WiaHje0e3woqJqD3IpBI8f3U6/j4tFQBQWKl3O2bLqWKs2JENUz0ZXTuzSsXHmoCOMRHYHkTrExeCuWOtGXotKQXdcqoYz/58FIC1HD41zrWEMyywYwQcicg3GFgjIiIi8nN6k7Vss39iKKLrySgbmRKJ+yb0aPA6ax4Zh0/vGA7AWi762fazKKsx4qmfDgMAAhQyzOEEO6IOx565lV/hmrFmsQi45/PdeOLHQ7j0zU0ez/1yZ7b42J7B6u/sgTWlXIpwW5ZdSzLWFq88LA55kUokSLT1SLPrKCWyROQbDKwRERER+Tnnm8iGKGQN7+8VG4LwBjIvNj02sdE+QkTkf2JtgbWCKtfAmtZggtZgDcxnFWtdeivqjGYcyqnA6sP54jaD2bvAms5oxvoThW69G9uKwfbLBqVcCqXtc8/bjDWj2YLMIq34PDFMLQ4fsAtvwUAIIur8fBpY27RpE2bMmIGEhARIJBL89NNPLvsFQcDixYsRHx+PgIAATJ48GadOnXI5prS0FLNnz4ZGo0FYWBjuuusuVFdXt+O7ICIiImpb9kbdqkYCa71jgwE0HIALDVTgpuHd0CM6CPeO74GFU/ogIVSN168fWG82HBH5N3sPsII6GWsVtUaX5/beigCw6IdDmPHeFpem//WVizbmo82ZuOOTXZj29uY2yXrLLKrGrR/vwK4z1rJV8TNRJhU/74xeBgVzyxzDXu4d3wN3jUlx6zXHUlAiaohPxz5ptVoMHDgQd955J6699lq3/a+88greeecdLF++HMnJyXjqqacwZcoUHD16FGq19bcys2fPxvnz57FmzRoYjUbccccdmDdvHlasWNHeb4eIiIioTTQ1Y21KWhzen30RRqVEYtXBPHy8JQtT0uLw4aZMPDSpl3jckmv7u5x3/8Serb9oImo39ow1rcGMM8Va5JXX4j9bz+DmEV1djivTGhEfGoBKnRE/7ssVt6sVUuiMFpgs3gWnzpbUALBmxW04UYSJqTFevhPPrv9gO0q0Bmw+VYybR3SD2RZEiwpRiZm6niaFNsW5Muvae8UEi73qAOD+iT2wdP1pjO4ZiahgBtaIqH4+DaxNmzYN06ZN87hPEAS89dZbePLJJ3HVVVcBAD777DPExsbip59+wqxZs3Ds2DGsXr0au3btwtChQwEA7777LqZPn47XXnsNCQkJ7fZeiIiIiNqKPaNE2Uipp0ImxfT+8QCAW0cl4dZRSRAEATcO64qkyKA2XycR+UaQynFbd9t/diK71Bos2pFZ4nKcPWPtkNOkYQAY0j0cWzNKvC6ndI7HPbfqKEb1iIRaIfPqWnWZLQJKtI5MuxU7HD3h4kPVYmDN27Xbp4HWHdywcEoqFk5J9XQKEZELv+2xlpWVhfz8fEyePFncFhoaihEjRmD79u0AgO3btyMsLEwMqgHA5MmTIZVKsWPHjnqvrdfrUVlZ6fJFRERE5K/0xqZlrHkikUiQEh0MqVTS2ssiIj9kD6oBQJXe5LKvrMaAPWdL8cHG0+K2lKggTOxjzTAzeVlOaR+wAliz1pZtyvTqOp7szS6rd19CWID4uejt8IIaWw+6QGXrBAKJ6MLjt4G1/HxrE83Y2FiX7bGxseK+/Px8xMS4phnL5XJERESIx3iyZMkShIaGil9du3at91giIiIiXxMz1rwIrBHRheHBSxov6T5dqMXMf23H5lPFAIBJqTH4+YExYsabyeJdcEpnC/4P7BoGAFh3vNCr63jyx5H67+sSQgPE3pM6k3eDE2qMDKwRUctckP86W7RoESoqKsSvc+fO+XpJRERERPUyNHF4ARFduB65tDeCVQ13+nnzz5Muz68clIAglRxyW0ZrYwMA3t+QgVnLtqNUa0BBpQ4/7M2B2SKIGWvpCRoAQIlW7+3bcLMjq7TeffFhagQpre+51uBdYK3WYM3qC1T6tEsSEXVgfvvpERcXBwAoKChAfHy8uL2goACDBg0SjyksdP1tiMlkQmlpqXi+JyqVCioVp14RERFRxyAOL2ikxxoRXbgkEgkemtQLL/56zG3f3y7rja0ZJdhep+dazxjrJGF7n7KGMtZOFVThldUnAADLt53BzqxSbM8swcmCarFcPSEsAABQWm2o9zrNZe+B5klkkBIBtkyzGi8Da1q99bwAZqwRkZf89l9nycnJiIuLw9q1a8VtlZWV2LFjB0aNGgUAGDVqFMrLy7Fnzx7xmHXr1sFisWDEiBHtvmYiIiKitmAvBVW1UjNwIuqc5o5LwT+m93XbnpYYiuevTnPb3iPaGliTyxrPWMss1oqPfzl0XgzSfbDxtJixlmgLrGkNZq8zyOqqNdZ/HYlEIpZw1hjqD8A15fpBDKwRkZd8Glirrq7G/v37sX//fgDWgQX79+9HdnY2JBIJHn74YbzwwgtYuXIlDh06hNtuuw0JCQm4+uqrAQB9+/bF1KlTMXfuXOzcuRNbt27F/PnzMWvWLE4EJSIiok6DGWtE1FQzh3Rx25aWoEHPmBCk2Uo17eyTO+VSW8ZaA5M1y2scWWgZhdUu++wDE6KCVeLnVGuVg+rqCaxFBCkBwCmw5mWPNVtALoCloETkJZ/+62z37t0YPHgwBg8eDABYsGABBg8ejMWLFwMAHnvsMTzwwAOYN28ehg0bhurqaqxevRpqtVq8xhdffIHU1FRMmjQJ06dPx5gxY7Bs2TKfvB8iIiKitmDPBuHwAiJqTESQEmseGefyPCbEev/02Z3DPZ6jsGWsmSz1Z6yV1Rgb3adWSBEZbA14lWpbpxzUU8baU1f0wzf3WKuY7CWctUYzLBYBb/95CuubMTyhRs/hBUTUMj4Ny0+YMAGCUP+Ht0QiwXPPPYfnnnuu3mMiIiKwYsWKtlgeERERkV/QmzgVlIiazl7iCQAxIY7e0pHBKjx5eV+88MsxzJ/omCIqt2WZHcypwLnSGnSNCHS53pLfjuHDjZmNvq5KLkNEkBLnK3QoaYU+a4IgiBNHnd01Jll8bB9eIAjAH0fzxQENZ166vEmvYc90YykoEXmL/zojIiIi8nMsBSWi5pDapnwC1vJMZ3eOTsYfj4zDI5f2FrcpnI4f+8p6l+MrdUaXoNrMixylpkO6hyNO46gmsmasWV+vuLrlpaD2XyoAwE3DuwIAFk1LdTkmwKn35NmSGvFxRW39GXbOtCwFJaIW4r/OiIiIiPzQf/86ixs/3I7yGgPOV+gAQCyxIiJqqompMS7PpVIJeseGQOYUTFPUyYbNchpUUHfC54AuoUiJDgIA9IgOwq2juov7VHIZooIcpaA/H8jD3ct3ocTLIJtzf7VnrkzD7w+Pw9yxKW7vR62Qiq9pd7rItQ+cncFkQU6ZIwBXbitjDQ9UeLVGIiIG1oiIiIj8jMlswZM/HcaOrFL8sDcXJ/OrAAB94kJ8vDIi6ihWPTAGi6alYo5T4Ks+cqcgGwCsOZovPi51GlowtlcUpqbH4drBiQCAod0jML53tLhfKZeKQwVKtAY88OU+/HmsEAu/O+jVe7D3V5NLJVDJZegTF+KSjWcXaMs2O1PiCAjWHbBgt/C7Axjz8nrsyy6zvj9bMM6+biKi5mK+KxEREZEf+Wb3OTzmdBNaVmNAld4EuVSClKjgBs4kInJITwxFemJok45V1Ckz/+NIAeaN6wHAMQ10QJdQfH7XCADA/03oicn9YtE7JgQCgMSwAFgEAZHBSrEUtKjKkaW2+VSRV+/B3l/NudzTk67hASjVGvD7kQJx22kPgbXCSh3+tz8PAPDN7hwM7hYuTi+NDFK5HU9E1BTMWCMiIiLyE9V6E97+85TLtmPnrdlqKdFBHF5ARG2i7mfLnuwyMaBWqrWWSoYFOjK6pFIJUuM0kEolkEklWPe38Vj76HgoZFJ0sw0+yHQqJ1XJvRsMUGsbLKBqJLB2+YB4t22nPATWftiXKz7+cmc2soq1YvAuPIiloETkHWasEREREfmJH/bmILe8Fkq5FN0jAnGqsBr7z1nLlfrEaXy8OiLqrMIDXcsgBQEoqNQjLFCJMnupZAM9yJwDZ71irZm1B86Vi9vsPdCay14KGqBs+Pw7RicjPFCJqBAVSqsNePTbA9iZVQq9ySyuTRAEfLP7nMt5vx0+D8A6GCZYxVtjIvIOf+1JRERE5CeKbaVTMy/qguHJEdZttsbhfWJZBkpEbcNTf7FqvdH2X+vUzKAmBp6SIoOgkLn2QbMI3q3LnrHWWCmoQibF9UO7YmKfGFwzOBExISpU6034K7NUPKawSo/MIq3LeacLrc8jgpSQSNx7txERNQUDa0RERER+osZ2E6lRy91uYpmxRkRtReZhIEC13vp5pDdZSyWbWs6plEvdBq3Yg3PNIQiCV/3PpFIJLu0XCwD4/YhjCENueS0Aaz+42y9OAgAcyasAwMEFRNQyDKwRERER+QlH2ZPMLUOjTywnghJR+6nWWYNhBntgrRnlnGN6WieF2uN1BpMFRrOlyeff/8VejH91gxgYiw5p3mCBy9LiAABrjhbAYkuXO1+uAwDEh6oRH6oGABy3TVyODGZgjYi8x0JyIiIiIj/hXPZUpXPN8OgSHuCLJRHRBUIisfZWs9Passz0JtsAgWYMT/m/iT2QEh2ECX2iMfzFtQCAGr0ZoYGNX+OTrVn45ZC191l2aQ2A5gfWRqVEIkQlR1GVHvtzynFRt3Ccr7BmrMWHBSDOFlizY8YaEbUEM9aIiIiI/IQ9Yy1QKUOZbSKfndRDqRYRUWtZ/+gEvHB1OqalW7O9qsXAmjXTrDlTiTVqBW4Y2hUxIWooZdbztIamlYM++/NRt21yWfM+/5RyKSamxgAA/r0pEwCQZ8tYSwhVIz7U9RcVDKwRUUswsEZERETUTOU1Bsxath3T3t6MpeszYPa2M3cd9h5rAUo5FDLHP9OuGpTQKtcnIqpPUlQQbhnZHWG2CaH2wJqhmT3W6gpUWc/TNrPP2hUD4tErxjq0ZWRKZLNf9+6xyQCA3w7no6BS58hYcyoFtYvVqN3OJyJqKpaCEhERETXTn8cKxWlzx85X4sd9ufjotqFIigpq0XXFHmsKGe6b0AP7ssvQOzYEz16V1uI1ExE1RXCdQJi9FLQ5GWvONGoFymuMOJJXiV6N9IoUBAEKmQRGs4AnpvdFeKASh3IrMCwpvNmvO6BLGAZ2CcWBnApszShGXoWtx1pYAGI0jtLSQKUM1w5ObPb1iYjsmLFGRERE1Ey5ZbUuzzMKq8WeQE11JK8CX+/KhuDU1MjeYy1QKUOsRo3/zR+DV68fiEAlfxdKRO3DPpG4yi1jzbtbxysHWjNuP//rLM4Ua1GmNdR7bK3RDKPZ+pkYGqBAgFKG4ckRkEi8K4Uf0CUMgHVIwakC66CChNAAqOQyjOsdjYRQNVbOH4MYZqwRUQvwX2lEREREzZRXbg2sLbi0N0qq9Vi+/ay4rakuf2cLAEAulWLmkC4AHBlraoV3JVdERC0VbAusaev0WPM2sHbrqO5YuiEDe86WYcJrGxCgkGHnPyYhRK0QjzGZLZDLpKioNQIA5FIJApUt/xxMCLP2UvtkaxaMZgEhKjmSo62ZxcvvGAazRYBcxlwTImoZfooQERERNdG64wUY+c+1+Hr3OQDWm7bUeA0ANCuwVu3Ua+i3w/niY+eMNSIiX7AH1qp1rZOxFqtRY0RyhPi81mjG9R9sF5//fiQfA579A0vXZ4iBtdAAhddZas4SwqyZaEazAJlUgndvHiy+P4lEwqAaEbUKfpIQERER1WEwWbDqYB4W/+8wMgqrxe13frob+ZU68XlCmFrMiFh/ogjrjhd4vJ4gCC4ln8fPV4qPD+aUw2IRUGMwoahKDwAID+SEOiLyjWC1LbBm+wXAvnPlALzvsQYAVw507WF2PL8K2zKKsXR9Bu75fA9qDGa8ty4DpbYy0dAAhafLNFtimGP659Mz+mFCn5hWuS4RkTOWghIRERHV8cjX+8WeaZlFWvz37hE4YLu5dNYlLBAqheNm885Pd2PjwgnoHuk6xOD1P07ik61Z+PH+0egdG4JCWwANAAqr9DiSV4mCSh0MZgu6hAega0QAiIh8wd5jrVpvcpl67O1UUACY3j8Or/1xQgycAcDNH+1wOabWaMaHGzMBAKnxDQ85aKpBXcNw7UWJ6BMbgttGJbXKNYmI6mJgjYiIiC54OqMZ76w9BZNFgEQC/HbYMYhgS0YxPt2a5XE4QVyoGkq5FDeP6IYVO7IBAONf3YAHL+mJBZf1AQAUVurw4abTMJoF/HroPHrHhrjcXALA2uMFYrbaxD4xrVICRUTkDXupZKXOiFd/PyFub0nGWligEmseGYchL/zpcb9EAggCsPFkEeRSCe4Z18Pr13Iml0nxxg2DWuVaRET1YSkoERERXfBW7MjG+xtOY9mmTHy4MRMWwXX/Mz8fxa4zZQCAqWlx4nb7jeaLV6fjP7cPFbe/sy4DFTXWXkGfbjsjTrlbuj4D1XqT21S8t/48he/25AAALkllqRIR+Y49sHau1LVvpLKF/cgig1WY3j/ObfvSmy9CTIhKfP7GjYMwsGtYi16LiKg9MbBGREREF7yNJ4vctsml7lljMqkEb80ahLljk7H05ovE7RKJBJekxmL+xJ7itl1nSlGtN+G/f50VtxnNAm79eAfyKqx92i7uESnu05ssUMmlGOW0jYiovdkDa3VpDSaP25vj7VmDsfmxiVg0LVXcFqNRoUZvFp9fOTChxa9DRNSeGFgjIiKiC16ubaLnQ5N6idumpMXhsal9XI4LC1BArZDhH5f3w+UD4t2u87cpfXDT8K4AgLs/2430p39Hpc6EpMhA8Zh92eX4cqe1bPSibuEu54/qEQm1ghNBich3PAXWglVy9E8MbfG1FTIpukYEuvShDA9UotZobuAsIiL/xsAaERER+Z3v9uRgya/HXCZptqVag/WmbnTPKAzqGoYrBsRj6eyLMG9sCh6f6sis6BkT3Oi1Rqa4Z5zNHZeCmRd1cdveKzYYfzwyTnx+WT/3MikiovYUVCewtn/xpfjriUkIUbfOpE7AdVpnZJASU2wl9v3iNa32GkRE7YXDC4iIiMjv/O3bAwCACX1i2qU00p4tERaowE/3jxa3y2VS3DehB64clIDPtp3BlPTGA1/jekUjJkTlMvlz5kVdMHtEd7xy3QDM+2w31h4vRESQElPT46CSy7Dl8YnYmlHsMfhGRNSe6g4pCAtUtvpr9IixZqxJJUBogALPX52OfgkafgYSUYfEwBoRERH5FYvT5ICKWmO7vKY9Yy2gnjLMxLAALJret0nXCg9SYvuiScgtq8X9K/bi7rHJYnmnTCrB0tkXYXtmCcb2jILc1gy8S3ggbhzWrRXeCRFR62mrAcWBSjl2PDEJMqkEUqkEEUFK3O/Uo5KIqCNhYI2IiIj8inODbJmHAQKtzWIRxIy1AGXr9DeTSSXoFhmInx8Y47ZPrZBhYh9O/iQi/ydtq8gagFiNus2uTUTUnthjjYiIiPxKlc4RWLO0Q481vckiPq4vY42I6ELUDr/bICLq8BhYIyIiIr/iHFizl2i2JedpdJzISUTkIAEja0REjWFgjYiIiPxKlc7RV825LLSt1NheQyWXtkvpKRFRR9GGlaBERJ0GA2tERETkV5wz1mr0bZ+xpmvl/mpERJ1FdIjK10sgIvJ7DKwRERGRXyivMaCixojKds9Ya3giKBHRheaTO4ahb7wGH9wyxNdLISLye5wKSkRERD5nMltw2ZubUFilxw1Du4jba9qjxxoDa0RELib2ieH0YiKiJmLGGhEREflcUbUehVV6AMA3u3PE7Vp962as6Yxm3PLRDryw6qi4Lb9SBwCICFK26msRERERUefHwBoRERH5XHGVweP2Sl3rBtb2ZpdhS0Yx/rM1SxySkFFYDQDoFRvSqq9FRERERJ2fXwfWzGYznnrqKSQnJyMgIAA9evTA888/D0EQxGMEQcDixYsRHx+PgIAATJ48GadOnfLhqomIiKi5iqv14uORKRHi4zKt54Cbt+xBNIsA7MsuxxtrTuLjLVkAgJ4xwa36WkRERETU+fl1YO3ll1/Gv/71L7z33ns4duwYXn75Zbzyyit49913xWNeeeUVvPPOO/jggw+wY8cOBAUFYcqUKdDpdD5cORERETVHkS2wNr53NL6aNwqf3jEMAFDayoG1kwVV4uN1xwvxztpTqDGYkRoXgmnpca36WkRERETU+fn18IJt27bhqquuwuWXXw4ASEpKwpdffomdO3cCsGarvfXWW3jyySdx1VVXAQA+++wzxMbG4qeffsKsWbN8tnYiIiJquiJbf7WoYBUAR7+zsprWDqxVi48/3XYGgHVowW8PjYVEImnV1yIiIiKizs+vM9YuvvhirF27FidPngQAHDhwAFu2bMG0adMAAFlZWcjPz8fkyZPFc0JDQzFixAhs37693uvq9XpUVla6fBEREZHvHDtv/X9xj5ggAEB4oDWwVqo1uLSAaAlBEHDKKWPNLiJIyaAaEREREXnFrzPW/v73v6OyshKpqamQyWQwm8148cUXMXv2bABAfn4+ACA2NtblvNjYWHGfJ0uWLMGzzz7bdgsnIiKiJtHqTfjl4HlsO10CAOifGArAkbGmN1lQUWtEWGDLJ3aW1xhRVmN02x4epGjxtYmIiIjowuTXGWvffPMNvvjiC6xYsQJ79+7F8uXL8dprr2H58uUtuu6iRYtQUVEhfp07d66VVkxERETN8fyqo3js+4Mo1RqQGBaAi7qFAwCCVHKkRFuz13ZklXp9fYtFQGGlDodzK3As35oVFxmkxJUDE8RjwlshaEdEREREFya/zlhbuHAh/v73v4u90vr374+zZ89iyZIlmDNnDuLirE2GCwoKEB8fL55XUFCAQYMG1XtdlUoFlUrVpmsnIiK6kFTUGLHwuwMortbj/dlDEBeqbtJ5+8+VAwDiNGr8/MAYBKkc/zQZ2zMKmUVabD5VhClpzR8sYLEImPPJTmw+VeyyPVajxi0ju2PlgTwADKwRERERkff8OmOtpqYGUqnrEmUyGSwWCwAgOTkZcXFxWLt2rbi/srISO3bswKhRo9p1rURERBeyt9eewh9HC7A3uxwfbDzdpHNO5FfheL6159lndw0Xyz/txvaKBgD8969sfLb9DCyW5vVaO55f5RZUA4C4UDUClTLxed3XJSIiIiJqKr/OWJsxYwZefPFFdOvWDWlpadi3bx/eeOMN3HnnnQAAiUSChx9+GC+88AJ69eqF5ORkPPXUU0hISMDVV1/t28UTERFdQD7bfkZ83NRhA/f+d4/4ON5DhtvIHpGQSyUwWQQs/t8RhKjluGZwlyavaW92mcftdQNrYYHssUZERERE3vHrwNq7776Lp556Cv/3f/+HwsJCJCQk4J577sHixYvFYx577DFotVrMmzcP5eXlGDNmDFavXg21umklKERERNR8r/1+AhW1Rjx7ZRqq9CaYnYJpBrOlSdfIKtaKj0PU7sGtYJUcA7uGYc9Za4BsZ1YpDudWIk6jxtxxKY1ef192OQDgrjHJKKjUYdXB8wCAXjHBLiWnLAUlIiIiIm/5dWAtJCQEb731Ft566616j5FIJHjuuefw3HPPtd/CiIiIAFTqjAhSyiGTSny9lHZVqTPivfUZAIBL+sYAAuCcpJZTVotPtmbhXGkt0hI0mDnEc5ZZr5hgnCqsxn0TetT7WkmRQWJgbUdWKTKLrMG4W0d1h1ohq/c8ANhny1gb0zMKXcIDxMBan9gQBDhlrDlnrxERERERNYdfB9aIiIj8iSAIOJBTgZ1ZJTicW4mVB/Jw84hu+Oc1/X29tHZ1rrRGfHzv53vQPzEUgDVAVWMwY/OpYpfeZlcOSoBC5uiZWmMwoVpnQmGVHgBwzeDEel/rjtFJ+H5vDgCIQTUAOFVQjf5dQus9r0xrQKYtI25wtzCEBigwKTUGueW1uKh7OOROwVBVIwE6IiIiIqL6MLBGRETURP/enIl//nrcZduKHdl4eFIvxGgunBYE50prxcd6kwW7bRlll/WLxU/789yOL6sxICbE8f255/M9LoG3mJD6J3WnJ4bit4fGYtrbm122nyioajCwZp82mhIdhDBbqefHtw/zeKxa7teznIiIiIjIj/FfkkRERE2wI7PEJag2pmeU+PhUYbUvluQzmcWe3+/dY1Og9BCkKtUaYDBZUKUz4lxpjUtQbUKfaIQGNDw8oG+8Bh/PGYorBsSL207kVzZ4ztHz1v0Du4TVe8zkvrHoGhEgTh8lIiIiImouZqwRERE1wb83Z4qP1/9tApKjgnDrxzuw+VQxcstqGzizc9l4sgivrD4BALhuSBfoTRaM6xWFSX1jERGkxFfzRmLLqWK8seakeE5ptQGPfrMVR/Jcg2HXDE7Ekmv7QyJpvEfdpL6xmNQ3Fhf3yMYTPx7CiQL34J4gCBAEQCqV4IytDDQ5Kqjea/77tiGwCLjgeuQRERERUethYI2IiC5ogiDgTEkNtmYU43h+JWYN64Z0W8+wUq0By7edwf+3d9/hUdXZH8ffM+m9QRISAgm99yIdBARdkWKv6CqKqIisfS0LKvaCrg1F/S2KbWmuCipF6aH3FlpCCyUhhdRJ5v7+mGTIkNBCwkySz+t5fDZz587N9y4nk+TknPPt2bgWC3ccA2DBP/rYkzV1Q3wAOJRWMxJr6TkWRn6xyv74/t4NaBIR4HBOh3ohdKgXQsqpPP5vRSIAe46fKjOp9u7N7S56DY0j/G3XPKNK0DAMbvssnuOn8ri9az1+XGubyxZ7jsSayWTCTTk1EREREbkESqyJiEiNVWg1uPnTFfYZYQCJKdlMu7crAOO+38DiXceZvCABgG4NwmhY299+bt0QXwCSSgzzr86mlqjaC/R2L5VUK2nC0FYcP5XHr5uTeeXX7aWeL28+KzrYlsw8mpFLodWwV5sdy8xjxd4U2+f+3zb7+Q3OkVgTEREREblUmrEmIiI1VmJKFmsST2IyQavoQAA2HUzHMAwAFu867nD+PT1iHR43LUosbT9y7nlfrm7jgTRO5RU4HDMMg/Rsi/1xalY+U5fuA2y7bP44uvt5r3t71/p4upvJtVgB6N4wjNF9GuLhZuKBPg3LtdbwAC/MJiiwGmw7nGHfofS9+bvKPP9cFWsiIiIiIpdKiTUREamxEouSMk0jApjxYHc83cyk51iYv/0Yny3e63BubJgvV7WMdDjWIsqWjNt97BR5BYWXZ9EV7PMlexn64TJen+u42+mXy/bTduLv/LY1GYBpKxLJyi+kZVQgMx/sTtPIs1erFevRqBazx/SwP+4aF8aTg5qy46WrL+j1ZXF3MxNRtAPrkH8vpdcbi1i2+wTfrT5Q5vn+XirOFxEREZHKo8SaiIjUWIlFA+7rh/ni5e5Gr8a2nT5H/WdNqfbFlkVz10qqE+RNsK8HBVaDhDKG6bs6wzB4+RfbfU5bmUiupZBX525n0c5jTPzZ1k75+jxbwm3TwTQAbuoUc0GbDRRrERXIP69pzqCWEfy9Zyxms+mSNwuoF+rr8Pj2z+MpKjJ04KEBaiIiIiJSyZRYExGRGuloRi7fxCcB0CjcNjdtRIe6Zz0/Nsy31DGTyUSLOraqtW2Hq0476MGT2Ww8kMYrv5xOHkYH+/DBwgQ+/Wsv93y52n587/Es8goK2VuUhGwc7l/qeuczqncDPr2zEwHeHpe+eGBou+hSx2r5e7LgH314YlBTRrSPxtvDzNdFs/JERERERCqL+iNERKTGmbclmdFfr7U/vrJZOAD9m4eXeX6fJrW5pXO9Mp9rUSeQ5XtS2FYF5qzlF1iZv/0o43/YYJ97VtKfO4+X8Sr4fvUB+wYNDcuRWKtoQ9tF8eyszQ7HHr+qKQ1r+/NQv0YYhsErw1vj4+nmpBWKiIiISE2hijUREalRdiRnMOab00m1EF8P2seEAODt4cYdVzgm0OY+2ov/+3sXYkJLV6zB6TlrVaFi7Yn/bmTMN+sckmo3d4oBICPHQlLK6d1NS3Z7rtybQqHVwN/LnfAAr8u23rPx83LnigahDsf6Nj2dFDWZTEqqiYiIiMhloYo1ERGpUb5bdQCrAe1igmlTN4ibOsVgLjHz68UhLRnRoS4Na/uTnm2hXhktoCUVJ9a2H8nAMIyLmj92OeQXWFmw/SjTVyWxJOEEAKF+nqRm5QNwVcsIvl9zgMwSu4I+c3UzBreK5Lp/LyM9x0JiUcKtYW0/l7m/KXd1os2/frc/jgzyduJqRERERKSmUsWaiIjUKIt32dodx/RtyMShrWh1xqYEHm5mOtQLIcjH47xJNYD6oX4AZOYVkJ5jqfgFX4SMXAvrk07aH/+16zhNnpvLg9+ssyfV2tQNYs5Dp3fqbBcT7HCNUb3ieKBPQ+qH+XFDR9vMua1F1XgNazu/DbRYoLcHD/VrCNhaQ0VEREREnEEVayIiUmOs3JvC3hNZmE3QtUFYhVzTx9ONMD9PUrLySUzJJtjXs0Kue7Eyci1c/d4SDqXlMOPB7nSsH8Irv2yzPz+6T0N6N6lF6+ggAoqSUj4eboT5n27tfOHaFvy9Z5z9sd8Z7ZRnJiGd7eF+jWkfE0KfprWdvRQRERERqaGUWBMRkRoh11LILVNWAtC9YS2CfCpmh8riawMM/XAZTw1uxrytyUy8riVtz6gGqyyGYTD++40cSssBYH3SSTrUC2bX0VMAPNSvIU8MaubwmpKP37+1PQdPZnN391iHc/y8HH9MaFcvuOIXfwl8PN0Y0CLC2csQERERkRpMraAiIlIjLNxxzP7xuAGNK/TaJTc2eH3eDjYeSGPoh8sq9HOcy86jmczfftT+ePuRTG7/PN7+eFSvBud8/XVtoxjTt5HDrDkA3xKJtVA/T9q4WMWaiIiIiIizKbEmIiLVXkauhVfnbgdsLZGdYkPP84qL88rw1mUeL65kq2wr9qQ4PJ6x7iDLSxwrb3Wev9fpVtDBrSJxd9OPDSIiIiIiJeknZBERqfLScyx8sCCBbYdtO3MCrE08yaz1BzEMg/u+WsOBVFub5LD2FT/oPibUp8zjmbkFZR6vaJsPpQPQp0npWWPD2kWVeydPjxKJtCFttEGAiIiIiMiZNGNNRESqtBV7Uhj99VrScyy8/ccuYkJ9GNe/Cf/4cSNgSw6t2p8KgI+HG80iAyt8Df5eZX87zcy1UDvAq8znLpXVapCckUuIrycz1x0C4KqWEfxVtOtp04gA5j7aq1R758UI9jm9EUOXuIqt8hMRERERqQ6UWBMRkSon5VQec7cks2z3CeZuSXZ47kBqjj2pBvDw9PX2j//3SM9KWY+Ph1uZxyuzYu2pGZv4ce1BrioxvL9ziRbXbg3DLimpBtCjURjPX9uC9vWCcbvEa4mIiIiIVEdKrImIiMswDIN35yfQoJYfw9pHn/W8+6etZW3iSYdjn9/ViRV7U1i2+wQ7kjNLveb6DnVpFO5f4WsGztpqWVmJtROn8vhx7UEAft92etOCBrX8eHVEa9YnneTJwU0v+fOYTCbu7Rl3ydcREREREamulFgTERGXsfFgOu8vSADAy93M1a3rlDrnQGo2axNPYjLBQ30b0bVBKD0b1cJkMjGgqHrrQGo2Ww+nEx3syw2fLCevwMo1rSMvyz2YTWC1jXkjM9dSKZ8jLTu/1LGPbu+Au5uZW7vU49Yu9Srl84qIiIiIiCMl1kRExOmsVgOz2cSOIxn2Y+N/2Ej9MD9aRAWy7XAG/l7u1AvzZerSfQB0bxjG44PKrsqKCfUlJtQXgAX/6IOl0CCull/l3wjQq3FtzCZYtPN4pVWs5eRbHR57uZtpFxNcKZ9LRERERETOTok1ERFxqt+2JvP4jxvp2zScIB/btyV3s4kcSyGvzt3OPT1i+ftXazCZ4PXr27C6aCOC27rUv6Dr1w3xrbS1l9StQRgr9qbwQO8GzNlwGICDJ7Mr5XPlFhTaP+5UP4QnBzcjKrjsnUlFRERERKTyKLEmIiJO9dZvO8nMLeB/Gw/bj43t35h3/tjFkoQTLEk4AYBhwJP/3WQ/p3mdgMu+1nOZencnklKzaRYZSMKxUwBsPZxxnleVT06+LbHWvE4g/32we6V8DhEREREROT+zsxcgIlJVWK0GSxNOkJ5TOXOzaoKCQisfLtrNnzuPYSm08o8fNtqTUMU83Ezc1a2+w0y0LnGhXNvGcd5avdDLU4l2oXw93WkWGQhAyyjb/24/UkmJNYstsebjoW/jIiIiIiLOpIo1EZELNO77Dfy08TC3d63HK8NbO3s5VdLUpft487edAIwf2IQZ62w7W7aLCebVEa1ZuOMYLaMCCfb15P1b2hPsuxWzCf55TQvMZjh4MocNB9IY1i4KdzfXTSo1qG3bffRwei7v/L6T6zvWpX5Y+Wa8bTmUztMzN/Fwv8b0bVqbhTuO8efOYwB4e7hV2JpFREREROTimQzDMJy9CGfLyMggKCiI9PR0AgMDnb0cqWIycy1YCg1C/TydvRSpRL9uPsKYb9YBEBnozcpn+zt5RVVPodWgyyvzScly3NHygT4NGHtlY/y8zv+3nsxcC8t2p9CvWW283F03qWQYBm0m/G7fvCDUz5N1zw+86OukZedz22fxbCuqfGtbN4iNB9Ptz/dpUpv/+3uXilm0iIiIiIgAF5cnct0/94tUAcnpuVz59l/0fXMRp/IqZ/c/cS7DMHhhzhZ7Ug2gXphrtSBWFd/EJ5ZKqvVvFs7Tg5tdUFINIMDbg8GtIl06qQZgMpkcdiFNPeO+L9Sj322wJ9UAh6QaoLZkEREREREnU2JN5BJ8tzqJ45l5ZOQWsPuMOVFgmyd1PlZrjS8adWnbj2TynxWJDsdyLYVnOdu5Uk7lkZ3vWgne37cms3JvCot2HOOFOVtLPX9Dx7qYTCYnrKzyxZaz9bOkv3YdL3UsJvT07p9K6IuIiIiIOJcSayKXYMWeFPvHSanZ9o+z8wsYPW0tLV/8jS2H0tl2OAPLGUm2/AIrt0xZQbuJv7P3eOmknDhfQaGV/1u+3/54ePtoALLzXS+xlpFrofcbi+j+2kK2VdJOlCV9sXQfz8zcdM4k4+z1h7h/2lpumbKSe75aDUCn+iH8Nq43N3Wqyy2dY+jfPKLS1+ossbUuPbHmZrYlHf81pIX9WJCPh/3jzFxVrImIiIiIOJM2LxC5BHtKJMT2Hc+yf/zuH7uYtzUZgGs/WArAE4Oa8lC/RvZzxn67npV7UwF45ZftTL278+VYco1ltRoUGgYeFzjwPn5vCi/+tJUdyZkAjBvQmL5Nw5m1/hA5LphYO5KWS1Z+IeQXcvOUFfz+WG/qBPmc/4Xnsf1IBqP+s4amEQF0axjGD2sOcOcV9Zn48zbAthPm89e2KPU6S6GVZ2dtLnX80QGNaRoZwBs3tL3ktbm6uFqX1jKck19IYVFF6w2dYvjX/2z/n5s4XeF3KlcVayIiIiIizuTyFWuHDh3ijjvuICwsDB8fH1q3bs2aNWvszxuGwQsvvECdOnXw8fFhwIABJCQkOHHFUlMUFFod5kVNW5nIij0pTFuZyB/bjpY6/8tl++0fL999wp54A0gsUe0mleMfP26k3YTfOXAB/18XFFp57PsN7EjOxNPNzL9va8+4AU3wKdqBMccFW0FLVo5l5hbwy6YjFXLdSb9u5+DJHBbsOMbLv2xn19FTPF+ipXPl3hTK2gMnKTXbXtn3aP/GPNC7Aff0iKV7w1oVsq6q4FJbQVOzbe8vHm4m/DxPz5Qzm7DHYqNw/0v6HCIiIiIicmlcOrF28uRJevTogYeHB3PnzmXbtm28/fbbhISE2M954403eP/99/nkk0+Ij4/Hz8+PQYMGkZub68SVS02QmpVPcT4hrpYfJ07lcetnK3l+9hb2p9iSN5/e2ZHuDcMACPC2FYgahsHLv2x3uNa+E1kuO7erOtiRnMGs9YfIyi/kzzNmVlmtBjuTM+3JoZ83HWbIv5dxON32HvLL2J5c2yYKAN+i5IYrVqzlFTi2Gv+86UiZCa+LkZVXwMq9tnbnsLPserv1cAa3fx7v0JKYnV/ArHWHAGgVHchjA5vwzDXNeXFIS3trY00Qd0Yr6Lt/7Lqo1xdXwYb4ejrMoTOZTMx6qDvD2kUx+Zb2l75QEREREREpN5duBX399deJiYnhyy+/tB+Li4uzf2wYBu+99x7PPfccQ4cOBeA///kPERERzJ49m1tuueWyr1lqjmOZeQDUDvDijRvacPOnKyjeh6BdTDADW0QwqGUkraOD6P7aQpJSs1m1L5UZaw+y7UgGXu5mVjzTn0HvLeZ4Zh6fLd7LI/0bO/GOqq/NJXZSPHjSsWLt34t2884fu7itaz3GDWjMuO82UGA1MJvg7Zva0jgiwH6ud4mKNcMwXGrofnFitpa/Jxm5BWw4kMay3Sn0bFwLq9XAZOKC1/vVsn38ues4nWNDsRQa1Av15c/H+7Ln+Ckig7z5fvUBe3LY083M8j0pPDBtLa2ig4gK8mbaykT2FCWFmoQHnOtTVWvBvo7JyMkLEnj4ykbnbUfefyKLJ2dsYtU+W6t4RKC3w/OtogNpFhnIe0qqiYiIiIg4nUsn1n766ScGDRrEjTfeyF9//UV0dDRjxoxh1KhRAOzbt4/k5GQGDBhgf01QUBBdu3ZlxYoVZ02s5eXlkZeXZ3+ckVH5g76l+th4II30HAvpObYKnVr+XnSODeWb+65gzf5U7uxW3+EX6jpB3jSs7cee41nc9OkK+/HOsaGE+nny1OBmPP7jRt6dv4uOsSEX3Cq3IzmDf87aQte4UJ4c3Kxib7Ka2VNi/t3iXScY178QH083ktNzeaeoimh6fBLT45MAiA3z5ct7upSqOPIt0Y6Xa7HiU+KxsxVXrNUN8aVt3SD+b0Ui01clEhnkzTXvL+G+nnHcfkV9vN3NBPt68ufOY3SKDXUYhF+seJbXnztt1X19mtTGbDbZk4z39oyjaWQAraKC+N+mw7wwZyvL96SwvMRmHgHe7lzbJorRfRpU9q27tNevb81TM07PmkvNyi+VKDvTt6uS7Em13k1qM26ALeE+a0x3Zq8/xPirmlbegkVERERE5KK4dGJt7969fPzxx4wfP55nn32W1atXM3bsWDw9PRk5ciTJybYZVRERjrvKRURE2J8ry6uvvsqECRMqde1S/aTnWNh0MI1R/1lDruV0212vxrZEWLeGYXQravssyWQy8c+/NefvX61xOP5AUcLhho51id+bwo9rD/L4DxtZ/GQ/3M+oaClZcfTSz9uYvf6Qfb7b2sSTSqyV4btVSXwdn8ioXg3YkXw6eb79SAajv17Ll3d3ZuLPp2eFuZtNFBSVHD7Qp2GppBqcrlgDOJ6Zx+7jmbSKCiL8PImSy6G4Ys3bw8yw9tH834pEliScwNvDjfwCKx/9uYeP/txDqJ8n13eI5rMl+wD46eEetKkbzCd/7eFwWg7/GOiYtIkN82VUL8fkmMlkolfj2gB0qh9a5nqeGNSUu7rFVvBdVj03d67nkFg7npl33sTa+gNpAIy9spFDEq19vRDa1ws5y6tERERERMQZXDqxZrVa6dSpE5MmTQKgffv2bNmyhU8++YSRI0eW+7rPPPMM48ePtz/OyMggJibmktcr1Vd+gZUbP1nOrqOnHI6H+nk67PR5Nlc2i2DGg93w9XQnK6+AZnUC8fc6/eU3cWgrFuw4xuH0XJYknKBfs3D7c4ZhcP0ny0nPtnB9x7pMXbqv1PUzcy0EeJeuPKqpiufYncor4NHvNuBeNNfr5WGteOnnbfy16ziv/LqdXzcnYzbBL2N72aoHZ2xiUMtIbu1Sr8zruplNeLqbyS+w0vvNRQB0iQ3lh9HdAFtyKzO3gNoBXpfnRksoTqx5ubvRpm4wwb4epGVb2HbYsSI3NSvfnlQDuO2zeFY+25/X5u4AbBWZAEE+Hmx4YeB520frh5W98+V1baPKeyvVWskNT8qy4UCavVqtZ1HyUkREREREXJdLJ9bq1KlDixYtHI41b96cGTNmABAZGQnA0aNHqVOnjv2co0eP0q5du7Ne18vLCy+vy/+Lr6tJz7bwzapEflh9AA83Mzd0rMt9vRrUqOHif2w7ytbD6fy9ZxyB50hMrU08WSqpBvDPa5qX2UpXlo5nqewB8PF045rWkXy9MomFO47xyV97iN+Xyk2d6nJb1/qsT0oD4M3fdtpfs/zpKxn83mIycgs4kp6rxFoJSanZnMorsD8usBrEhvlyW5d6JKZk8dmSffYE5R1X1Kd5nUAAvrqny3mvXT/Ul4Rjp2Nh1f5U0rLzCfb1ZOy36/lz13F+HduTRpd5tlhxK6i3hxk3s4mejWrx86Yj7EjOPOfrTuUV8NfO0xs6bCyaR1c/zPeCZrL5lUgQ92xUi06xIdQJ8i41X0xsTmTmnfP5ZbtP2D9uUzeospcjIiIiIiKXyKV3Be3Rowc7d+50OLZr1y7q168P2DYyiIyMZMGCBfbnMzIyiI+Pp1u3bpd1rVVNTn4hbSf+zhvzdrI/JZuEY6d4de4Obpmyotw7CeZaCvl502Emz08gO7/g/C9wsn0nshjzzVrem59Al1fmn3Onx6RU24yubg3CmDWmO1snDCL+2f5c37Fuha2nZyNbdcq0lYnEF1Ws/LDmIMM+XFbq3K/u6UxUsA9RwT5A6YH8NdWR9Bx2Hc3kj21HAdsmEjMe7M4393VlxoPdMZtNjOhw+t8swNud8QObXNTnaBVdOtkx7MNl7Dl+it+3HSW/wMr0+AOXdiPlcLoV1Nau2qeJY7XTmQnz169vbf/4oenrSl2va9zZE8FnuqVzDAHe7kwY2pJxA5pwc+eyK/4ETpxyTKztTM7kVJ5ts4kth9JJKtpReNyAxg6txyIiIiIi4ppcOrH22GOPsXLlSiZNmsTu3buZPn06U6ZM4aGHHgJsc37GjRvHyy+/zE8//cTmzZu56667iIqKYtiwYc5dvItbue/0kPErm4XbW+VW7z9JWralXNe88ZMVPDx9Pe/O32UfAu+qCgqtjPt+A5ZCWxIx12Lli2WlWyzB1mb5/oLdADSO8Kd9vRD8vNzPOyfpYvVtWpu6IT7nPCeulh8zx3Snb1Nbq2iLKFul1Yy1h7AUWs/10mrPajW48ZMVDHpvsX3Hyus7RNOxfgg9GtUizN9Wpdq8TiAP9m1ILX9P3ru53UVXVvVucnpzief+1hyA/SnZ3Dplpf345kNp5FoKK/XfJDPXwrLdJ7AWzYUrrljzcre9rZdMrMWE+rB94mCigmwx26C2Hzd3rkfsGW2c00d15dYu9QjwduemThfeHv/qiNasfW4gDWv7X9I91QQlW0Hj96Yw6L3F9H1zEcM+XMa1Hyxl3wlbEv9sLbYiIiIiIuJaXLoVtHPnzsyaNYtnnnmGiRMnEhcXx3vvvcftt99uP+fJJ58kKyuL+++/n7S0NHr27Mm8efPw9nb+MHFXZbUafLxoj/3x+7e2Z33SSe6cugqAtBwLIX7nTjak51hIy86nfphtwHtGroXNh9Ltz7/8y3YKrQYP9GlYCXdw6Z6bvYWNB9JwM5sY2DyCeVuTmbwggdu71nNItORaCrn7y9UcSssBsN9vZfD2cOPre7syf/tRktNzSc7IJdDHg+nxSUQGevPmjW3oEheKl/vpKpabOsUwc90hftl8hOOZeXx9X1c83V06X37B8gus/LDmAAOaRxAZdP6v5/nbj3LwZI79sbvZxN/alD3n66nBzXhyUNMLanU807B20fbW2zu61mPLoXRmbzjMsRItfqv3n6TZ8/PoUM9WMVeez3M2xzJzmbXuEF8u209yRi6togP56p4uTJ6fAJyuWCu5oUL7mBA83c3898HuLNh+lKHto0tdd+OLVxHk40H3hrWYNLzVRa3ZZDLh6V5zWsgvRclW0DkbD9uOnTqdbCt+H60XqsSaiIiIiEhV4NKJNYBrr72Wa6+99qzPm0wmJk6cyMSJEy/jqqq2b+ITWbU/FV9PN34b1xt/L3d6Na5NdLAPh9JySMvOB86eQErPsXDN5CUcz8zjzyf6EhXsw5G03FLnvTZvh0vMbMu1FPLUjE2cOJXH04Obk1dQyHerba16Q9tG8cYNbRj47mL2nchi9vpD3N0jzv7aF+dsZW3iSQAGtYxgWLvKHcgeW8uP+0rswGi1GlzVIoJW0UHU8i89F/CKBmF8cGt7npm5mVX7U5m//SjXtK5T6ryq6F//28r0+CT+t/Ew3z9w7tbu/6zYzwtztjoc69OkNqHnSBCXN9llMpkY0/f0hhXv3tyO7Ucy2Xm09CyzdUlpfBOfRNe4UBrW9sd8iV8LxzPzuGbyEodEzJZDGXR6eb79sVeJxOrUkZ34avl+nr3GVlkXFezDnSV26nxsYBMmz0/g9RvaOMwKrMhEoDg6UaJi7XgZ89Zyilp664VWXhJfREREREQqTvUobZELNmXxHp4vSkA8OagpMSWqIkL8bL9Yn68V9MU5WziUlkN+odW+g+Dhooqukr/UGwasSzpZkcsvl0//2sucDYdZtjuF0V+v5dHvNtife2V4a9zdzNzTIxaA71YfwDAMjmbk8u2qJL5fY0vATbu3C5/e2cneTni5mM0m+jYNLzOpVmxI2yhu7mxr21uxJ+Ws51UlhmHY24mL582dyzcrbecObRdF/2bh1AnyZnTfy1MtaTKZGN7hdAXYkLZR+Hqerip8bvYWBr67mA8W7i735/hz5zGu/WAJj32/gROn8gn0due1Ea1pULt08iWrxKzA/s0jmHZv17NW/A1tF83Cx/vSOfbC56nJpSmuWDuakWufBXgmX083avlr8wcRERERkarA5SvWpGK89PM2ftuabG+VCw/wcqhcAQj2sf0il5aTf+bL7Yrb3ortLZoHlJRqG7jdq3Ft7usVx+vzdrA+KY1fNx9x6i/tSSnZfPTn6YRGcUsnwAN9GuBTlAAZ2jaal3/Zzo7kTL5ddYAXf9pin78WFeRNz0a1cGXFmxik5VhIOZXHCz9t5caOde2z2KqSQqvBd6sdZ/Tl5BfyzMxNHDyZw02dYnAzm2gaGUCr6CDSsy32arGnr25GnaBzz6mrDEPbRfH6vB0YBrSKCuSxAY1JTs/l+TlbSE7PJSu/kHfn72JMv4Z4uJ397xlzNhxixrpD3No5hsGtIjGZTCSmZHHPV6spuafIqF4NuKVLPZrVCWTYh8vw83QjItCbAyezGdg84jLcsZTXtiMZrNmfypH00lW+xeqFXtiOrCIiIiIi4nxKrFVzlkIrCUdPMXWp42D+X8b2KtWiGex77oo1wzB48Ju1Dse2Hc4AYPV+W1VRy6hArmgQxpi+jRj1nzXM3ZzM839rccktcOX137UHyCuwckWDUGJCfPlx7UFqB3jx71vb07VBmP28IF8PbuxYl2/ik3h21maHa/RpWtvlf8kNLmrj+9/Gw1itBr9sPsIvm46w6V9XEejtcZ5XX5hCq4HVMM6ZGKoIb/2+k4//3ONwbMa6g/aE7prE01WQ/ZuFs3T3CcCWLI6s4A0lLlSdIB/6NKnNnzuP0yjcnwa1bf8t+EdfDqXl0OO1hQBMWbyXh/o1KvMauZZCXpizlfQcC4t3HefR/o15bGATpq1I5MyNeq9qGQnYdj2dNaY70SE+hAd4k1dQ6DCDT1zTDZ+s4IoGZ/+Dw/k2MREREREREdehxFo19slfe/h8yT5OnLK1HsXV8mPS8NY0iwwoc3OC4nbDQyUGwBczDIMvlu3nQKrtuS6xoazan8qShONYCq2s3GtrQexRVNnVq3Et/L3cSc7IZeXeFLpXQsVXWnY+245kcDLLwpXNwu3VZyUdKLqXPk3CGdUrjmvbRtEmOqjM+7+3ZxzflLGb6fUd6lb42itayflYv2w+Yv948vwE9p/IYnCrSG68iF0ez3QkPYe7pq4ir8DKH+N7V1jy5mhGLuEBXg6Jy2krEu0f+3u5cyqvgNnrD5X5+gU7jgHg6Wbm9evbODUBOvnm9qxNSqXfGVWCUUHehAd4cSwzj9+3HS0zsWa1Glw9eQnpOaeT2iv3ptiTpABv3NCGXzcfoXmdQJpGBtjPa18vxP6xkmquaerITjw8fb19fhrAyr1nb3F29lxKERERERG5cJqxVk3tP5HFa3N32JNqACPaR9OtYdhZd/xsFR0EwMaDaQ7HD6Xl8Lf3l/LSz9vsxyYMbYm3h5mM3ALmbknmxKl8vD3MtIsJBmw7Ew5sYWtJ+8ePG8nOL6jAu4PtRzLo8soCbvssnoemr2PK4r1lnlc8+y0q2Bt3NzN9mtQ+6/3H1fKjVXQgPh5ufHZXJwACvd3pWD+kzPNdSXG14ZmmLt3Hgh3HeOK/m5izwTE5dSgth9fm7iA16+ytvwApp/K4ZcpKEo6dIik1m8NlbFRRHrPXH6LrpAVM+nU7AMv3nCA922Kf0/faiNb0b25LUhVXqT02oAnrnx/I/b1Pb/BwU6e6/PpoT/o1c27ba5CvB1c2iyiV3DOZTMx+qAcAmw+mkVsiuQKQlVfA4oTj7Ctqqx7U0vZ1k5SazV+7jnMkPRd/L3euaxvFV/d04anBzS7D3UhF6t88gm0TB531+cEtI5k0vLX9cUAFVZmKiIiIiEjlU8VaNTVvazIA7esF8+YNbTmQmk3fprXP+ZripNj6pDQOp+XY53a9MHsL245k4Ofpxp3dYhk3oDHeHm5EBfmw90QWY79dD0DvxrXxLLF5wWMDmrBo5zGOpOcyc90h7rii/gWtfdrKRD5etJuv/t6FJhEBZZ7z6+Yj5Bda8XAzYSk0eH9hAg/1a0ihYZBfYMXP0x2z2cThdFtiLTr4/K1VJpOJb+67gpz8QiKDvJk1pjtRwT4u3wYKZ0+slfTodxsY2u70kP3nZm1m0c7jLNpxjN8e613ma3LyC7lj6ioSU7Ltx05m5xN3jl1jL0Sh1eCfRS23ny3ZR3iAN6/8up3oYB9SihJ9f2tTh0bh/szdkkx+gRWAno1rEeLnycjusfxv42GuaxvFM0U7XrqyOkHeBPt6kJZtYfexU7SKDsJqNViw4xij/rPGfp6fpxsvDWvFb1uPciQ91/61dWOnunh7qBqtKjvb+4iXu5mPbu+A2Wwiv6CQr+OTeLR/48u8OhERERERKS8l1qohS6GVjxbZBvYPbhlJo3B/GoX7n/d1DWr5EeDtTmZuAd1fW8j88X2Iq+XHiqI2z2n3daVDibazoBLJnMbh/kwa0drhevXCfBnePpovl+3nQGo2FyI1K5/nZ28B4PnZW/j+gW5lnhdf1EZ1S+d6TFuZSKHVoNE/59qfbxoRwIe3d7BXV9UN8S3zOmcK8vGwt1WWbLFzdUE+p6vwusaFEuTjwfI9KYzp15A35u20P7c04QTfrU7iub+1YFXRbps7j2ZSaDXKbD/bdDCN7Udsc/TMJrAakH6eXWPLkmspZOa6Q2w6mMaYvo2Yt/WIw+6VrxRVrRVvLlHL35MAbw86xYay9Ml+7D52iloBXvZEa3SwDyue6X/R63AWk8lEs8gAVu5NZUdyJi3qBPLIt+sd2nb7NKnNuze3I8TXg6ggbw6n55KZV0CDWn48MaipE1cvFSXQ252MXMfq3eHto+0zKO/uEcfdPeKcsTQRERERESknJdaqoW2HM8jILcDfy52/97zwX9LMZhNt6gaxbLctkfbDmgOM6BBNdn4hfp5utK0b7HD+yRIthNNHXWGf0VZSRNEw+eOZeaWeK8v7CxLsH8fvS2Xcd+t568a2uJ8xML94N9LhHaJZnHDcoaIKbMmiAe/8BdiqhSKDnDPU/nKp5e/JiA7RzN92lPEDm9C1QRiGYZBXYHVIrN3z1SoshQbrk9KICfVlR7JtN83tRzIotBrkWAq5osSmDseK/t061Q/B28ONpbtPcM9Xq/nrib54e7iRlm1xmPdVln8vTOCt33fZHy/bcwJzUfXOTZ3q8sOag6VeE1FiE4LwQG/CnbQpQUVqFhloS6wdyeC9lCyHpNozVzfj/t4N7FVNz1/bgjHT1+HhZmbyLe3x9dRbdXXw66O9WL0/lfE/bLRvSOHnpX9bEREREZGqTD/RV0Nri+ZRdY4NuegdHEu2THq4mdiQlAZAm7rBpSqaxl/VlHHfreftm9pSO6B0Ug1sOzUCHD+VR05+YZkbDJR08KRjgmz2hsPc16uBff4bQHJ6rn12XMPa/vz5eF+u/3g564rW6m42EeLnaU/mlUwUVVcmk4l3bmpX6tiZ7YOWQttv84fScvBwO/3v+dPGw0yPT+JUXgHv39qe69pGAacTohFB3hQWnt6a8v0Fu1mx5wSH03N5ZXgrbu969jbfJQknHB4Xb4AB8FC/RjQK92fSrzsY0DyC+duPAjgMea8uihOQqxNPsuVQOgAvXNuCfs3Ciavl2Fp7des6/PxIT7zc3S6o2lSqhrohvtQN8WXRjuP8tNG2y63rN5qLiIiIiMi5aPOCaqhZZAA3dKzLVS0jL/q1JVs9Nx/K4OmZtjlYbYvmr5V0Xdsodrx0NcPbn33XzOKE25KEE7SZ8JtDRVpZjqTbWje/uLsTzesEAjhswPDTxsNc8eoCwDZXLMjHA5PJxORb2jP5lnbsevlqdr18Nb+O7UWbukEE+3rwYN+GF3DnNY+lRKJsyuK9nMqztaj9d62tgswwDN763VbtFh7gRVKJdt6FO45yuOjfav62o6WunWspxDAMCgqtxBe1nD57TTOGt492OK9OkA/3927I/tf+xucjO/HWjW0xm+Dxq6pf62OzosTaxgNpFFoNavl78feecaWSasVaRgUpqVZNvTy8lf3j+mEX1qYuIiIiIiKuSRVr1VD3RrXo3qhWuV57U6cYpizZy97jWSzeddx+vHinwjOV3KygLCVb+iyFBu/8sYux5xjMXZxYqxPkQ1jR7p1jv13PH+P7sOfYKfsw90Bvdx7u18j+uphQX2JCT/+CWjvAizkP9SDHUljj2+g6x4awev/Jsz4fHexjn20GsHJvCvO2JGMptJJdNAct1NeTe3rE8sR/NwFwssSctc2HMjAMw97GuHJvCvd+tZrGEQH4eZ2umOvesBbXtY1m1vrTu5OeGT83dKzL0HZRF11pWRWcuRFHYyXNaqxAbw+WPNmPuVuOMLzD2f8wISIiIiIirq9mZxykFLPZxItDWjLyi1UAhPl58v0D3cpdOVMvtHQ1xgcLEnj4ykYcy8wjM7eAk9n53PjJitNrMEFUkA9h/rbEWkZuAV0nLbA/H+TjwdrnBpSau3Ymk8lU45NqAF/f15VthzMY/tFy+7ERHaKZue4Qd15Rn7ohPrw6d4f9ufwCK6O/XutwjcGtbJtg+Hq689D0dQ7PnTiVx0s/b+eBPg2ICPTmg4UJZOUXsuFAmsN5wb4eRAZ5s/iJfjz+40aubB5e5nqrY1INSs/SuqdHrHMWIi4hJtSX+3urmlZEREREpKpT1kFKKa4UA7i5c8wltaOdOeML4O0/dpFbUMjnS/ZhGJBfaHV4fvzAJgT5ehBaYh0lxYb5njepJqd5ubuV2uH0jevbMLhlJFc0DMPTzcz+lCxOZlnw8XRzqCgDWP70lUQVzd4b1DKCGzvW5VReAVc2C2dnciafL93HF8v28dvWZH5/rLfDDLWSgn1t/571wnz5YXTZu71Wd+/e3JY5Gw7z+vVtHKo5RUREREREpGpSYk1KKa4UAypkN81O9UNYk+jYivjhoj1lnvv1vV3p2djWxhp5lsRD7ya1L3lNNVGTCH92HT1F/2bhuLuZHWbwvTqiDWCbl1YysXZ391h7Ug3A3c3Mmze2tT9OTs/l86X7ANuGCL9vS+ZwUVvpimeuZNW+VB79bgMAfufZuKImGN6+7jlnEoqIiIiIiEjVosSalFKyUqwiWikn39qelXtS+MePG895XsmkGtjmvR3NyKNtTBAbD6Tz+7ZkJg1vTfeG1X+Xz8owdWRnpq1M5ME+Z28/69csnLH9G9MyKpBmkQEOu8SWJTLIm4f7NeLfi3YD8P3qAxRYDTzcTIQHeNO/eQQRgV40jQy0z2ATERERERERqS5MhmEY5z+tesvIyCAoKIj09HQCAwOdvRyXEPv0LwBMu7cLvRpXTIVYt1cXcCQ9l+4Nw1iTeJL8AismEwxuGcmk4a0JOUvrp7i+37Ym88C003PZ6of58tcT/QDbzDZ3swmzWYk1ERERERERcX0XkydSxZqU6Y3r27DzaCY9y7m7aFn++2B3Nh9Mo3eT2uRZrPh5uVNoNfBRi2CVd+YmFXVDTle6nW/nWBEREREREZGqSok1KdNNnWMq/JrRwT721kJfFadVKzFnJtaCS+8GKyIiIiIiIlLdqJRERC6Zv5c7zeucLo9tGO7nxNWIiIiIiIiIXB6qWBORCvHj6G4s2nGMgydzuK1rfWcvR0RERERERKTSKbEmIhXC38udIW2jnL0MERERERERkctGraAiIiIiIiIiIiLloMSaiIiIiIiIiIhIOSixJiIiIiIiIiIiUg5KrImIiIiIiIiIiJSDEmsiIiIiIiIiIiLloMSaiIiIiIiIiIhIOSixJiIiIiIiIiIiUg5KrImIiIiIiIiIiJSDEmsiIiIiIiIiIiLloMSaiIiIiIiIiIhIOSixJiIiIiIiIiIiUg5KrImIiIiIiIiIiJSDu7MX4AoMwwAgIyPDySsRERERERERERFnKs4PFeeLzkWJNSAzMxOAmJgYJ69ERERERERERERcQWZmJkFBQec8x2RcSPqtmrNarRw+fJiAgABMJpOzl3PJMjIyiImJ4cCBAwQGBjp7OVKDKRbFVSgWxVUoFsVVKBbFVSgWxVUoFqUkwzDIzMwkKioKs/ncU9RUsQaYzWbq1q3r7GVUuMDAQL0hiEtQLIqrUCyKq1AsiqtQLIqrUCyKq1AsSrHzVaoV0+YFIiIiIiIiIiIi5aDEmoiIiIiIiIiISDkosVYNeXl58eKLL+Ll5eXspUgNp1gUV6FYFFehWBRXoVgUV6FYFFehWJTy0uYFIiIiIiIiIiIi5aCKNRERERERERERkXJQYk1ERERERERERKQclFgTEREREREREREpByXWREREREREREREykGJNREpN+19IiIiIiIiIjWZEmtVTHJyMocPHyYnJwcAq9Xq5BVJTZWZmenwWEk2cZbi90MRV6H3Q3G2goICZy9BBIBTp045ewkiACQmJnLw4EEACgsLnbwaqW5Mhn76qxIsFgsPP/wwv//+O6GhoQQEBDBv3jy8vb2dvTSpYSwWC4888ghbt24lPDycoUOHctdddzl7WVIDWSwWxo4dy/79+6lduzZjxoyha9eumEwmZy9NahiLxcLkyZNp2LAhw4cPd/ZypAbLz8/nueee48SJEwQHB/Pwww/ToEEDZy9LaqD8/Hz+8Y9/sH37dgIDA7n55pu56aab9D1anGLOnDkMHz6c6667jtmzZzt7OVINqWKtCjh06BC9e/cmISGB6dOn8+ijj3LgwAGefvppZy9Napi9e/fSuXNnduzYwZNPPklQUBCvvfYao0ePdvbSpIZJTk6ma9eubNq0iSFDhrBp0yZGjx7Nm2++CaiaVy6fuXPn0rZtW5588klmzJjB4cOHAVWtyeX3448/EhcXx5o1a6hbty7ff/89o0ePZvny5c5emtQw06ZNIzY2li1btjBy5EgyMzOZPHkyv/32m7OXJjXUqlWr6Nq1KwcOHGDGjBmAqtakYimxVgUsWbKEnJwcpk+fTrdu3bjrrrvo2bMnAQEBzl6a1DBz584lJCSEX3/9lSFDhjB16lTGjh3LlClTmDlzppIZctksW7aM/Px8fvjhB8aMGcNff/3F8OHDefHFF9m6dStms1mJDal0WVlZzJo1i4EDBzJp0iR27tzJnDlzAFSVIZfVhg0b+PLLL3nkkUdYuHAhEydOJD4+nt27d7N//35nL09qkF27dvHTTz/x5JNPsmjRIu68806mTp3K3r17cXd3d/bypIYp/t0kPT2dzp070759eyZPnozFYsHNzU0/K0qFUWKtCkhLSyMhIYHIyEgAjhw5wqZNmwgNDWXp0qVOXp3UJLt376agoABfX18Mw8BkMtm/IU2aNImUlBQnr1Cqu+IfkI4fP87JkyeJjo4GICgoiAceeICePXvywAMPAEpsSOXz9fXl7rvvZsyYMTz99NPUq1ePuXPnsmnTJkCVk3L55Ofn06JFC/toBovFQt26dQkJCWH79u1OXp3UJLVr1+aJJ57g7rvvth9LSUmhbdu2+Pv7k5eX57zFSY1T/IfW3bt3c8cddzB8+HBSUlL4+OOPAdt7pUhFUGLNxaxatQpw/GG8W7duBAUF0bVrV2644Qbq1atHUFAQv/zyC9dccw0TJ07Um4JUuLJiMSAgAG9vb3799Vd70mLZsmVMmDCBLVu2MG/evFKvEblU//3vf5k/fz5HjhzBbLZ923JzcyMyMpIlS5bYz4uMjOTpp59m9erV/PHHH4Da8aRilYxFsCVvu3fvTtOmTQEYPXo0Bw8eZNasWRiGYY9XkYpWHIvFrcddunThrbfeIioqCgAPDw/S09PJysqiR48ezlyqVHNnvi+GhITQpUsXgoODAXj44Yfp0qULx44dY8iQIYwYMcLhe7dIRTkzFsHW7mkymXBzcyMvL48rrriC4cOHM3XqVO644w7eeecdJXulQugnPhcxe/ZsoqOjueaaa9i/fz9ms9m+o1Pbtm1Zvnw5EyZMYPv27XzxxRf8+eefzJ8/n48//pg33niDo0ePOvkOpLooKxbz8/MBuPXWW/H39+e2227jlltuISAggISEBO69916GDRvGjz/+CKBfJqVCTJs2jYiICN58801uu+02brzxRmbOnAlAp06dyM3NZfny5fb4BGjVqhWDBw9m2rRpgKrWpGKUFYvFw4+tVqs9gTtw4EC6devGokWLWLhwIaDkrlSsM2PxpptusseiYRgOf9hKS0vDarXSuHFjJ61WqrPzvS8WS0lJ4eeff2bp0qXMmTMHPz8/nnrqKSetWqqjc8Wim5sbJ0+eZN26dXTt2pWwsDCys7PZtWsXM2fOZODAgXh5eTn3BqRa0G+/LuCbb75h0qRJ9O7dm+bNm/Paa68BOMwhiI2N5eTJk7i5uXHHHXfYv2H17NmT/Px8e9uJyKU4Wyx6enpiGAbNmzfn/fff591336VWrVp8/fXXxMfHExUVRX5+PvXq1XPyHUh1UFBQwOTJk3n11VeZNGkSS5YsYfbs2TRs2JDPP/+cnJwc2rdvT8+ePZk5c6bDYO6IiAg8PDyU3JUKca5YnDJlCnl5eZjNZkwmk/378iOPPEJubi5z5swhKysLwzDYtWuXk+9EqroLiUWTyeQwX/LPP/8EsFexAaSmpjpj+VKNXOj7YnGBwPTp0xk0aBB+fn72Ct/c3Fx7taVIeV1ILALk5OTQp08fZs6cSZs2bZg2bRoDBgygfv369u/d2shALpV+83Ci4i/gRo0a0b9/f15//XWuu+46/vzzT/sPQyW/yIvbSo4dO2b/pfGXX36hQ4cOdOnS5bKvX6qPi4nFmJgY7rnnHv79738zdOhQwLZDY1JSEo0aNXLK+qV6ycrK4vjx44wcOZJ77rkHT09PunfvTosWLcjIyLBXqE2YMAGLxcKUKVM4dOiQ/fU5OTmEhoY6a/lSjZwvFot/cYTTc1yaNWvG8OHDWbNmDS+//DKdO3fm9ttv1w/tckkuJhaLK3Vnz57N3/72N3x8fNiwYQNXXXUVL730kqoo5ZJcaCy6u7vb5/EWKywsZM+ePXTq1Mkh4StSHueLxeJRSYWFhfzwww/cdddd9O7dm4SEBF5//XViY2MZP348YKtsE7kU2prFCRISEmjUqJH9C7hr16507NgRd3d3rrnmGpYuXcqbb75J3759cXNzw2q1YjabCQ8PJzg4mAEDBvDwww8THx/PnDlzeP7556lVq5aT70qqoouJxbJ+QEpMTMTd3Z2nnnoKq9XKiBEjnHUrUsUVx6LJZCIoKIgbbriB1q1bYzab7e+BMTExZGVl4ePjA9hmqj377LO8//779OjRg7Fjx7JhwwbWrFnDM8884+Q7kqrqYmLRw8PD4bXF75H9+/fn+eefZ+XKlYwaNYoPPvhAP7TLRbuUWMzKyiIjI4OuXbsyZswYpkyZwi233MIbb7yhFnm5aOWNxeJYy8nJITU1lX/961+sW7eOTz75BKDUz5Ui53Mxsejp6QnYigK+/fZb4uLi7MUowcHBDBs2jMzMTPsfGxSLcilUsXYZ/fDDD8TFxTFkyBCuuOIKvvjiC/tzxT9wt2zZkmHDhrF//36+/PJL4PScggEDBjBp0iTi4uKYNWsWqampLF++nHHjxl32e5GqrbyxWPKv3Dk5OXz++ee0adOGpKQkfvzxR7WCykU7MxanTp0KQLt27Rz+sAC2Ct127drh6elpr1q74YYb+Pbbbxk0aBBLliwhJSWFxYsX07NnT6fdk1RN5Y3FM6vWPvnkE7p06UK/fv3YvXs3n376qf2He5ELURGxuHv3bhYtWsRtt93G+vXr2bx5M19//XWpBJzIuZQ3FktW6M6cOZOnn36ajh07snv3bn7++Wf69u0LKJEhF668sVhctXbzzTfbk2rFv8/cd999PP7445hMJsWiXDpDLovff//diI2NNT788ENj3rx5xvjx4w0PDw9jypQpRnZ2tmEYhmGxWAzDMIyDBw8a9957r9G5c2cjMzPTMAzDyM3NtV+rsLDQSEtLu/w3IdXCpcZifn6+/VobNmww/vrrr8t/E1ItnCsWc3JyDMMwDKvValitViMnJ8do06aNMW3atLNer/g1IherImNx48aNxvfff385ly/VSEXF4uLFi42+ffsaf/zxx+W+BakmKioWt27darz11lvG/PnzL/ctSDVRUbFYUFBwuZcuNYhaQSuZUVTivGLFCsLCwhg1ahQeHh4MGjSI3NxcpkyZQq1atRg+fLh9s4Lo6GiGDx/Oxo0beeuttxgxYgT//Oc/+eijj4iJicFsNhMUFOTkO5OqpjJisW3btk6+K6mKLiYWi/+CmJqaam9rAlsrwMcff8w777xjv663t7dT7keqrsqIxTZt2tCmTRun3ZNUTRUVix999BHvvvsuvXr1YtGiRc68JamiKjoWW7RoQYsWLZx5S1JFVfT3aI1kkMqkVtBKVvxFvm3bNho2bIiHh4e9JPXll1/G29ubOXPmkJycDJweEN+vXz+6dOnCxIkT6dixIxaLhfDwcOfchFQLikVxFRcbiwDz588nJiaGOnXq8Oijj9KiRQsSExOxWCwaxC3lplgUV1FRsZiUlITFYrGPERG5WBUdi3pflPLS92ipSpRYq2B//PEHY8eO5b333mPVqlX24/3792fu3LkUFhba3xRCQkK46667WLFiBTt37gRs862ysrKYMmUKn376KX369GHdunXMmzcPLy8vZ92WVEGKRXEV5Y3FHTt2ALa/WP78889s2bKF2NhYFixYwIoVK5gxYwYeHh6aiyEXTLEorqKyY7F41pDI+eh9UVyFYlGqMn3XrSBHjhxhyJAh3HHHHaSmpvLFF19w1VVX2d8U+vTpQ2BgIBMmTABOD00cNWoUGRkZrF+/3n6txMREvvvuO7788ksWLVpE69atL/8NSZWlWBRXcamxuGHDBsC2UUZOTg5+fn58+OGHbNmyhU6dOjnlnqRqUiyKq1AsiqtQLIqrUCxKtXAZ57lVW1lZWcbIkSONm2++2di7d6/9eJcuXYy7777bMAzDyMjIMF5++WXDx8fHSEpKMgzDNmTRMAyjT58+xn333Xf5Fy7VjmJRXEVFx+KaNWsu4+qlOlEsiqtQLIqrUCyKq1AsSnWhirUK4Ovri5eXF3fffTdxcXH27c6vueYatm/fjmEYBAQEcNttt9GhQwduuukmEhMTMZlMJCUlcezYMYYNG+bcm5BqQbEorqKiY7Fjx45OuhOp6hSL4ioUi+IqFIviKhSLUl2YDENT/CqCxWLBw8MDAKvVitls5vbbb8fPz48pU6bYzzt06BB9+/aloKCATp06sXz5cpo1a8b06dOJiIhw1vKlGlEsiqtQLIqrUCyKq1AsiqtQLIqrUCxKdaDEWiXq2bMno0aNYuTIkfbdmcxmM7t372bt2rXEx8fTtm1bRo4c6eSVSnWnWBRXoVgUV6FYFFehWBRXoVgUV6FYlKpGibVKsnfvXrp3784vv/xiL0nNz8/H09PTySuTmkaxKK5CsSiuQrEorkKxKK5CsSiuQrEoVZFmrFWw4jzl0qVL8ff3t78ZTJgwgUcffZRjx445c3lSgygWxVUoFsVVKBbFVSgWxVUoFsVVKBalKnN39gKqG5PJBMCqVau4/vrr+eOPP7j//vvJzs5m2rRphIeHO3mFUlMoFsVVKBbFVSgWxVUoFsVVKBbFVSgWpSpTK2glyM3NpXXr1uzZswdPT08mTJjAU0895exlSQ2kWBRXoVgUV6FYFFehWBRXoVgUV6FYlKpKibVKMnDgQBo3bsw777yDt7e3s5cjNZhiUVyFYlFchWJRXIViUVyFYlFchWJRqiIl1ipJYWEhbm5uzl6GiGJRXIZiUVyFYlFchWJRXIViUVyFYlGqIiXWREREREREREREykG7goqIiIiIiIiIiJSDEmsiIiIiIiIiIiLloMSaiIiIiIiIiIhIOSixJiIiIiIiIiIiUg5KrImIiIiIiIiIiJSDEmsiIiIiIiIiIiLloMSaiIiIiIiIiIhIOSixJiIiIlINGIbBgAEDGDRoUKnnPvroI4KDgzl48KATViYiIiJSfSmxJiIiIlINmEwmvvzyS+Lj4/n000/tx/ft28eTTz7JBx98QN26dSv0c1oslgq9noiIiEhVo8SaiIiISDURExPD5MmTefzxx9m3bx+GYXDvvfdy1VVX0b59e66++mr8/f2JiIjgzjvv5MSJE/bXzps3j549exIcHExYWBjXXnste/bssT+/f/9+TCYT33//PX369MHb25tvvvmGxMREhgwZQkhICH5+frRs2ZJff/3VGbcvIiIictmZDMMwnL0IEREREak4w4YNIz09nREjRvDSSy+xdetWWrZsyX333cddd91FTk4OTz31FAUFBSxcuBCAGTNmYDKZaNOmDadOneKFF15g//79bNiwAbPZzP79+4mLiyM2Npa3336b9u3b4+3tzahRo8jPz+ftt9/Gz8+Pbdu2ERgYSO/evZ38/4KIiIhI5VNiTURERKSaOXbsGC1btiQ1NZUZM2awZcsWlixZwm+//WY/5+DBg8TExLBz506aNGlS6honTpygdu3abN68mVatWtkTa++99x6PPvqo/bw2bdpw/fXX8+KLL16WexMRERFxJWoFFREREalmwsPDeeCBB2jevDnDhg1j48aNLFq0CH9/f/t/zZo1A7C3eyYkJHDrrbfSoEEDAgMDiY2NBSApKcnh2p06dXJ4PHbsWF5++WV69OjBiy++yKZNmyr/BkVERERchBJrIiIiItWQu7s77u7uAJw6dYohQ4awYcMGh/8SEhLsLZtDhgwhNTWVzz77jPj4eOLj4wHIz893uK6fn5/D4/vuu4+9e/dy5513snnzZjp16sQHH3xwGe5QRERExPncnb0AEREREalcHTp0YMaMGcTGxtqTbSWlpKSwc+dOPvvsM3r16gXA0qVLL/j6MTExjB49mtGjR/PMM8/w2Wef8cgjj1TY+kVERERclSrWRERERKq5hx56iNTUVG699VZWr17Nnj17+O2337jnnnsoLCwkJCSEsLAwpkyZwu7du1m4cCHjx4+/oGuPGzeO3377jX379rFu3ToWLVpE8+bNK/mORERERFyDEmsiIiIi1VxUVBTLli2jsLCQq666itatWzNu3DiCg4Mxm82YzWa+++471q5dS6tWrXjsscd48803L+jahYWFPPTQQzRv3pzBgwfTpEkTPvroo0q+IxERERHXoF1BRUREREREREREykEVayIiIiIiIiIiIuWgxJqIiIiIiIiIiEg5KLEmIiIiIiIiIiJSDkqsiYiIiIiIiIiIlIMSayIiIiIiIiIiIuWgxJqIiIiIiIiIiEg5KLEmIiIiIiIiIiJSDkqsiYiIiIiIiIiIlIMSayIiIiIiIiIiIuWgxJqIiIiIiIiIiEg5KLEmIiIiIiIiIiJSDkqsiYiIiIiIiIiIlMP/A4AuEnaigyyZAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABNYAAAG5CAYAAABC77mXAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAADVNElEQVR4nOzdd3iT9doH8G92upLu3VJGoYCAZYNsEQQcCKiIA9wLUDjHgcd5HBw9bhzo60IF9aiIuJApIHvvUaCle++R/bx/JHmaNGmb7sH3c11cJs/8tdDY3LmHRBAEAURERERERERERNQg0rZeABERERERERERUUfEwBoREREREREREVEjMLBGRERERERERETUCAysERERERERERERNQIDa0RERERERERERI3AwBoREREREREREVEjMLBGRERERERERETUCAysERERERERERERNQIDa0RERERERERERI3AwBoRERF1KF988QUkEglSUlLEbePGjcO4ceNa/D4dUVJSEiZNmgStVguJRII1a9a09ZKaxfPPPw+JRNLWy2gxf/31FyQSCX744Ye2XgoRERHVgYE1IiIiahMffPABJBIJhg0b1qr3NZvN+PzzzzFu3DgEBgZCpVIhLi4Od955J/bv39+qa2kNc+fOxbFjx/Dyyy/jq6++wuDBg+s8vrS0FC+//DIGDx4MrVYLlUqFLl264Oabb8Zvv/3WSqtuG8eOHcOsWbPQpUsXqNVqREVF4aqrrsKyZcucjnvllVc6TYCSiIiImkbe1gsgIiKiS9PKlSsRFxeHvXv34ty5c+jRo0ejr7V+/XqPjquqqsKMGTOwbt06jBkzBk899RQCAwORkpKC//3vf1ixYgVSU1MRHR3d6LW0J1VVVdi1axf+9a9/Yf78+fUef+7cOUyePBkXL17EDTfcgDvuuAO+vr5IS0vD77//jmuuuQZffvklbr/99lZYfevauXMnxo8fj9jYWNx7770IDw9HWloadu/ejXfeeQcLFiwQj33llVcwa9YsTJ8+ve0WTERERO0CA2tERETU6pKTk7Fz506sXr0a999/P1auXInnnnuu0ddTKpUeHffYY49h3bp1eOutt/Doo4867Xvuuefw1ltvNXoN7VFeXh4AwN/fv95jTSYTbrjhBuTk5GDr1q244oornPY/99xzWL9+Pcxmc0sstc29/PLL0Gq12Ldvn8v3Kzc3t20WRURERO0eS0GJiIio1a1cuRIBAQGYNm0aZs2ahZUrV7o97sSJE5gwYQK8vLwQHR2Nl156CRaLxeU4T3qspaen46OPPsJVV13lElQDAJlMhn/+85/1Zqt98MEH6Nu3L1QqFSIjI/Hwww+juLjY6ZikpCTMnDkT4eHhUKvViI6OxuzZs1FSUuJ03Ndff41BgwbBy8sLgYGBmD17NtLS0uq8v92hQ4cwZcoUaDQa+Pr64sorr8Tu3bvF/c8//zy6dOkCwBpQlEgkiIuLq/V633//PY4fP45nnnnGJahmN2nSJEyZMsVp24ULF3DjjTciMDAQ3t7eGD58uNuS0dzcXNx9990ICwuDWq3GgAEDsGLFCpfjCgoKcPvtt0Oj0cDf3x9z587FkSNHIJFI8MUXX9T7fWns9/T8+fPo27ev2yBkaGio+FgikaCiogIrVqyARCKBRCLBvHnzxP31/b3YFRcXY9GiRYiLi4NKpUJ0dDTuuOMO5Ofn17pGvV6Pa665BlqtFjt37qz3ayIiIqKWx4w1IiIianUrV67EjBkzoFQqccstt+DDDz/Evn37MGTIEPGY7OxsjB8/HiaTCU8++SR8fHzw8ccfw8vLq1H3/OOPP2AymZpUxvj888/jhRdewMSJE/Hggw/izJkz4tp37NgBhUIBg8GAyZMnQ6/XY8GCBQgPD0dGRgZ+/fVXFBcXQ6vVArBmSD3zzDO46aabcM899yAvLw/Lli3DmDFjcOjQoTqzzE6cOIHRo0dDo9Hg8ccfh0KhwEcffYRx48Zh69atGDZsGGbMmAF/f38sWrQIt9xyC6ZOnQpfX99ar/nLL78AAG677TaPvx85OTkYOXIkKisrsXDhQgQFBWHFihW47rrr8MMPP+CGG24AYC1JHTduHM6dO4f58+eja9eu+P777zFv3jwUFxfjkUceAQBYLBZce+212Lt3Lx588EEkJCTg559/xty5cz1aT1O+p126dMGuXbtw/PhxXHbZZbUe99VXX+Gee+7B0KFDcd999wEAunfvDsCzvxcAKC8vx+jRo3Hq1CncddddGDhwIPLz87F27Vqkp6cjODjY5b5VVVW4/vrrsX//fmzcuNHpZ4WIiIjakEBERETUivbv3y8AEDZs2CAIgiBYLBYhOjpaeOSRR5yOe/TRRwUAwp49e8Rtubm5glarFQAIycnJ4vaxY8cKY8eOrfO+ixYtEgAIhw4d8midn3/+udN9cnNzBaVSKUyaNEkwm83ice+9954AQPjss88EQRCEQ4cOCQCE77//vtZrp6SkCDKZTHj55Zedth87dkyQy+Uu22uaPn26oFQqhfPnz4vbMjMzBT8/P2HMmDHituTkZAGA8N///rferzcxMVHw9/d32V5eXi7k5eWJf0pKSsR99r+j7du3i9vKysqErl27CnFxceL36e233xYACF9//bV4nMFgEEaMGCH4+voKpaWlgiAIwo8//igAEN5++23xOLPZLEyYMEEAIHz++efi9ueee05w/FW2qd/T9evXCzKZTJDJZMKIESOExx9/XPjzzz8Fg8HgcqyPj48wd+5cl+2e/r08++yzAgBh9erVLtewWCyCIAjCli1bxH9HZWVlwtixY4Xg4GCP//0SERFR62ApKBEREbWqlStXIiwsDOPHjwdgLa27+eab8e233zr17/r9998xfPhwDB06VNwWEhKCW2+9tVH3LS0tBQD4+fk16vyNGzfCYDDg0UcfhVRa/SvUvffeC41GI5Y/2jPS/vzzT1RWVrq91urVq2GxWHDTTTchPz9f/BMeHo74+Hhs2bKl1nWYzWasX78e06dPR7du3cTtERERmDNnDv7++2/xa22I0tJStxlt//rXvxASEiL+mTNnjrjv999/x9ChQzFq1Chxm6+vL+677z6kpKTg5MmT4nHh4eG45ZZbxOMUCgUWLlyI8vJybN26FQCwbt06KBQK3HvvveJxUqkUDz/8cL3rb8r3FACuuuoq7Nq1C9dddx2OHDmC1157DZMnT0ZUVBTWrl1b7/0b8vfy448/YsCAAWJGnyOJROL0vKSkBJMmTcLp06fx119/4fLLL693LURERNR6GFgjIiKiVmM2m/Htt99i/PjxSE5Oxrlz53Du3DkMGzYMOTk52LRpk3jsxYsXER8f73KNXr16NereGo0GAFBWVtao8y9evOj2/kqlEt26dRP3d+3aFYsXL8Ynn3yC4OBgTJ48Ge+//75Tf7WkpCQIgoD4+HinoFVISAhOnTpVZ7P8vLw8VFZWuv0+9O7dGxaLxeM+bY78/PxQXl7usv2hhx7Chg0bsGHDBoSFhTntu3jxYq3rsO+3/zc+Pt4pIFnbcREREfD29nY6zpOJsU35ntoNGTIEq1evRlFREfbu3YslS5agrKwMs2bNEoOEtWnI38v58+frLDd19Oijj2Lfvn3YuHEj+vbt69E5RERE1HrYY42IiIhazebNm5GVlYVvv/0W3377rcv+lStXYtKkSS1y74SEBADAsWPHWjzr54033sC8efPw888/Y/369Vi4cCGWLl2K3bt3Izo6GhaLBRKJBH/88QdkMpnL+XX1QmspCQkJOHz4MDIyMhAVFSVu79mzJ3r27AkAUKvVrb4uTzXn91SpVGLIkCEYMmQIevbsiTvvvBPff/99kybXNtb111+Pb7/9Fv/5z3/w5ZdfugQniYiIqG0xsEZEREStZuXKlQgNDcX777/vsm/16tX46aefsHz5cnh5eaFLly5ISkpyOe7MmTONuveUKVMgk8nw9ddfN2qAgX3C5pkzZ5xK/QwGA5KTkzFx4kSn4/v164d+/frh6aefxs6dO3HFFVdg+fLleOmll9C9e3cIgoCuXbuKQStPhYSEwNvb2+334fTp05BKpYiJiWnw13fNNdfg22+/xcqVK/H44497dE6XLl1qXYd9v/2/R48ehcVicQoMuTtuy5YtqKysdMpaO3fuXL1racr3tC6DBw8GAGRlZYnbapZrAg37e+nevTuOHz/u0f2nT5+OSZMmYd68efDz88OHH37YmC+DiIiIWgg/8iIiIqJWUVVVhdWrV+Oaa67BrFmzXP7Mnz8fZWVlYj+rqVOnYvfu3di7d694jby8PKxcubJR94+JicG9996L9evXY9myZS77LRYL3njjDaSnp7s9f+LEiVAqlXj33XchCIK4/dNPP0VJSQmmTZsGwNqrzGQyOZ3br18/SKVS6PV6AMCMGTMgk8nwwgsvOF0LAARBQEFBQa1fh0wmw6RJk/Dzzz8jJSVF3J6Tk4NVq1Zh1KhRYtlrQ9x0003o06cPXnzxRezevdvtMTXXOnXqVOzduxe7du0St1VUVODjjz9GXFwc+vTpIx6XnZ2N7777TjzOZDJh2bJl8PX1xdixYwEAkydPhtFoxP/93/+Jx1ksFreB2Jqa8j0FgC1btricB1j7wwHOJcA+Pj4oLi52Oq4hfy8zZ87EkSNH8NNPP7ncz90a7rjjDrz77rtYvnw5nnjiiTq/DiIiImpdzFgjIiKiVrF27VqUlZXhuuuuc7t/+PDhCAkJwcqVK3HzzTfj8ccfx1dffYWrr74ajzzyCHx8fPDxxx+L2U+N8cYbb+D8+fNYuHChGOQLCAhAamoqvv/+e5w+fRqzZ892e25ISAiWLFmCF154AVdffTWuu+46nDlzBh988AGGDBmC2267DYC13HX+/Pm48cYb0bNnT5hMJnz11VeQyWSYOXMmAGvG0ksvvYQlS5YgJSUF06dPh5+fH5KTk/HTTz/hvvvuwz//+c9av46XXnoJGzZswKhRo/DQQw9BLpfjo48+gl6vx2uvvdao741CocBPP/2EyZMnY9SoUZgxYwZGjx4NHx8fZGRkYO3atUhNTRUDiADw5JNP4ptvvsGUKVOwcOFCBAYGYsWKFUhOTsaPP/4oZqfdd999+OijjzBv3jwcOHAAcXFx+OGHH7Bjxw68/fbb4kCJ6dOnY+jQofjHP/6Bc+fOISEhAWvXrkVhYSEA95lidk39ni5YsACVlZW44YYbkJCQAIPBgJ07d+K7775DXFwc7rzzTvHYQYMGYePGjXjzzTcRGRmJrl27YtiwYR7/vTz22GP44YcfcOONN+Kuu+7CoEGDUFhYiLVr12L58uUYMGCAy/rmz5+P0tJS/Otf/4JWq8VTTz3l4d8sERERtai2GUZKREREl5prr71WUKvVQkVFRa3HzJs3T1AoFEJ+fr4gCIJw9OhRYezYsYJarRaioqKEF198Ufj0008FAEJycrJ43tixY4WxY8d6tA6TySR88sknwujRowWtVisoFAqhS5cuwp133ikcOnRIPO7zzz93uY8gCMJ7770nJCQkCAqFQggLCxMefPBBoaioSNx/4cIF4a677hK6d+8uqNVqITAwUBg/frywceNGl7X8+OOPwqhRowQfHx/Bx8dHSEhIEB5++GHhzJkz9X4dBw8eFCZPniz4+voK3t7ewvjx44WdO3c6HZOcnCwAEP773/969L0RBEEoLi4W/v3vfwuJiYmCr6+voFQqhZiYGGHWrFnCL7/84nL8+fPnhVmzZgn+/v6CWq0Whg4dKvz6668ux+Xk5Ah33nmnEBwcLCiVSqFfv37C559/7nJcXl6eMGfOHMHPz0/QarXCvHnzhB07dggAhG+//VY87rnnnhPc/Srb2O/pH3/8Idx1111CQkKC+HX36NFDWLBggZCTk+N07OnTp4UxY8YIXl5eAgBh7ty54j5P/l4EQRAKCgqE+fPnC1FRUYJSqRSio6OFuXPniv/2t2zZIgAQvv/+e6fzHn/8cQGA8N5779X59RAREVHrkAiCm3xzIiIiog5k9OjRUKlU2LhxY1svhVrAmjVrcMMNN+Dvv//GFVdc0dbLISIiIhKxxxoRERF1eFlZWQgODm7rZVAzqKqqcnpuNpuxbNkyaDQaDBw4sI1WRUREROQee6wRERFRh7Vz506sXr0a58+fZ1P3TmLBggWoqqrCiBEjoNfrsXr1auzcuROvvPIKvLy82np5RERERE5YCkpEREQd1p133ok//vgDt9xyC/773/9CLudnhh3dqlWr8MYbb+DcuXPQ6XTo0aMHHnzwQcyfP7+tl0ZERETkgoE1IiIiIiIiIiKiRmCPNSIiIiIiIiIiokZgYI2IiIiIiIiIiKgR2IgEgMViQWZmJvz8/CCRSNp6OURERERERERE1EYEQUBZWRkiIyMhldadk8bAGoDMzEzExMS09TKIiIiIiIiIiKidSEtLQ3R0dJ3HMLAGwM/PD4D1G6bRaNp4NURERERERERE1FZKS0sRExMjxovqwsAaIJZ/ajQaBtaIiIiIiIiIiMijdmEcXkBERERERERERNQIDKwRERERERERERE1AgNrREREREREREREjcDAGhERERERERERUSMwsEZERERERERERNQIDKwRERERERERERE1AgNrREREREREREREjcDAGhERERERERERUSMwsEZERERERERERNQIDKwRERERERERERE1AgNrREREREREREREjcDAGhERERERERERNcoPB9Kx+mB6Wy+jzcjbegFERERERERERNTx5JXp8c/vjwAApvaLgFoha+MVtT5mrBERERERERERUYOlF1WKj0urjG24krbDwBoRERERERERETXYf/44LT4u05vacCVth4E1IiIiIiIiIiJqsD3JheLjMh0Da0RERERERERERPUSBMHpeZmOpaBERERERERERET10hktTs+ZsUZEREREREREROSBSoNzIK2cgTUiIiIiIiIiIqL6VRnNTs9LWQpKRERERERERERUvyqDc2DtUi0Flbf1AoiIiIiIiIiIqGOpdAisbVg0BqF+6jZcTdthYI2IiIiIiIiIiBrEXgraPcQH8WF+bbyatsNSUCIiIiIiIiIiahB7Kai38tLO2WrTwNq2bdtw7bXXIjIyEhKJBGvWrHHaX15ejvnz5yM6OhpeXl7o06cPli9f7nSMTqfDww8/jKCgIPj6+mLmzJnIyclpxa+CiIiIiIiIiOjSYi8F9VLI2nglbatNA2sVFRUYMGAA3n//fbf7Fy9ejHXr1uHrr7/GqVOn8Oijj2L+/PlYu3ateMyiRYvwyy+/4Pvvv8fWrVuRmZmJGTNmtNaXQERERERERER0yUnKLQMAeCkv7cBam+brTZkyBVOmTKl1/86dOzF37lyMGzcOAHDffffho48+wt69e3HdddehpKQEn376KVatWoUJEyYAAD7//HP07t0bu3fvxvDhw1vjyyAiIiIiIiIiumT8eCAdb29MAgAM6xbYxqtpW+26x9rIkSOxdu1aZGRkQBAEbNmyBWfPnsWkSZMAAAcOHIDRaMTEiRPFcxISEhAbG4tdu3bVel29Xo/S0lKnP0RERERERERE5KrKYEZSTpn4/Lv9aQCA24bH4oEx3dtqWe1Cuw6sLVu2DH369EF0dDSUSiWuvvpqvP/++xgzZgwAIDs7G0qlEv7+/k7nhYWFITs7u9brLl26FFqtVvwTExPTkl8GEREREREREVG7cyKzBPd9uR9nHYJm7sz7fC+uemsb/k7KBwAUVRgAAFP7RUAqlbT4Otuzdj26YdmyZdi9ezfWrl2LLl26YNu2bXj44YcRGRnplKXWUEuWLMHixYvF56WlpQyuEREREREREdEl5bZP9qCo0ojUwkqse3RMrcftSS4EALy7OQmns0uRlFsOAAj0UbbKOtuzdhtYq6qqwlNPPYWffvoJ06ZNAwD0798fhw8fxuuvv46JEyciPDwcBoMBxcXFTllrOTk5CA8Pr/XaKpUKKpWqpb8EIiIiIiIiIqJ2q6jSCAA4ne0+Y01nNEPukJG2N7kQe21BNgAI9GZgrd2WghqNRhiNRkilzkuUyWSwWCwAgEGDBkGhUGDTpk3i/jNnziA1NRUjRoxo1fUSEREREREREXUU+eV68bG3UgaLRcC2s3ko15sAALsvFKDvc3/i2bUnar2GPwNrbZuxVl5ejnPnzonPk5OTcfjwYQQGBiI2NhZjx47FY489Bi8vL3Tp0gVbt27Fl19+iTfffBMAoNVqcffdd2Px4sUIDAyERqPBggULMGLECE4EJSIiIiIiIiKqxfK/zouPJQD+b/sFLP3jNG4cFI3/3jgAj3x7CGaLgFV7Ut2e76uSQylvt/laraZNA2v79+/H+PHjxef2vmdz587FF198gW+//RZLlizBrbfeisLCQnTp0gUvv/wyHnjgAfGct956C1KpFDNnzoRer8fkyZPxwQcftPrXQkRERERERETUEeSW6vDV7ovi8wqDGUv/OA0A+P5AOl6+oR+KKox1XqNXuF+LrrGjaNPA2rhx4yAIQq37w8PD8fnnn9d5DbVajffffx/vv/9+cy+PiIiIiIiIiKjT2ZaUD73Jgr6RGpzMKkXN0ExumQ4Gs6XOa0zuG9aCK+w4mLNHRERERERERHQJyS6pAgD0idDAV+mac1WhN7s97+q+1YMiJ/WpfWjkpaTdTgUlIiIiIiIiIqLml12qAwCEa9Uosw0rAIAQPxXyyvTILdM5HR+pVeOPR8ZA4yXHe5vPQSaTIC7Yp1XX3F4xsEZEREREREREdAnJLqkOrDkK9rUG1s7nljttXzZnILTeCgDAgivjW2eRHQQDa0REREREREREl5Ase2BNUx1YC/RRwlclAwCcz6sAAPgoZfhlwSh0C/Ft/UV2EOyxRkRERERERER0CbEH1iK0XpjWPwIA8OjEePiqrPlXuy4UAACGdwtiUK0ezFgjIiIiIiIiIrpE6IxmFFYYAACR/mq8PmsA7roiDokxAdibXAgAOGcrBR0dH9xm6+womLFGRERERERERNRJ7E8pxFM/HUOpzuh2vz1bzUshg9ZLAS+lDIO6BEIqlaCkqvqchHA/zBgU3Spr7siYsUZERERERERE1EnMWr4LAGA0WfDfGwcAAARBgN5kgVohQ1ZxFQAgwl8NiUTidK5jz7WfHroCXkpZK62642JgjYiIiIiIiIiok9mXUig+fuqn41hzKAPrF41Bpi1jLcrfy+WcRybGw0clxz2juzKo5iEG1oiIiIiIiIiIOpn8coP4+Ju9qQCAD7eeF7PSIrRql3OiA7zx/HV9W2eBnQR7rBERERERERERdTLlepPLtiqDGVkltlJQrWvGGjUcA2tERERERERERJeAnw5l4FRWGQAgOoCBtebAwBoRERERERERUSehkjuHenRGs9Pzw2nFAIA+kZrWWlKnxsAaEREREREREVEnEeKnEh8bTBaU6owux6jkUsSH+rXmsjotBtaIiIiIiIiIiDoJjVohPs4r16O0yjWw9o9JPaGUMyTUHDgVlIiIiIiIiIiok7AIgvg4u0SHSkP1EINwjRpzR8bhvjHd22JpnRIDa0REREREREREnYTZUh1Yu1hQgQ//Og8AuCExCm/dfHkbrarzYmCNiIiIiIiIiKiTMDtkrD2/9gRKdSYE+6rw9LTebbiqzosFtUREREREREREnYTFIWOtVGctA33mmt4I8lXVdgo1AQNrRERERERERESdhGPGmt3kvuFtsJJLAwNrRERERERERESdhNnsHFjzVsqgVsjaaDWdHwNrRERERERERESdRM2MNX8vRRut5NLAwBoRERERERERUSdhtjg/13or22YhlwgG1oiIiIiIiIiIOgkLM9ZaFQNrRERERERERESdhKlGypqWgbUWxcAaEREREREREVEnYakxFNRbxcEFLYmBNSIiIiIiIiKiTsJcI7IW7e/VRiu5NDCwRkRERERERETUSdScCjqsW1AbreTSIG/rBRARERERERERUfOw2DLWXry+L/QmC0Z2Z2CtJTGwRkRERERERETUSZhsgbXJl4Uj1E/dxqvp/FgKSkRERERERETUCVgc+qvJJJI2XMmlg4E1IiIiIiIiIqJOwLG/mkzKwFprYGCNiIiIiIiIiKgTcJwIysBa62jTwNq2bdtw7bXXIjIyEhKJBGvWrHE55tSpU7juuuug1Wrh4+ODIUOGIDU1Vdyv0+nw8MMPIygoCL6+vpg5cyZycnJa8asgIiIiIiIiImp7DKy1vjYNrFVUVGDAgAF4//333e4/f/48Ro0ahYSEBPz11184evQonnnmGajV1c33Fi1ahF9++QXff/89tm7diszMTMyYMaO1vgQiIiIiIiIionYhs7hKfCxlj7VWIREEhwLcNiSRSPDTTz9h+vTp4rbZs2dDoVDgq6++cntOSUkJQkJCsGrVKsyaNQsAcPr0afTu3Ru7du3C8OHDPbp3aWkptFotSkpKoNFomvy1EBERERERERG1lLTCSvzjf0dw9+iumNw3XNw+8MUNKKwwAACSXp4ChYwdwBqjIXGidvsdtlgs+O2339CzZ09MnjwZoaGhGDZsmFO56IEDB2A0GjFx4kRxW0JCAmJjY7Fr1642WDURERERERERUcta+scp7E0pxP1fHXDabg+qAZwK2lrabWAtNzcX5eXl+M9//oOrr74a69evxw033IAZM2Zg69atAIDs7GwolUr4+/s7nRsWFobs7Oxar63X61FaWur0h4iIiIiIiIioIyipMrpss1icCxKl7LHWKuRtvYDaWCwWAMD111+PRYsWAQAuv/xy7Ny5E8uXL8fYsWMbfe2lS5fihRdeaJZ1EhERERERERG1Jo1aIT62WARIpRLkV+jbcEWXrnabsRYcHAy5XI4+ffo4be/du7c4FTQ8PBwGgwHFxcVOx+Tk5CA8PBy1WbJkCUpKSsQ/aWlpzb5+IiIiIiIiIqKW4KWUiY+zS3UAgNxSBtbaQrsNrCmVSgwZMgRnzpxx2n727Fl06dIFADBo0CAoFAps2rRJ3H/mzBmkpqZixIgRtV5bpVJBo9E4/SEiIiIiIiIi6ggq9Cbx8YlMa3urHFuAjVpXm5aClpeX49y5c+Lz5ORkHD58GIGBgYiNjcVjjz2Gm2++GWPGjMH48eOxbt06/PLLL/jrr78AAFqtFnfffTcWL16MwMBAaDQaLFiwACNGjPB4IigRERERERERUUdRXGnAnydyxOdH0opxVZ8w5DBjrU20aWBt//79GD9+vPh88eLFAIC5c+fiiy++wA033IDly5dj6dKlWLhwIXr16oUff/wRo0aNEs956623IJVKMXPmTOj1ekyePBkffPBBq38tREREREREREQt7bdjWU7Pj6QXY+f5fOxJLmijFV3aJIIgCPUf1rmVlpZCq9WipKSEZaFERERERERE1G59sv0CXvrtVK37h8YFYsGVPTA6PqQVV9W5NCRO1G57rBEREREREREREVCqMyKjuAoAkFdmLfm8dkAklHLXsM6yOYkMqrWiNi0FJSIiIiIiIiKiut3/5QHsulCACK0ag+MCAQCXRWqQXlSJQ6nF4nFdgrwRplG30SovTcxYIyIiIiIiIiJqp3RGM3ZdsPZPyyrRYdf5fABAmEaNAdH+Tsd2D/Ft7eVd8pixRkRERERERETUTp3JLnN6nl9uAAAM6hKA8b1CcSqrFHuSCwEA0/pFtPr6LnUMrBERERERERERNcD2pDyUVBlxTf/IFr/XyaxSl21dgrwRE+gNAPju/hE4nlGCk5mlmDEwqsXXQ84YWCMiIiIiIiIi8tC53HLc/uleAMCQuMAW72l2IrPEZdvo+GCn55dFaXFZlLZF10HusccaEREREREREZGHXvn9lPg4tbCyxe93MtM1Y41TP9sPBtaIiIiIiIiIiDzwzd5UbD6dKz7PLK5q0fuZLQJO23qsKeXVIZwR3YNa9L7kOQbWiIiIiIiIiIg88P3+NKfnWSW6Fr3fxYIKVBrMUCukCPZRits1akWL3pc8x8AaEREREREREZEHSnUmAMCAaGs/s9xSfYvezz64ICFcg0qjuUXvRY3DwBoRERERERERkQdKq4wAgBA/FQDAZLG06P2OpVsHF/SJ1KDcFtSj9oWBNSIiIiIiIiIiD5TZglsB3tayTKNZaPZ7VBnMePbn41i55yL+Zys9TYzxh0wqafZ7UdPJ23oBRERERERERETtndFsQZWtHDPQ1u/MZG7+jLWtZ3Px5a6L4vM+ERpMT4xCmEaNxf87jFdu6Nfs96TGY2CNiIiIiKidK9MZkV5Uhd4RmrZeChHRJavMoRTT35axZrY0f8ZafrnB6fnT1/SGQibFmJ4h2PeviZBImLnWnrAUlIiIiIionXty9TFMeWc7/jyR3dZLISK6ZJXprP3VfJQyqOTWcIrRIbBWqjOipNLY5PuU6qqvMW9kHIZ3DRKfM6jW/jCwRkRERETUzv12NAsA8N8/z7TxSoiILl3FtqCZxksBucwa4DLbhhcYTBZMfmsbxr/xFyoNTRsyUGIbkHD3qK54/rq+kLK3WrvGUlAiIiIionakpMqIc7nlqDKY8a81x9A3srr8M72osg1XRkR0acssrgIAhGvVkEttGWu24QX55XpklegAAL8eycJNQ2IadY+SSiM+2noBAKD1UjR1ydQKGFgjIiIiImon1h7JxKLvDjv17LlYUB1M0xktKNeb4Kvir/FERK0twxZYi/L3glxqz1izvl7bs8wAYNXe1EYH1jadzhEfeytljV0qtSKWghIRERERtROf/p1cbyPs4xklbrd/sSMZcU/+hsU1AnNERNQ8nAJrtlJQo20qqGNg7XBaMU5llTbqHmeyy8THeWX6xi6VWhEDa0REREREbWj9iWzM+GAHzuaU4UhaMQBgaNdAcf99Y7rhtZn90SPUFwBwNL3Y5RpGswXP/3ISALD6UAa2nc1zOcZiEbDldG6T3qjll+txOM31/kREnV1GcRXO5liDXjGB3pDVkbEGAIdSixt8j1KdER9tuyA+nzEwupGrpdbEwBoRERERURu676sDOJhajDs/3wcAUMql6B3uJ+4P16hx05AYzBgYBQA4kuaasVYz2LblTK7LMf/+9STu/GIfnl5zrNFrHfmfzZj+/g4cuFjY6GsQEXU0m0/n4Ir/bMaOcwUAgH5RWihk1nCKydZjrbRGYK2wouEfYqQ6lP6P7xWCXg7/L6D2i4E1IiIiIqJ2wF5iFK5RI8BHKW7397Y2r7482h8AcMRNxlpBucHp+Ze7LuKmj3aJjbY/+zsZX+xMAeBcZtRQBpO15Gnr2fxGX4OIqKM5lVX9uumnliMhwk/MWDNZXEtBAWDTadcPOOqTV14djFsytXdjlkptgIE1IiIiIqJ2JFyjRqBDYM0+Fe6yaC0AIL2oCltqvGGrNJgBAIO6BECtsP6Kvze5EC/+ehJbzuTixd9OisdmFutgaWIPNpOtpxAR0aWguNL64UWXIG+sumc4VHIZFDJ7YM36euo4aAawloKezGxYnzV7qf7YniHoGcZstY6CgTUiIiIiojaSlOOaPRauVcPfuzqwZg+yadQKjI4PBgAs/OYQjGaLGCCrMJjEY0f1CBHPzSzR4c/j2RAEa1kRABjMFjF7rbE4HIGILiX2bLQbB0Wjn+1DDrm0uhRUEAT8cTwbAMTXacB9T8y62ANrIX6qpi6ZWhEDa0REREREbuiMZvx6NBMVelOL3eOtjWddtvWN1GBk9yAMjPXHvJFx6BelFfe9cdMAAECZ3oQHvjqAoa9sRH65HpV6a8aaj1KGPpGa6osJAopsmRYTEkIRoVUDAD7bkQxBaHxwzGhmYI2ILh32wJo9gxgA5A6loAUVBuSX6yGRAPNGxonH2PuwecoeWAtlYK1Dkbf1AoiIiIiI2puiCgMSX9wAAFh8VU8E+6pwOrsUz1zTp8FvlOoikUhctg2I8UewrwqrH7rCZV+onxqRWjUyS3Ri/551x7PFjDVvlRyRtuAZAAgAiiqtbwj9vZVY/dBIjFi6GelFVUgvqkJMoHej1m22sBSUiC4d9sCaxjGwZh9eYBFwPrccABAT4I0JCaHiMaU663kX8sqhkEnrfc1lxlrHxIw1IiIiIiIHgiDgydVHxedvbjiLp346hi93XcSyTUnILdNhzGtb8OYG12yzhlLLZS7bogO86jwnVKN2eu6nlos91nyUMviqqz87F4Tq3kAB3kpEaL0QH+oLAJj72V78cSyrUes2shSUiC4hJVXWDy8cM9bE4QVmAfsvFgEAeoT6QiKR4JahsQCA0ioTzuWW48o3t2LMf7fgfF55nfdhYK1jYmCNiIiIiMjBH8ez8eeJHLf73t18Dv+37QJSCyvx7qakJg8BMLgZAlDfG6owjfN+vdEilqv6qOSIC/IR95XrTSgWM9asbwi7Blv3X8ivwGM/HBUnfTaEmaWgRHQJKbF9QOHY/9I+vEBvMmPVnlQAwNWXhQMANF7WDzhKdUYcTS+GIFg/6DiVVfswA0EQkFlineQc6qeu9ThqfxhYIyIiIiJyYG/sb2/2DwD3ju4qPs4p1YuPk3Lrzj6oj95odtmmcpPF5iisRsZamd7kkLEmx2VRWtw9yrre/DK9GFgLsA1BGBIXKJ5brjfhgC3ToiGMLAUlok5uf0ohrnvvb9z35X5klugAOH/wYc9YyynVI6O4CgHeClw3IBKAddgMAJRWGZFWWCWek19W/f+PmuavOoT0oiqX+1D7x8AaEREREZGDnFLrG6h5V3RFoI8SAd4K/HNyLzHT60RmiXhsVkmV22vUxmi24N4v9+OFX04AcJ+xVp+agbUXfz2JbWfzAADeKmtQbuGV8QCsQTf7PQJtmRZ3j+qKjYvHYHCXAAAQhxvUx3ESaGtMBc0u0eHzHckob8HhEURE7iTllGHW8l04ml6C9SerM5iDfR0z1pzDKbcMjYVaYX0NtpeMllQZkVZUKR6TV157YO03h9J8BtY6Fg4vICIiIiJyUFhuDTRFB3hh3aOjIZNIoJLLxKbV5/MqxGPtDa099XdSPjbY3qQ9cXUC9EZr0OuWobH4Zm8qxvYMqet0AK6BNQAoqLCuOcrf2p9No5ZDIZOI0zu1Xgp4Ka1v+KRSCXqE+onP9SbXrDl3jA5BQPu6m5vJbMGyzecwpmcIFv/vMC4WVCKzuAr/mtanRe5HROTO2iOZbrc7ZhTbM9bsj28b3kV8HmD7IKOwwuD0/4n8MvcfZNSc0uyrYqimI+HfFhERERGRzao9qSizZUgF+Sid+uk4Nq22s79hSsmvQKhGBW9l3b9eH8uoznb76VCGmE02tmcI7h7Vtd7BBYBrjzW7bsE+GB1vDcxJJBIE+aiQbcu+i9C6BuOUtmwLT3usmRyy1NadyEa53tTsb/5+OpSBdzYl4Z1NSeK27Un5zXoPIqJj6SVYdyILmcU6jOkZjBsSo532J+VYy/yvTAiFySJgqy0r2JFCWp2xNig2AJH+1a/f9oyz/HK9+AGH/bk7uhb6sIJaBwNrREREREQALBYBT/10THxu75Fj5+cwbVMpl8JgsqC40ogTmSW4dtnfGBgbgO8fGAGJRAJ3jGYLvtuXJj5fsvoYLovSAABUCil62KZ11sdxOIGj+8Z0c8qg6B7qIwbW3JUVqRTWN4V6TwNrNcpWT2aWYmjXwFqObpzk/AqXbZ4EG4mIPCUIAu5asU+cwPnH8SxcNyDK6fXTPr3zjpFx8FLIsPVsHqbYBhPYyWTVxw+KC3DaZy8ZzSrROWX71lYKWqZvWPYztS/ssUZEREREBCClwDmoI5U6B8hOZVZPc5szNBaANWPtz+PZsAjA/otF+ON4dq3X//VoJjKKnXuy2bPFVHLPfy2PCfTGV3cPxaKJPZ223zAwyun5i9dfhu4h1iBcn0iNy3XsJU32NZgtgks5kiNjjUmgKW6CYE0hCALO5rgbBuE+UElEHVeF3oRKQ9v0T0wpqERemR5KuRRKmRQ6owWZNV6b7c9jA70xtGsgtj42Du/MTnQ6RuHw/wh7z0q7YNuHGXqTBY4tKWsbXlCuYy/JjqxNA2vbtm3Dtddei8jISEgkEqxZs6bWYx944AFIJBK8/fbbTtsLCwtx6623QqPRwN/fH3fffTfKy5s2nYmIiIiILj2OvdPuH9PNZf8ttmDahIRQhNrKMYsrjTiSXl3e+fr6M24b++uMZizbfA4AxKlxPkqZmC3WkMAaAIyOD8HNQ2LE5z8+OMJlmmi3EF+se3QMvr1vuEsQDqguBdWbLCiuNGD40k1Y9N3hWu9prJGx9svRTLy27jQqmmG4gM5oxv1fHcDGUzku+zwdrkBEHYPZImD8639h5H82u7yutAZ7SX7fSA1ig7wBOA+lKdebUGGbtBxqC5B1CfKBssbrtONrbmKsc2DNTyWH2pYVLJUANw6ylprmlxvcfoBR5hBYW3HX0MZ9YdRm2jSwVlFRgQEDBuD999+v87iffvoJu3fvRmRkpMu+W2+9FSdOnMCGDRvw66+/Ytu2bbjvvvtaaslERERE1EnZS3+uHRCJJVN7u+y/fUQXfDp3MJbfNgjBvtY3W2mFlTh4sUg85kJeBS4WuGZybT6diwt5FfBTy/HIROvEzgqDGTqj9c1bzaCYJ8K1aozsHoRIrRq9I1wz0gDr1Lrh3YLESXWOxFJQoxk/HEhHXpkeaw67b9gNAKYaGWvbk/LxwV/n8f6Wcw1ee01f776I9SdzIJe6ZqcxsEbUuRSU65FbpkdxpREp+RX4aOt5JOWUtdr9c0qsJfJdAr2REO4HAHhzw1mx3D3XVkLvq5LDp44+klpvBf41tTdeuaEfAn2UTvskEgn+OakXZgyMwvpFY/Di9MsAWCdBl1a5fhhhn37cK8zPoyE21L60aY+1KVOmYMqUKXUek5GRgQULFuDPP//EtGnTnPadOnUK69atw759+zB48GAAwLJlyzB16lS8/vrrbgNxRERERETunLSVesbX0utMrZDhyt5hAIDEGH8AwN6UQgDW7DMvpQz55QZUGlynbBbY+upc0T0YkdrqnmHFlda+OjUzITy18p5hMFkEKGQNP1/MWDNbUOqQLWG2CE69huyMFveZJccdSmQb64KtrHTeyDiU6Uz4bn91Lzr794iIOodCh2D5QysPIim3HF/uuogdT05olfvb+5yF+Klw+/A4bDubh7M55fhmXxom9wlDrq1cM9RNb8qa7nWT3Wx3z2jnfX5qOcp0JuSV66D1du7hWaazvs75qtkGvyNq1z3WLBYLbr/9djz22GPo27evy/5du3bB399fDKoBwMSJEyGVSrFnz55ar6vX61FaWur0h4iIiIgubQdsmWcDa5T0uNMj1BdBDhkK8WF+YmaD3lQdWNt5Ph9/J+WLgSs/tbU8yD7foLGloHYSiaRRQTXAMWPNIr6pA6onndZUM2PNTuEmCNcQxzNKsGpPKgDroALHhuBAdSYHEXUOhRXVgbWkXGumcEZxFSwWAW+uP+N2AmddtiflIceWZeYJ+9CCED8VYoO88Y9JvQAAz6w5jqGvbMKyzdapxKG1TGBurBBbpvNHWy+47DuTbf0+cFhLx9SuA2uvvvoq5HI5Fi5c6HZ/dnY2QkNDnbbJ5XIEBgYiO7v2xrFLly6FVqsV/8TExNR6LBERERF1TH+eyMb6E7X/Tugot1SHjOIqSCTAgBhtvcdLJBKniZjdQ3yhtpVzVhmswbJSnRFz/m8Pbvt0Dw6lWoN2fmoFJBIJfJTOWQmNzVhrCqXMNrzAbEFWcfWb0vc2uy/ttPdCCvZVwjGW5i67rSGeW3tCfOzvrUR6keuAh7bow0RELcOxn6WjHw6m493N5zD3s70eX+uvM7m4/dO9mPbu3x6fYw+s2Uv6bx0Wi55h1ZnKO84VAAASwt2X2DeWylaS//2BdCxZfdRp38FUzz/Yofan3QbWDhw4gHfeeQdffPFFrSPLG2vJkiUoKSkR/6SlpdV/EhERERF1GGmFlbj/qwO476sDqHJTmlmT/U1NrzA/+KkV9Rxt5RhY6xHqC7XS+qbJ3jfNsffaxlO5AKrLfLyVzj3PvJWtX/7jmLGWVlQpbv9sR7Lb4022oQwquQy+Dn2HmhpYc2zk7e+twBXdgwBUv+kF0CwDEoio5QiCAJPZAoub4S2Ockt1eGbNcbf7tp5pWKYaAGw5bX1tzS/Xi6+99ckssQbvQ/3UAAC5TIrnrnWtkOtTS+/KxnJ8Hftmb5o46MZiEcQPXxhY65jabQHv9u3bkZubi9jYWHGb2WzGP/7xD7z99ttISUlBeHg4cnNznc4zmUwoLCxEeHh4rddWqVRQqZo3rZOIiIiI2o8/HTLVCisNiFK6lteYLQLeWH8Gvx3LQlyQDwBgUBfP39QM6xokPh7bMwRbz1p/L62yvbk75jAt1E5jC6z5quRiH5/YQG9ovTwL5jUne481g9mCtMJKp33ZJTqEa9VO2+yNveUyCUL8VGJ5a1NLNR0Dmf7eSswdGYcAbyXG9AzB2P9ugd5kQbneBH9vZR1XIaK2ojeZcfXb25Gcbx3Q0j9ai0/uGAKvGh8gmMwWzF91qNbr/HYsy+N7HrhYhDKdEWaHwPzR9BL4qGToE6GpNTlHZzTjYoH19S7eIUvtih7BGBIXgH0p1R+I9Ils3sBazdfK3DIdIrReuJBfjlKdCWqFFAkRfs16T2od7TZj7fbbb8fRo0dx+PBh8U9kZCQee+wx/PnnnwCAESNGoLi4GAcOHBDP27x5MywWC4YNG9ZWSyciIiKiNvbH8erAWomb5vens0sx5Z1t+OCv87hYUCn29GlItkBCuB9mDIzCzYNj0DvCT5y8aQ+sZZa49vyxZ3r5OTSoHuaQ+daa7BlrWcVVTsMLgOp+c46Mth5rcqkE9zk07G7qcAHH74VSJoVaIcNNQ2IQrlWL368KvWeZKETU+i7kVSDZNoCkTGfCjnMFOJbh+sHC/otF2JtSCKkEGB0fLG6/Y0SXBt1PEATM/HAn5n2+TyzbBICbPtqFae/+jd+PWV//t5zOxdVvb8Nxh7VcyKuA2SJA66VwGU6waGJP8bFCJkHPsOYNcl3TP8LpeWaxNXPu4MViAED/aP9G98ykttWmGWvl5eU4d666h0NycjIOHz6MwMBAxMbGIigoyOl4hUKB8PBw9OplbS7Yu3dvXH311bj33nuxfPlyGI1GzJ8/H7Nnz+ZEUCIiIqJLVHaJzikwVFxlcNr/5oazeHdTkttz+0fX31/NTiqV4M2bLhefe9kCa3pbYC3bVm6klElhsGV72bOzHhrfA9/vT8dlURrcNrxhbyqbiz1jbb/te9UnQoMhcQFYsesi9l8sxLQabwJNtqmgCpkUNw+JRWygD275v91NLtN0LBxzzCABAB+VHAUVBpTrORmUqD2yWASsOZThst1xIIqdfcDAsK5B+OLOoVj03WHEBHohIVyDL3dd9Piejh8E2AN6jlbsSsG0/hG484t9AIB5n+/D/qcnAgDO5pQBsJb918xqC3IoP48P9Wv23pePX53g9HWmF1VhUBf2V+sM2jQcun//fiQmJiIxMREAsHjxYiQmJuLZZ5/1+BorV65EQkICrrzySkydOhWjRo3Cxx9/3FJLJiIiIqJ2bteFfKfnjhlrBy4WOQXVEsKdMxJiAr0bfd+aGWtZtoy1fg7BOn9va2Btct9wfDJ3MB6d2NOpl1hrsjfStrtpcDQGxVmz59xlrOmMzhNM7ZlmlQYzjqYX46GVB5Di5k1ufcptb5Jfm9XfJVvDPmm1nBlrRG1OEAT8fiwLGbZMK53RjLtX7MNH26qnXA6wvd65KxG3Txz291ZAJpXg3VsS8djkhAa/BhaU652e+yhlmNqvuhVUlxqv4/kOx5+xBdZ6hjsH8QHniZw1+2A2B8felADEktTqwJp/s9+TWkebZqyNGzfOqVlpfVJSUly2BQYGYtWqVc24KiIiIiLqyGqWfhbb3swVVRiw6LvD4vbJfcNw85AY3PXFfgBAmEYlBscaQwysGSwQBEEs8+kV7icGqrqHuL6ZayuJMf5Oz6+/PAqVtqDgicxSVBpMTkMV7G9m7Vkd9jeeFQYTrntvBwBrGdhXd3vekiWrpErMYtGoXd+a+Kqs9yjXcXgBUVv7ek8qnllzHANi/PHp3MF4Y/0ZbHEYOPDw+O5IyikHUOI2sFZUYQ+sOfdLDPFzfq6spxyyoMI5C3npzP64bkAkVu65iH/9dBxFdZSnn822BdbclHn6qOSI0KqRVaLDhN6hda6hscb1CsFftu/ZhbxylOqMSMotBwAMbECPT2pfWMBLRERERJ1KRY0poEtWH0O53oTX/jyD1MJK+KnkOPjMVfjo9sEY1KW6v1lTy37spaC/HcvE5tO5KNWZIJUAUf7VWRBhmvYzQCsm0BvPXtMHAHD95ZEI8FEiUqtGuEYNs0XAkTTnHkn2rI9gX+ubYHvQzXHqam6pcyZJXbJKqjD61S04bXuj66tyHeAQG2gdKnE0vdjj6xJRy/h0uzUz7UhaMQa/tBHf7E1z2t8l0EecfOwuGF5UaQ2I2TN37WpmrClkdU8adsxYC9OocK2tbN1+nYIK634vNx+UiBlrtfRPW/3QSLxwXV/cO7qb2/1N9c7sREzrZ13v+bwKHE4thiBYh9i0VfYyNR0Da0RERETUqdgDPT4OpTwPrzyIb/amAgCemJKAQB9rcEjrpcAVPax9fR+9sieaQm0bBnA2pxx3r7BmwcUF+eCmwTEI9lXi1mGxtU6qayvzRsbh07mD8fIN/QAAEokEg+KsWRP7Uwqdjs2zTTENsTX8tk/8M1mqK1C6BHleSns2p9zp3AAf18DamJ7WBud7kgtd9hFR67KXctYmKsBLLHesmbGmM5rxxc4UAK4lkVovBSb3DUOsrYTTXE9Vm32iMgCse2SM+LpqD/oXlBvE9dgVlOtRrjchvciaSVxbYC1C64W5I+NabIiA1kuBRVfFA7BmrLEMtHNgYI2IiIiIOpVKW2BtzrBYcZt96idg7W/m6J3Zifj+gRGYOSi6SffVeLkGhroG+yDET4W9T00Ug1ftiVQqwZW9w5ze6I7oZg00bjmT63Rsni1LJKRGKagjrZvvQW3yHd4cP3dtH/SJ0LgcY3+jnVfmeSYcETW/kiqjWGJ5/IXJbo+JC/apNbBmLRG1CtOonfZJJBJ8dPtg/O/+EQAAs6XuwNrJzFIAwEPjuiPAp7qMNNDHlrFme63yd3g92nQ6F0m2bLUQP5X44UpbiA30gUwqQYXBjE2nrK+zA2qU5lPH0qY91oiIiIiImlulwfqGTuulwCs39MNTPx0T9717S6KYcWUX7KtqlhKcWDeDD+zXlUrbV6ZaXSYkWHsLHUorhsFkEUtkL+RZBxNE2EpbFTKp08RTANCZLPCUPVB3Q2IU7ryiq9tj7G9+C2v0VCKi1pVWaG20H+yrdArERwd44e2bL0epzogof69aS0G/3l09DdNx0IAjme110lRPYO1IurVMvX+0v9P2IFvGWoXBDJ3R7PTatPFkjjiCuFct2WqtRSmXIjbQG8n5FTiWYf1a+kZ6PpGa2h9mrBERERFRp2LPWPNSytHfNqEuXKPGgacn4roBkS12X3eBtUDftsuKaKxwjRpyqQSCUN2rqLDCIPZCG+TQYNurRtaavQxXEAT8ciQTE974C3FP/oZDqa5TRu0Za8F1fI/sgbUqo9mplxsRtS57Gaj9w4KlM/rB31uB9+cMxOC4QExICAMAtxlr+eV6fLff2o+tX5TWaSiKI3tgTRAASy3BNUEQkFpgDfLHhzkPg/FTycXBBwUVBuiN1YG17Un5OGLr1VhbGWhr6h7i4/S8Z1j7GWxDDcfAGhERERF1KvaMNR+lDJdFafHNvcOxdv4V4jTLluKuv1hQG5YbNZZUKhHfPOeXWTPF9tp6nMWH+jpl99XsuaSzTRX94UA6FnxzSMxyu+GDnTCZnbPZcsTAWu1/L75Ob5RZDkrUVspsGWg+tsDZLUNjcfjZSS4ljO4Ca2dsQXmg+jXCHZlDZm9tWWv55QZxQE2E1rWk1B6MLyjXO2WsVRnNWLnH2mezV3jbB7G6OUyIlkslDSqjp/aHgTUiIiIi6lSqM9as2VQjugchtEZPn5bgp3Z9Y9TUSaNtxV4um1euAwDsSS4AAAy39V+rTZXtTfP2pHyXfaeyyvDautPWkiwAx20lUD3Da88ekUgk4lADloMStR17oKzm4IGa3AXWTmWVio+r6gisyR0CaxY3Aww+3nYeQ17eCMA68dNd5luQwwADg600PSbQy+mY9pCx1sMhsObvrWh3g22oYTrm/+mJiIiIiGphD6zVVm7UmgK8O17GGlBdnmkfGrD7gjVjrWZg7fUbB2Bavwi8e0sigOpS0OwSa0Bu+uXVpbc/HEjDB3+dxz1f7kdJlRHJ+dZstsR6mnaH24KimcW6pnxJRNQIepMZhRUGlOus2an2Hmq1cddj7VRWdcZaXSXddWWsmS0Clm0+Jz4P17r/sCTK1gPyWEYJ9LbAWs2eavHtILA23tbLErBm4VHHxsAaEREREXUq9pLB+jIrWtqCCT0w5TL3TbrbO3vZbEGFAZUGE05nWzNOhnYNdDpu1qBovH/rQDH4pTPZAmul1iDYbcO7YGzPEABARnGVeN5FW48kX5Uc/vUEH7sE+TidQ0SNl5xfgTn/txuDXtyAJauP1nv8Ne/+jYEvbsB5W1m3n4cZaxW2jLXn157AjwfTxf32vpfuOGasmc3OgbW3NpwVy1EBYO6ILm6vMbGPtdfbhpM50Ntej+4YEed2jW2p5hAd6tgYWCMiIiKiTiOtsBJphVWQSSXoG6Vp9fv/Mn8UpvWPwLbHxuMfk3pBLuuYv2772bJOynQmlFQZIQiAUiat9c2gWmH9OnUGMwRBEANrYRq12EPNsR/bodRiAIB3jeEH7sTZetelFFQ27oshItFPhzKw83wBCioM+G5fmhh8qk1SbjkA4LdjWQA8LwUtswXWvtiZIu4b0zME/5nZv9ZznTPWnHsyvrelOltt9UMjMa+WScKjegQDsGas2QNx3UJ88NvCUegbqcFXdw+tc/1EjdEx/09PRERERGRToTfh37+cxN7kQpzItPbt6hupgcZNz7OW1i9ai/fnDESsm0EGHYm9X1yZzihmnnirag+CeSms+yqNZlQZzWJvo0AfpRiMyyiqzlg7m2MtDfMkc8SesZaSz4w1oqYqqawuO7QI1gy2lPwK8bXTZLaIEzkdJ3PaA+OeloKW6UyY+9lep31fzBuCsDr6XUokEthja2aHe9ccfBLsU3u2V6S/l5hBa6eUS9E3UovfFo7G6PiQOtffmh6b3AsAcOOg6DZeCTVV2+dAEhERERE1wRvrz+KzHcn4bEcyeoRaG0LHBHbswFZb0zi8Oa7QWzNafOroWRdgm8RXUmVEaVV1uZaXQiYG1jJLqnukXbRln/l4EFiLC2YpKFFzqTnJ90RGKV7+/RQKKwx495ZEfL8/Daezy7DpH2MhdWiobw90eZqxBgBbz+Y57ZNK62/QL5dKYTBbYHYYXnAmp8zpGPuAgtoM7OKP349li89VsvozY9vCA2O7Y0hcYJ3lsdQxNCpjrbi4GJ988gmWLFmCwkJrI9ODBw8iIyOjWRdHRERERFSfQ2lF4uNztrIlewNrahzHUtAKgzVQ5lNHxlqgtxJKmRSCUB0AU8mlkEolLtkjAJBiO6YhpaCZJTro6pgoSET1K3XoUwZYJ/7aJ+5+tSsF25PykVemx5G0YpTpjC7n946ou8Tenr1a0+s3DvBoffZyUJNDj7VtZ/Od9tf3ujEwNsDpuUrRPgv1ZFIJhnYNhLqW7xl1HA3+F3b06FH07NkTr776Kl5//XUUFxcDAFavXo0lS5Y09/qIiIiIiGolCAJKKl3f/DGw1jT2UtBynQmV+vqnrEqlEoRprZlp9mmfXrY3v+Fa17KtdFtZqCeloIE+SrFhelqhNdOtymAWgwFE5LlSW8aa1sv6M74vpfqDCcfHGUVVTpM9AevwkpHdnScD1ySRSDA6PthpW7cQH8zysNzRPsDAniFXUmnE8q3nAQALJ/TAnqeuhERSd+ZbokNgLS7Im4EranENDqwtXrwY8+bNQ1JSEtTq6k+fpk6dim3btjXr4oiIiIiIapNdosOfJ7JxwU3vrUgG1prEHvDam1KIe77cD6DujDUAYmbakXRrryZv25vZunoqeVIKKpFI0CXYmrV25xf7kFuqw1VvbcXAFzcwuEbUQKW2LDT7hw/JtfQufHL1Maw9kum0bcmUhHqDWgDw+bwhWPfoaPG5Su55YMteLmqyBdY+2HoOJVVG9ArzwyMTe4rDUOpymcPgmo/vGOzxvYkaq8GBtX379uH+++932R4VFYXs7Gw3ZxARERERNa+3NpzF8KWb8MDXBwEA88f3wISEUHE/M9aaRuPlOvihrow1ABjR3Zql8s3eVACA2paxFupXV2DNszfccbYBBulFVXhy9TEx421fSqFH5xORNcM3y9brMDqg/tfIZZurJ3E+MLa7UyZYXeQyKRLCq4Nb6gaUYtbMWNt6xtqnbcGVPZymhtZFJZdh2S2JeOLqBPQM8/P43kSN1eDAmkqlQmlpqcv2s2fPIiSk/UzYICIiIqLO6e+kfLyzKUl8HuXvhYfH90DfSI3TNmq8PhEaXOkQqATqL9t8eHx3pybc9iwVpVyK4Fqajdc1EMGRPbAGANuTqhuiO04tJKK6bU/KR5nOBKkESAh3DjiN6xWCa/pHYM6wWJfzBsT448kpCY2+b21919yR1Qis2QOBvRoYILt2QCQeHNe9QecQNVaDA2vXXXcd/v3vf8NotKaQSiQSpKam4oknnsDMmTObfYFERERERHZ5ZXos+t9hp23/mtYbXkoZ+kVVB3U0Xp4FbMg9pVyKT+cNwage1b2SFLK6s0VUchneu2Wg+DzVYYpnbeWg7jLj3OkSVD3l1ejQ1LzUTXN1InLvoq1H4bCuQeK0Xbv35wzEe3MG4sGxrsGoxBj/Rt3P3mvtziu6enyOY8ZapcEkTjEN19ae+UrU1hr8G8cbb7yBWbNmITQ0FFVVVRg7diyys7MxYsQIvPzyyy2xRiIiIiIiAMCr604jr0yPHqG+6BHiC1+1HFMuCwcAXNUnDAuvjEf3EB+P+gBR/RyDaYO61F8GFusQAKswVE/wDNeocSLTterF39uzwFrNIIBdfjl7rBF5Sm+bqhuqUUGjdv7Zs/c7dJftW3MYgaf+747BSM6vcMmOq0t1jzULMout2Wp+Krk4UIWoPWpwYE2r1WLDhg3YsWMHjhw5gvLycgwcOBATJ05sifUREREREYlO2oIzj0/uhUl9w532SSQSLL6qZ1ssq9NyzA67aXBMo68TVku2idbTjLVAb7fb88v1jV4TUXtVqjPiREYphnUNFANNzcFgtgAAlDIp+jiUzs8cWD2xUyqV4Jf5o3Dte38DAEZ2D8K4Xs5l4Z5SK2ToHaGp/0AHjhlr9sEK0bX8/BO1F43Okb/iiitwxRVXAACKi4ubaz1ERERERLUqqLAGUiK07KHWGuxvxAE0KQsw3KEUNMBbgaJKa3mXp4G1UI0ao+ODsT0p32l7SSVLQanzuf2TPTiSXoI3bxqAGQ5Br6bSG60/zyqFFJH+Xjjz0tU4nVWG7qG+TsfFBnnDWymDVCLBWzdf7vHQgOYgc5gKeizDOmHYsX8mUXvU4B5rr776Kr777jvx+U033YSgoCBERUXhyJEjzbo4IiIiIrq0bU/Kw6AXN+CV30/BYLKgsMJa+hdUSzN8al5Gh8Cap261NT8f2T1I3OYYWOsbWd0Lz9PAGgD8Y1Ivl22lOlOD10fU3h1JtwaUfjua1azXrc5Ysw4TUMllGBDj7zKYROulwIbFY7Ht8fG19kdsKXKpNURhsQg4m10GwDpMhag9a3Bgbfny5YiJsaaBb9iwARs2bMAff/yBKVOm4LHHHmv2BRIRERHRpelkZilu/3QvCioM+HjbBfR8+g+xNDHQh4G11mAwNTyw9vS0Pnjr5gF4f071IAPHxuPDuwWKjxvSN6lrkA98lDJEaNVYMKEHAKCMwwuokzE5BLMj/Js3qGXPWFPK6w8DRPl7tcnrrGPGWl65PUOZgwuofWtwKWh2drYYWPv1119x0003YdKkSYiLi8OwYcOafYFERERE1PmZzBakFFRi8+kcrNh5EXqTBTqj2e2xfio51ApZK6/w0jR7SAye+fkEhsTVP7jAzkspww2JzuVrwb4q8fGMgdF4ff1ZAECYRgVPab0V+PuJCfBSyrAnuRAAM9ao8zlqK38EgADv5g1sGczW11SVB4G1tmIfmGIwWVBgC6wF+Xr+OkHUFhocWAsICEBaWhpiYmKwbt06vPTSSwAAQRBgNrv/5YeIiIiIqC4rdl3Ei7+erHX/8tsG4YGvDwAAQvz4Jqu1zBnWBT1C/dAvWlv/wXXoGeaL8b1CEOqnRqS/F7Y9Nh46k7nBk/4CbBk0GrX1bQwz1qijyi3T4anVx3Dr8C4Y7zAc4KtdF8XHelvG6JnsMvxyJBP3j+3m8c9MbqkOR9NLMD4hVMwCa0jGWlvxtf1spxdVIqWgEgAQzNJ/aucaHFibMWMG5syZg/j4eBQUFGDKlCkAgEOHDqFHjx7NvkAiIiIi6vw++zvZ7fZbhsZi6Yx+MFuqp1OaHB5Ty5JJJRjh0CutseQyKT6/c6j4PDaoaVP+7MGFMmasUQf1xA9HseVMHjaeysXYniFYeGUPxAR649ejmeIxVQZr4so1y7bDaBZQaTDj2Wv7eHb9H63Xn5EYhTduGgCJRCL2WGvPGWsa28/2879Uf9DCjDVq7xocWHvrrbcQFxeHtLQ0vPbaa/D1tU4QycrKwkMPPdTsCyQiIiKizs/fW4GM4iqM6RmCGwdFY8E3hzA0LhBPT+sNwBrg6Rnmi7M55bhuQGQbr5bamsarOmNNEIQmTSwlagt/nc0TH289m4d9KYUY2T1Y7CMJAJW2wJp9276UQo+ubTRbsOWM9fqrD2Wgd4QG947pVj0VtAME1py3NThsQdSqGvwvVKFQ4J///KfL9kWLFjXLgoiIiIjo0iIIAlILrSU/T0/rjZ5hfrjWTfDs63uG4c/j2bh5SGxrL5HaGT+V9c23RbAGH3xUfONNHYfFIkCokXhbaTBj46kcANbBARnFVdAZzTiSViwe42kJZ3J+hdPzX49m4t4x3Rwy1tpvj0p70Nzuw1sHMnBO7V6jQtXnz5/HggULMHHiREycOBELFy7EhQsXmnttRERERHQJ2J6UjzKdCd5KGWIDay8RDPVT4/YRce26PxC1DseMm9qGXBC1VxdqBL4AICbQS3xsL7/OLKnCzA93ituzS3RYcygDO8/nw2iufWKvvfegPR51KqsMBpMFepP1Z6U9v4Y6Zqz1j9ZiSr+INlwNkWca/BP1559/ok+fPti7dy/69++P/v37Y8+ePejTpw82bNjQEmskIiIiok7MnqVxQ2IUp32SR6RSCdQK61uZKgbWqIN59ufjLtviQ/3Ex0PjAgEAh1KLnXpKZhRX4dHvDmPO/+3Bq3+crvX6VQZr0K1nqB/81HIYzBZcyC+HwdT+hxdovKoDayO6Nb2/I1FraPBP1JNPPolFixZhz549ePPNN/Hmm29iz549ePTRR/HEE0+0xBqJiIiIqJPSGc3Yaus1NKpHcBuvhjoSexB24ptb8d7mpDZeTdPpjGZYOJij00vOr8DO8wUu2x0nXwb6OE/BfOWGfvjuvuGY2DtM3PZJLQNfgOpgs5dShu4h1p7oF/IqxCmj7bnHmr93dWBteDMMTiFqDQ3+iTp16hTuvvtul+133XUXTp6sfUQ6EREREZEjQRDw+A9HcbGgEv7eCozszsAaec7LFljTGS14ff1ZcfuWM7lILahsq2U12Pm8ctz5+V70eXYdFv/vcFsvh1qYvZ9kTY9NTsCIbkF4f85AeCurM3e9lTJcd3kkhnULwqxBUU7nOAZiT2eX4tO/k2E0W8TAmlohFQNr53M7RsbauJ6hmNY/AjckRuEK/j+BOogGd/kMCQnB4cOHER8f77T98OHDCA0NbbaFEREREVHndjyjFGuPZEIuleDDWwdB6+06DY6oNu7Khneey8edn+8DAKT8Z1prL6lRPvzrvDjBcc3hTDw8vgfiw/zqOYs6qtxSHQAgMdYfh1KLxe0hfip8c99wAEC53oQQPxXyyvSYNzIOvrbhHAHezplsmSVViA6w9qW8+u3tAKwBZ7lMIj62927LLKlCRnGV2+u0J1pvBd6fM7Ctl0HUIA0OrN1777247777cOHCBYwcORIAsGPHDrz66qtYvHhxsy+QiIiIiNovQRAaNLFty+lc9Aj1RUygN9KLrJkbA2L8xWbdRJ5yF1jbk1zYBitpmvxyvdPzlIJKBtY6sdwy6993t2Bfp8CaI1+VHD8/fAVOZJbiyoTq5JWAGiWiF/IqEB3gDbND5tqxjGL0jtAAsJaCam09yw6lFqNMZ4JaIUWvcP77ImpODc4BfeaZZ/Dss89i2bJlGDt2LMaOHYv33nsPzz//PJ5++ukGXWvbtm249tprERkZCYlEgjVr1oj7jEYjnnjiCfTr1w8+Pj6IjIzEHXfcgczMTKdrFBYW4tZbb4VGo4G/vz/uvvtulJeXN/TLIiIiIqIGyiyuwvClm/DG+jMeHf93Uj7u/GIfpryzHSt2puDBlQcBAEE+7Td7gtovL4XzWxlBEGAROl6PsuJKo9PzvDJ9LUdSZ2D/+w3VqMQAWICbbN1Ify9c1ScMUmn1Bxc1M80u5JXDaLbgQl71+1+lTIoqg70UVAY/25TN09llAIBBXQKgkLXfUlCijqjBP1ESiQSLFi1Ceno6SkpKUFJSgvT0dDzyyCMN+rQSACoqKjBgwAC8//77LvsqKytx8OBBPPPMMzh48CBWr16NM2fO4LrrrnM67tZbb8WJEyewYcMG/Prrr9i2bRvuu+++hn5ZRERERNRA3+5LQ06pHss2n/PoePv0z3K9Cc+tPSFuD/JlYI0aTi51fiujM1qcMnc6iqwSa3letxAfAMAn2y+05XKohaUXWf++I7RqLL9tIK4dEImv7xnm0bn+NQJwz/9yEvH/+gNXvbVN3JZVonPosSaDRu1cpDYjMbopyyciNxpcCurIz69pKaRTpkzBlClT3O7TarXYsGGD07b33nsPQ4cORWpqKmJjY3Hq1CmsW7cO+/btw+DBgwEAy5Ytw9SpU/H6668jMjKySesjIiIiotp5OZTiZRRXIcrfq87jL+RXuN1uMne8YAi1vZwyndPzCoMJHS2u9suRTOSUWjOYgn1VuJBXgQv5FcgsrkJkPT9P1DGlFFhfB+OCfNAlyAfLbkn0+FyFTIoPbh2IL3amYG8tZc9ncsrQ1Rak9VLIoPGqDsb5quSY0i+8CasnInc8CqwlJiZ6nI128ODBJi2oLiUlJZBIJPD39wcA7Nq1C/7+/mJQDQAmTpwIqVSKPXv24IYbbnB7Hb1eD72+OsW6tLS0xdZMRERE1FnZsyIA4Mkfj+LF6y/DnuQC3Dgoxql8CQDSiyqxPSlPfG5vzE3UWGk1pitW6E1OpaBmiwCZtGEVNY2RV6bHjA934MqEMDx/Xd8GneuYudk9xFcMluSV6RlY64TMFkGcWNs12KdR15jaLwJhGhVmfrjL7f6LBZVIsX2I4aWQwc8hY21avwh4K5uUW0NEbnj0UzV9+vQWXkb9dDodnnjiCdxyyy3QaKy16NnZ2S6TSOVyOQIDA5GdnV3rtZYuXYoXXnihRddLRERE1NkVVRjEx9uT8jHu9b8AAHqTBXeMiHM69lBqMewxD1+VHF/fPQyns0vxyfZkPDy+RyutmDqTmtlpe5ILnUpB9SZzqwQRPv07GWmFVfhiZwqeu7ZPg9rj+HsrUGj7OfrnpJ74Zm8qAKC4yljXadRBFVUaYDBbAFhLQRurW7Cv0/Or+oTh1Zn9cfune3Ais1Qc4uGllEGjrs5Yu/oyZqsRtQSP/k/z3HPPtfQ66mQ0GnHTTTdBEAR8+OGHTb7ekiVLnCaYlpaWIiYmpsnXJSIiIrqUFFZaAwIatRylOpO4ff2JHJfA2vHMEgDAnGGxePaaPlArZOgV7ofrL49qtfVS5/LA2O5YvvW8+PzxH446TVDUGS3wboX2ffYeaYA10yxUU3/ARGc0Qy6VoFuwDy7kVUCjliPIV4WR3YOw83wBiisN9V6DOp5SW8DUTyWHvAkDBGpOB33r5svhq5Kjd4QGJzJLxYEYPkoZAh2OHRwX0Oh7ElHtPP5pLioqwrJly9yWTZaUlNS6r6nsQbWLFy9iw4YNYrYaAISHhyM3N9fpeJPJhMLCQoSH1x6NV6lU0Gg0Tn+IiIiIqGHsGWsDYvydtpfqXLNtTmZaf0/sF6WF2qE3G1FjPTa5F/54ZLQ4WREA9l8sEh/rHEqVm4PeZMafJ7JRrjc5bS90yNxMyi2veZqL1QfTcdlzf+LeL/ejtMp6rVdm9ANQ3ZzeMRuUOg/7BxCOfc8aKy7IGwAwuEsAfFXWfBnHnwUACNOo4aOSY9U9w/DDAyPECaFE1Lw8Dqy999572LZtm9sglFarxfbt27Fs2bJmXZw9qJaUlISNGzciKCjIaf+IESNQXFyMAwcOiNs2b94Mi8WCYcM8m6xCRERERI1TZnuT2CPUuSzpdFYZ9KbqoIYgCDieYc1YuyxS23oLpE5NJpWgd4QGPsrqQG2Vofrfnd5kadb7fbEjBfd/dQD3rtjvtL3CIdCWlFNW73V+PpwJk0XAljN52JtiLdmzl+v521LsWAraOZXY/l6bI7D2xZ1DsWBCDzx3bXVfv94RzsMFw2zlpiN7BGNwXGCT70lE7nkcWPvxxx/xwAMP1Lr//vvvxw8//NCgm5eXl+Pw4cM4fPgwACA5ORmHDx9GamoqjEYjZs2ahf3792PlypUwm83Izs5GdnY2DAbrJzi9e/fG1VdfjXvvvRd79+7Fjh07MH/+fMyePZsTQYmIiIhamD1zp1uIc2DNYLbgdFZ1gOGtDWdRVGmERAL0DHc+lqippA49zez9qwDPM9YMJgveWH8G+1PcT1m0++1YFgBg14UCWBx6uVU6BPM8yVhzty6tLdASaAus5ZXpcTyjBN/uTYUgdLBRp+TW82tPYO5newEAWq+m9/6LC/bBPyb1Qr/o6g8r+tTIWAv3oCyZiJrO48Da+fPnER8fX+v++Ph4nD9/vtb97uzfvx+JiYlITLSOGF68eDESExPx7LPPIiMjA2vXrkV6ejouv/xyREREiH927twpXmPlypVISEjAlVdeialTp2LUqFH4+OOPG7QOIiIiImo4e8Zaz1Bfl+mLR9KLxcfvbj4HABAEQCVnGSg1s1pmBXgaWPtyVwqWbT6HWct3YXtSHr7YkYxKg8nluMsdSp4PpRWLjx1LQz0JrNmzlkZ0q67G8bVNbowPswaeT2WV4pplf+PJ1cew8VSu60WoQzFbBHyxM0V83lIlmf41mgqG+Kla5D5E5MzjULlMJkNmZiZiY2Pd7s/MzIRU2rAGjOPGjavzExhPPp0JDAzEqlWrGnRfIiIiImq6cr01QBDp74X35wyE2SLgTE4Z3t2UhMNpxbhjBJwCFFf0CKrtUkSNVtsMTp2xOnvNYhFwIrMUvcL9oJQ7v2c561C+efun1owimVSC22sM4HCcOLr+ZDYGdbE2gnfMWDtXR2DNYhFQaTSLgbUlUxPw0bYLyC/To0ugtV/WZVHW7KOTWdW9q5Nyy3BVn7Bar0vtX3J+hdPzvDJ9q9xX0YQBCUTkOY8Da4mJiVizZg2GDx/udv9PP/0kZp4RERERUeeWXlQpBi781HJcfZl1cJTkmHX/xYJKAEBBeXUT9rduvrxV10iXtgq9CXqTGQ99fRCnskqRWaLDjMQovFnj36FjKaldelGVyzbHQN3GkzlYMqU3AOeMtcIKA/LL9Qj2dc0Uuu+r/diXUiQG1vy9lHh/zkCnY7oG+cBHKUOFQ7BOzSzPDi+lRmDthsSWm4Zsn5Z7y9CYFrsHETnzOLBm710WHR2NBx98EDKZ9QXebDbjgw8+wFtvvcXMMSIiIqJLwLncckx8c6v43EdV/StllL8XAOsbyS92JOPl308BACK1aoT6sd8PNT83cTEAwLm8ckilwKbT1aWUqw9luATWJG4ukF/uOpVT5zCQI6PYGngzmi0w2IYk2ANiFwsq3AbWapZ0ar1dywGlUgn6RGqwL6V6uimn6HZ8FbbM3RHdgvD27MsR2oIlmouv6olBXQIwpmdwi92DiJx5nBs6c+ZMPP7441i4cCECAwPF3miBgYF49NFHsXjxYsyaNasl10pERERE7cD9XzlPRXQsN4oKsAbWCioMeP6XkzCareVzgb7OvX+ImoukRjHohIRQANY+ZfZ/f3WRugnMFVS4lurpjY6DESwwWwRU6quDbfFh1omMGcU6l3Pd9WzzU7nPcehbY3KuXFZbsSt1FPZptT4qGcI0arfB3OailEtxVZ8w9rMkakUNGkfy8ssv4/rrr8fKlStx7tw5CIKAsWPHYs6cORg6dGhLrZGIiIiI2lhSThl+OJiOi/mVOJ9XUetxQT5KqORS6E0Wp+0mDwIcRI1RM0Zx2/BYbD6di8NpxRgdH1Lv+e7+ZRa4yVjTm5yHIVQYTGImklImRddgHxxOK0aGrYy0TGfE17tTcU3/CKf+bABw/eWRkLqL6AHoF+UcWDPU+Fmijsde2uulbPo0UCJqfxr8kz106FAG0YiIiIguIT8eSMc/vj/isv2GxCinSYmAtaxO66VArkNzboVMgn9N693Sy6RL1PBuQdh5vkB8PjguEBKJtc/fktVH6z2/wqFHWpS/FzKKq1BQ7pqxVnPKaKXejKwSa3ZaoI8Skf7WUueM4kpU6E0Y9OJGGMwWJOWUYfZQ6wC4AG8FFkyIx8xB0bWuZ0CNn6maQWrqeKpsAVgfJbPIiDojhsyJiIiIyEWF3oR7v9yPIXGByCl1LW0Dah9G4KeWi4G1T+4YjP4xWvZXoxZz/9huqDSYcSKzBM9e0wcatQK9wvxwOrvMpRQ0yMe1JPlMdvVU0JuHxODNDWdRqnMt3XQcXgBYhxacy7WeGx/mK/4bLyg3YNvZPBjM1uP3XSzEaFu/q/gwP9w1qmudX0+PUF/MHBiNHw+mA3DNlKOOpzpjjYE1os6I83eJiIiIyMXGUznYeb4A72xKwonMUgDAf2b08+hcP3V1U/ZQjYpBNWpRKrkMT05JwFd3DxP7nA2OC3A6ZnS8NbBVs7fVtrN5OG0LrI2OD8acYdbMsnK9yaV806UUVG/CudxyANZgmL9tGEFRpQGlOqN4XK8wPxzPsP4M9YnQePQ1vX5jf4zsHmS9r5EZax2d2GONpaBEnRIDa0RERETkwh4wAIBjGSUAgBA/FYI9GELgp65+8xjgzaEF1PqGxAU6PbcHNhyHCFToTXjqp2MAgKn9wvHp3CFO/3YragwcqJmxVmEwIckhsGb/t15caUSloToIpzdZcNIWnO4b6VlgTSKRoLctCMdS0I7PXm7MjDWizomBNSIiIiJycTit2GVbqJ8ar83qDwBYeGV8refKHJqy27N4iFrToC7OGWuxgd4AgEqDGRZbJtqbG84ivagKUf5e+O+sAVDKpVDJZVDaptyW6WoG1qzBMqXcur9Cb0ZSjjWwFh/qh0Bbmenp7DLsvlDd801vtIhBuqAGTMdV2e7DUtCOr9L2b8ebgTWiTom5qERERETkxGCyYH9Kkcv2MK0K/aK1OPD0RDGI4E6ew+ACXxV/3aTWF+Xvhbuu6IrdFwrQP1qL+RN6YPWhDABAldEMb6UMK/dcBAC8OL0vfBz+nfqp5SioMKBMZwTgBQAwWwQx6yjYR4nMEh1S8iuQUWydANoj1NcpG+7PEzniY73ZIk72VMg8z2tQya1BGE4F7fhYCkrUuXn0kz1w4EBs2rQJAQEBSExMdOlN4MjX1xd9+/bFU089hZiYmGZbKBERERG1jnO55agymqFRy/HWzZfjnU1JuG1YF7FXWpCvqs7zM23BBsC1pxVRa5BIJHj22j7ic0EQoJBJYDQLKK4yQiaViKWdg2uUjdoDa+UOGWuvrTuNCoMZfmo5pvaLwCd/J+ONDWcAWAciBPooxQyzmvRGM4zmRgTWFPaMNdfA2vm8cuy5UAgvpRTTL4/iz1k7x1JQos7No8Da9ddfD5XK+gvU9OnT6zxWr9dj06ZNuO2227B169YmL5CIiIiIWtfJLGs/qPgwP1zZOwxX9g5r0Pm3DI3FB3+dx8QGnkfUUiQSCSL9vXCxoBKPfHMIB1KrMzK9Fc7BDvvwDcdSUHu224huQZja3xpYswfmeoT6AoBT1psjg8kCo8V6rLKW4Js71aWgzoG1ogoDpry9XZw62iXIBwNjA1zOp/ajylYK6qNiYI2oM/IosPbcc8+5fVyb8+fPo2/fvo1fFRERERG1CYtFwD+/PwIA6BHi26hrLLwyHomxARhhm2pI1B7EBHjjYkEl9l+sDqop5VLIa2SRabysb5GKqwwAgNxSnVje/PpNA1BYbnA63h5YA4DEWH8cSi122q83WcQJo8pGlILmlOictl8srBSDagCQ71B6Te2TmLGmYCkoUWfUIsMLunfvjpycnPoPJCIiIqJ2JbWwUnw8tX9Eo66hVshwVZ8w9lejdiUm0Mtlm4+b0rwIrfW4jKIq5JXpccI20TM+1BcatcJlIEe8Q2Dt83lDMCTOOXtMb7I0qhR0eLdAyKUS7E0pxMfbzuOT7RegM5qx41y+y/WpfRN7rDFjjahT8ui3nfr6qjk6ePAgAECr1TZ+VURERETUJk5nW4MI/aK0GNszpI1XQ9R8ogO8XbZ5u2kmb58g+vr6s3h9/Vkx+NY3UgPAWioqkQCCNQkN8WF+4rn+3kq8e0siRizdLG5znOqpkHneC61biC/uHdMNH/51Hq/8fhqAdRLpWxvPOh3HwFr7V2HgVFCizsyjwJpjXzWdTocPPvgAffr0wYgRIwAAu3fvxokTJ/DQQw+1yCKJiIiIqHWczCoDAPSO8KvnSKKOJSbQNbDmrpl8bI3j7EGRvpHWxAGZVAKVXOrSY80uXKN2eu441bMhPdYAYOGEePx0MAPZpdZy0D+OZ7kc4xi4o9Yj2CKrniSg2DPWvDgVlKhTanCPtXvuuQcLFy7Eiy++6HJMWlpa866OiIiIiFrVadvggoRwTRuvhKh5Rfl7VgrqrmQUqM5YAyAG1QAg1M95Sq5EIsE/J/XEx9suoFRngt5kgT320pAea4A18DdzUBTe33IegPvsNAMz1lrd+bxyTHt3O+68oiueuDqhzmONZovYE8/dvzci6vga3GPt+++/xx133OGy/bbbbsOPP/7YLIsiIiIiorZxylYK2juCgTXqXOLDfF0CW+4y1txltgHVGWvWY6zBt1A/lduMpfkT4vH3kxPE5/ay0Yb0WLMb1rV6CEhhRfXghGBfJYBLtxR09cF0rNqT2mr3+79tF7Dgm0PQGc14d1MSdEYLPvzrfL3nVRqqMwrd/Xsjoo6vwa/sXl5e2LFjh8v2HTt2QK1WuzmDiIiIiDqCMp0RaYVVAFgKSp2PRq3AlsfGYfrlkeI2HzeleSG+KqgVzm+TogO8oHUYWrDqnuGYkBCKl6ZfVuv93GWnNbQUFABGxwdjVI9gAEBJlREA0CdCg0l9wwEAeuOlF1gzWwQs/t8RPPXTMeSU6uo/oRm8/Psp/HIkEx9sOSdOeQWAIodgZ1phJZ77+TiOZ5SI2+wTZSWShmcsElHH0OAi70cffRQPPvggDh48iKFDhwIA9uzZg88++wzPPPNMsy+QiIiIiFrHmWxrf7UIrRr+3so2Xg1R84vy93LKSHOXQSSRSBAT4I2k3HJxm2MZKGDNavts3pA676WSS+GnkqNMbxK3NSZjTSKR4OM7BuGqN7cho9ga+A70UUJlC9Jdij3WHL/mN9efxdGMEnx991AE+arqOKt5rNyT6tRX73hmCUbHWwe9rNqbihW7LmLFrot4b04irukfiafXHANgzVr0dCAgEXUsDX5lf/LJJ7FixQocOHAACxcuxMKFC3Hw4EF8/vnnePLJJ1tijURERETUCk5lsQyUOj+1ojqYFujjPoBcsxzUsQzUUxKJBCvuHooIbXVVT0OmgjryVsrx6sz+4vPcMh1UcuvXcSn2WHP8mr/bn4ZTWaX4wIOyzMZyDOQVVBiwJ7lQfH7MITutoFwvPp6/6hCOpZdg94XqY4moc2rUWJKbbroJN910k8v248eP47LLak+HJiIiIqL265QtYy0hnGWg1HmpHMoxA2rJzHQMhgFAzzBft8fVZ2BsAIbEBWLtkUwATctYGhUfjAkJodh8OhcTe4eJ2W+XYo81d8HElgwwVuhrzwo8kWH9QMJsEVCmMznt+3xHsvh422PjW2ZxRNTmmlzkXVZWho8//hhDhw7FgAEDmmNNREREROShnFIdUgsqm+VaZ+2BNWasUSfmmLEW5Os+sBYV4DwZ1LH0r6F8VM3XsP7j2wfhs3mD8eC47mK/tkuzFNQ1iCZvZDagJyr0plr3HcsogdFswW2f7MEfx7MBQOzRt/pQBgDgmv4RiA1yPxSDiDq+RgfWtm3bhjvuuAMRERF4/fXXMWHCBOzevbs510ZEREREdcgr02PqO9tx9TvbkNsMDbwLK61NuEP9Wr5PEVFb8aQUdPaQWEy5LFx8Hhvo0+j7ebsZkNBYcpkUExLC4KdWiJl3uktweIHR7Po1N6Z/XU0GkwUzP9yJh1YegM5YHbAstwXWghx629mlFlbiiR+PYteFAnFbzzDnrN8JCaFNXhsRtV8NepXPzs7GF198gU8//RSlpaW46aaboNfrsWbNGvTp06el1khERERENVQaTLj3y/0osE2kW3skE/eM7uZ0jCAIMJoFyKUSLFl9DL3C/XDXqK61XrPcVsbkp26+QABRe+PlGFirpRQ00EeJD28bhIziKsgkkkZN87TzcTMgoTmobF/H2iOZeGVGP/iqLp2fW4ObwJpc2rSMNUEQkPjv9agwWANq43tl4sbBMQCqM9Z81XKEa9U4kWkt/wz1UyG3TI/VBzOcrtUzzA9H06t7r43pGdKktRFR++bx/yGuvfZa9OrVC0ePHsXbb7+NzMxMLFu2rCXXRkRERERumC0CFqw6hMNpxeK2bUn5Lsc9/sNRDH5pA9YczsB3+9Pw719P1nlde38gjVrRrOslak+GxAWgW7APAn2U9ZY9R/l7IbxGv7WGaqkJu45ZqsccgjiXAnf91JoaWCuqNIpBNQA45PD6ej7POiHWWyl3KgvuHuK+RPia/hFOz4NbYVopEbUdjwNrf/zxB+6++2688MILmDZtGmSylvnkhYiIiIhcFVYYMOvDnXjw6wOY9u52bDqdC5VcihenWwdHHUgpxLazefho63kIggAA+P5AOkp1JryzKUm8TnaJDqeySsVj7IxmC6pspU/MWKPOLFSjxqZ/jMW+f02stRS0Od08JAZ9IjR4YGz3Zr3uxN5h4uNCW+ZqY/1yJBMjl27CodSipi6rVbgLrDW1FLRmH7XjtmmfWSVVeOLHY7b7mjE9MQoAoJRJ0TWkukR4+uWR4uNQPzX+OaknAGBgrH+T1kVE7Z/HvzX9/fff+PTTTzFo0CD07t0bt99+O2bPnt2SayMiIiIim42ncrD/ovOb3gUTeuDWobF4b3MSckr1uOOzvQCAXuF+GB1fXXpUUF79pnvau9tRUGHA09N6O5WOljtMs/O5hErK6NIkkUjQgr3unfio5Pj9kdHNft0BMf4YEOOPI2nFyGlij8UF3xwCADz54zH8uWhMcyyvRbkLrAlujmuICoNzYO10VhkMJguWrD4mbrv+8iiM7xWK5bcNEjPXUvIr0CvcD2EaNXDYOv3VVyXHg+N6ICbQG1f0CG7iyoiovfM4rD98+HD83//9H7KysnD//ffj22+/RWRkJCwWCzZs2ICysrKWXCcRERHRJS27xPWN8/1ju0MqlWDKZc5lR+9sSkLCM3+Iz8sdMjHsPdl2nS9wOsd+jJdC1ixNwImo5Q2KDQAAfL4zGZ9sv+A24NQQ0iaWU7YWvZsea+4GGjREzYw1g9mCtzaexV9n8qCUSbF+0RgsvDIeAHD1ZeHoEeqLHqG+WHXvcDx3bV9c0z8CQT5KBPsqEapRQSaV4PrLo1gGSnQJaPBvTT4+Prjrrrvw999/49ixY/jHP/6B//znPwgNDcV1113XEmskIiIiuqSZzBa8ueEsAODqvuG4MiEU6x4dLQbApvZzDqwdSi2G0Vx3/obR4ry/VGcEwDJQoo4kLtgbAJBWWIWXfjuFNYcz6jmjbkGtUBrbHNwFEN0NNGiIcn11f7VuwdYSzw//Og8AuGNEF5dJnzVFB3hjx5MTsOWf45wmzxJR59ekjyN79eqF1157Denp6fjmm2+aa01ERERE5MBxSMHwboH4dN4QJIRXN10f1CWgwdcsqXTuyXQw1XqP1ug5RUTNY9agaKef/9SCygZfw7HfYkf5+XcbWGtitp49Y21IXACu6hPmtM+xl1pd1AoZ/Dj8heiS0yx5/jKZDNOnT8fatWub43JERERE5MDxDePoniEu+2VSCV6b1b9B1yyqNOKLHcm47ZM9OHCxCM+sOQ4AGNmd/YCIOgpvpRw/PjhSbJTvrtdaakElzubU3rbndHb1Pn/vjhEUsr8mjukZIg5xaEop6IW8cvxvfxoAa0+83jWmxQa00GRXIuocmOtPRERE1M7Z+wl1C/FB9xBft8fcNDgG53PL8dG2C7Ve5705iUgI12Dim1uRWliJ5385CQD4+1y+eMycYbHNuHIiag1hGjUAILtGYE0QBMxavhO5ZXpMuSwcH942yOXcb/emio87Roe16rJPpUyKxFh/bDyVA6Op8eMLFn13GEfSrVNAFTIpogO8nPZ3lIAjEbUNdqYlIiIiaufs2Rn+XnW/uVPK6/7V7pr+kQio4w3ixsVjxEl3RNRxhGutgbWaGWtVRjNyy/QAgD+OZ7uUS1YZzFh9qLovW83ei54SBAHZJTqnstKWZP86VHIplLZek43tsWaxCGJQDQACvBWI9HcOrDFjjYjq0qaBtW3btuHaa69FZGQkJBIJ1qxZ47RfEAQ8++yziIiIgJeXFyZOnIikpCSnYwoLC3HrrbdCo9HA398fd999N8rLy1vxqyAiIiJqWXrbm8j6Amc1syzcCfBW4vIYfwDWfm1D4qz9mRZM6IEeoXU35yai9smesZZTqnfaXlJldHpe7NBb8Y31Z9D72XUo01VPwzQ1Mjj19Z5UDF+6Cf/8/mijzq9PcaUBL/92Esn5FQCqA2tKuRQKmTXPrrGBtSyHYOTo+GDcPCQWoX7OkzwZWCOiurRpKWhFRQUGDBiAu+66CzNmzHDZ/9prr+Hdd9/FihUr0LVrVzzzzDOYPHkyTp48CbXa+j+PW2+9FVlZWdiwYQOMRiPuvPNO3HfffVi1alVrfzlERERELaL6TWTdk+am9Y9ERlEVpvWPxA8H0vDZjhQMjPXHvpQiTLNNDpVKJfjpoZGwCNbebID1Tau2nmw4Imq/7IG1kiojSqqMyC3VYe2RTIyt0ZOxqNKIUI0aepMZyzafc7mOqZ5pwrU5bsv4+vFgOuaNjEO/aG2jrlObuZ/vw5G0Yvx0KAOPXBkvZub5eyvE18XGDi+wD3zoGuyDr+4eJm6fkBCKzadzofVSINiXgTUiql2bBtamTJmCKVOmuN0nCALefvttPP3007j++usBAF9++SXCwsKwZs0azJ49G6dOncK6deuwb98+DB48GACwbNkyTJ06Fa+//joiIyNb7WshIiIiaimOZU918VXJsXhSLwDAU1N745GJPSGXSrD5dC5GxVcPJZBIJJA5NFPyZzYGUYemUVe/rXt45UHsSymE3mTBuuPZTscV2TLWjjqUPgLAwFh/HEwtbnQpqMWhBPSFX07gf/ePgFTaPB3bBEHAEdtk5PxyA575+YS4L1LrJWasNXZ4gT2rr2Yftc/mDUGlwQS5VAq5jB2UiKh27fYVIjk5GdnZ2Zg4caK4TavVYtiwYdi1axcAYNeuXfD39xeDagAwceJESKVS7Nmzp9Zr6/V6lJaWOv0hIiIiaq8MJjOA+ktBHUkkEviq5FArZJjaLwIaNTPSiDoriaQ6iPX3uXyxfDwp17lFTnGlAdklOmw4meO0fVyvUACNLwXVOWSL7b9YhO9sEzabw6ms2ieaRvirxdfFxgbWqozWUlgfpWvOibdS3qDXXSK6NLXbV4nsbOunK2FhYU7bw8LCxH3Z2dkIDQ112i+XyxEYGCge487SpUuh1WrFPzExMc28eiIiIqLmY+8dpGLWBBHVYspl4fUek1Wiw/Clm/CxbXpwiJ8KW/45DsG+1p5ixkaWguqN1uB/bKA3AOCngxl1Hd4gNYOAjiL9vcRMXp2xcYG1SoN17V7KukvtiYhqc0n+drZkyRKUlJSIf9LSmu8TFSIiIqLmpjd6NryAiC5d788ZKJZF1uaFX046PX9sUi90DfaB3HaeyVJ3cGrd8Ww89/Nx6IxmVBpMOJ5hLSm1Z6yN6BYEAMgr19d6jYbanpRX675IrRe8bZlm9gBZQ1XZzvNmYI2IGqlNe6zVJTzc+olLTk4OIiIixO05OTm4/PLLxWNyc3OdzjOZTCgsLBTPd0elUkGlUtW6n4iIiKg9sWesMbBGRLWRSiWYNSgG3+xNddl3/5hu2HQ6F+dqlIbGh/kCgBiQq2t4QUZxFR74+gAAIC7YByn5FVix6yJem9VfzFiL9LdOJs5vxsBaocMk05pC/FRIL7IOH6gymGo9ri4VegbWiKhp2u1vZ127dkV4eDg2bdokbistLcWePXswYsQIAMCIESNQXFyMAwcOiMds3rwZFosFw4YNc7kmERERUUckTgVlKSgR1eGVGy7DnVfEuWxPjA3A0hn9XLb3CLUG1uTS+vuUncqs7ku95lAGVuy6CAB4/IejYsZapL91OmmZztToKZ016eso8ZRJJWIJZ0UjM9YqbT3WvN30WCMi8kSb/nZWXl6Ow4cP4/DhwwCsAwsOHz6M1NRUSCQSPProo3jppZewdu1aHDt2DHfccQciIyMxffp0AEDv3r1x9dVX495778XevXuxY8cOzJ8/H7Nnz+ZEUCIiIuo07I3ImbFGRHWRSCS4c2RXl+19IzUY3CUAUbaMMjs/21ATMWOtjqmgRQ6ZY0dqTBXNL7NmqIVq1JDZpoEWVtSeadYQVca6A2b2gFgVS0GJqI206W9n+/fvR2JiIhITEwEAixcvRmJiIp599lkAwOOPP44FCxbgvvvuw5AhQ1BeXo5169ZBrVaL11i5ciUSEhJw5ZVXYurUqRg1ahQ+/vjjNvl6iIiIiFqCOLxAzjd+RFS32CBvfDZvsPjcTyVHdIAXJBIJPpk72O059oy1uqaCFlcaa92XUVwFAPBSyBDoowQAFFQ0Tzmozk1gbfaQGKy611qh5GMLiFUaTBAEAb8fy8KprFKXc2pjLwXl8AIiaqw2zXcdN24cBKH2T0UkEgn+/e9/49///netxwQGBmLVqlUtsTwiIiKidoHDC4ioIcbEh4iPw7VqSCTWLLLeERrcMaILvtx10WmKqML22nIquwylOiM0tkw2u//tS8O7m5Lqva9aIUWQjxJ5ZXoUlDc9Y00QBLcZa/+Z2V98bA+IWQRgT3IhHlp5EACQ8p9pHt2jylYK6sNSUCJqJP52RkRERNTOcXgBETWE3KEfY5Cv0mnfk1MS8P6cgfjvjQPEbQpb+abBZMG1y/52Or7SYMLjPx5Fmd4agLqqT5i4LyHcD37q6oCUSi4T79ccGWsGswX2PIyhXQMBALcOi3U6xrE32pG0Yqd1e8I+TZQZa0TUWPztjIiIiKgd2nI6F0+vOQad0YwC24Q9jZoZFUTUMANjA5yeeyvlmNY/Ar6q6tcTx0DcxYJK5JbqxOc1M8+GdwtCuMbamqd3hAZzhlYHuqwZayrxvH0phfjPH6fdlnN6QmeoLk1dftsgvDcnEU9P6+N0jEwqET90KNVVl6teyKtwe01BEJyqpopsJa5aL4Xb44mI6sPAGhEREVE7dOcX+/D17lT8fDgDZ7LLAAC9wv3aeFVE1FF8Nm8wZg2KxvwJPeo9Vm4bXmC34VSO+NhxaEG4Ro2xPYNxta2MtHeEn1MGm1IudchYM2DO/+3G8q3n8cIvJxv1NehM1oCcTCpBgLcC1/SPdJtZZh88kFpYJW47n1fu9pqvrz+Dy577E+dyrfsLbZl1QT5Kt8cTEdWHgTUiIiKidmTr2Twk/nu9+DyzWIeCCgMkEiA+lIE1IvLMhIQwvH7jAKdSydoopM5vC9efqA6s2ad79onQYPdTV6JHqB+euDoBy25JxB0j4tAvWiseG+CtFANUBeV6GM3WzLAfD6Y36muwT+xUy6Vinzh3Qv2sWXK/HMkUt9kDZ45KdUa8v+U8Kgxm/G9/mvXrs2XkBTKwRkSNxHoCIiIionbCaLbgld9OiaVJQHXWRZdAb/YAIqIWoZA7B612ns9Hud4EX5VczFhzDDx5KWW4dkCk+PzvJ8bDZBagVsgQFeAFAEgpqBT3y6W1B8XqYs9Yq++176o+YTib4xxIcxdY+/VIlvj4420XcM/orqiwBe/sJaxERA3FwBoRERFRO7HmUAbO5JQ5bTuUWgyAZaBE1HL8vZyztYxmAVnFVYgP80NhhTXQH1BHRld0gLf42J5ZezS9WNzmpWjchwL2jDWVvO7z7x/bHWYLEOyrRHpRFb7YmYJ9KYUwWwTIHIJ639my1Ox+sQXa5FIJNF58a0xEjcNXDyIiIqJ2Ir3I2h9oRmIUVAoZvtmbioxi67ZeYQysEVHLqDk5FADKbVNAy2wDAfw8HJ7SPcQXEgmgM1rqP7geVR5O7NSoFXhySgIAa+bvjwfTkV9uwKHUIgyOs04TLSjXO00NBaqz2gJ8lHWWmhIR1YU91oiIiIjaiSrb5LxgPxV8aryR7BWuaYslEdElQCFzfVtoD6zpTdYAmUru2VtHL6UM3UN8nbZVGEyNWlehvQzV2/P+ZwqZFFcmhAIA1p+s7hVn/5Ai1E+FWYOiAQAnM0sAcHABETUNA2tERERE7USl7c2nWiGDt8o5O6RXuK+7U4iIWkSFLbBmEANrnpdzjugW5PRcZ7TAbBE8Pv+1dacx7/O9Yil8iF/D+p9N7mudWvrniWwIgvW+mcU6AECEvxe6BvsAAE5klgLg4AIiahqWghIRERG1E1UG6xtYb6UMlbYSKLu4IJ+2WBIRXaLKdPaMNetrkdLDjDUAeHBcd/io5LhuQCSmvrsdgDVrTaNW1HvuhpM5+OCv8wCAv87kAWh4YG1MzxAo5VJcLKjE2Zxy9Ar3Q1aJNWMtUqtGhFYNADDZgn0MrBFRUzBjjYiIiKidqDJa38h6KWQoqjA47ZO7KdUiImouPz44Endd0RXje4UAcJex5vlrUKS/F56ckoDeEX7iRNBKvbmes6zu/XK/y7aGThX1UckxJj4YAPDV7hQAQFaJLWNN64VwW2DNjqWgRNQU/A2NiIiIqIF0RjOWrD6Gh1YewB/Hsprtuo6Nuu1ZIgBweYx/s92DiMidQV0C8Oy1fRCmsQadGttjzZFEIoG3rV+k/XqeGuDwujegEa+Btw3vAgBYtScVxZUGZNp6rEX6qxGh9XI6Nsi3YRlxRESOWApKRERE1EB/nsjGN3tTAQC/H8vGhIRQvDqzf4PLlWqyl396K2V4cFwP/HIkC4E+Snx8x6Amr5mIyBM+tv6O5bYMM72x8YE1APBTK1CqMyElvwI9QuvvFamUS2EwWfDOzZfDSynDX2dyMeWy8Abfd1yvUPQI9cW53HLsPF/gnLGmcc5Yu6Z/RIOvT0Rkx4w1IiIiogZKL6pyer75dC7WHMpo0DUyi6uw+0KB0zadbSqol0KGrsE+OPnvydjx5ASE+qndXYKIqNn5ioE1IwDAYG748AJH42ylpV/tvohKg6nOIQY6o1ksPQ30VSJMo8bNQ2IbXQo/JC4AAHA6uwwX8soBABH+angpZUgI94NaIcWqe4ehWwiHwxBR4zGwRkRERNRAGbaSooUTeuBq2/S59KLKBl3jjs/2YvbHu7H1bJ64rdKhFBSwllEREbUme2Ctwp6x1ojhBY7uHtUVALD1bB76PPsnZn+8C0ZbsK6mkiprME8qAXyVTS+uivK3lnx+sSMZRZVGKGVSdLNNBF390EjseGICRnYPbvJ9iOjSxsAaERERkYcOpxXj5o92Yf2JHABAVIAXrrA1yM60lRl5Qmc041yuNXti1Z6L4vYqo70UlN06iKht2EtB7VNBGzO8wFG3EF/0j9aKz/elFOEf/zsiPj9wsQiT3tqK7/eniYE1jZcC0gYOLHDH3kut1Pa1vDi9L/y9rYMKvJVy9lYjombBwBoRERFRDYIg4Fh6CT7ZfgG5ZdUBs7u+2Ic9yYXIL9cDsE6+i/K3lmluOJmDY+klHl3/dHaZ+PhUVhkEQYDBZEFBuXUSqD1jhIiotfmq7Rlr1mBUbpn19a6xGWsAcN2ASKfna49k4lxuGbYn5WHmhztxNqccr/15Rgysab0Ujb6Xo0j/6iEF94/thpuHxDbLdYmIHPG3NiIiIqIanl97Ait2WTPJDlwswoe3DcLFggoUVhicjovy94JcWv1m8+aPd2H/0xNdMs6+3n0RK/ek4pO5gxHl74XskuoebamFlTifV4HcUh2qjGYE+6rEUiUiotbmq6qe4vnz4QxcLLCWuTe2xxoAXNM/Ev/984w4YRQAJr65zemYvDI9ftifDgCIC2qe18DEWH8M6hKAnmF+eGJyQrNck4ioJgbWiIiI6JJntgj4fn8ajBYBMokEaw5nivv+OJ6NjSdzsNKhZNMu0t8LaoUM43uFYMuZPFQazOjz7J9YOqMfbhlqzYwoqTJi6e+nUGEw4+fDGXhoXA8UVRqdrrPpVA7ybFkh43qFNEsJFBFRY/iqrNli5XoTHvn2sLi9KRlr4Vo11jx8Baa8s73O477bnwagui9bU6kVMvz44MhmuRYRUW1YCkpERESXvB8PpOPJ1cfwzJrjeOqnY2I5kt09X+7HtqR8AECfCI24Xa2wZnB8eNsgPH51L3H7ktXHUGmwllGt2pOKCttQgl+OZMFsEVwy35b+cRq/H8sCAExICG3mr46IyHM+toy15PwKp+2N7bFm1ztCg4RwP5ftr9zQD+Ga6snHT05JwJieIU26FxFRa2JgjYiIiC55G0/l1HuM2SJAIgFW3TsMk/uG4Zlr+oj71AoZHhzbHdc69BE6eLEYBpMFn+9IFredyirFQysPoMgWWEuM9Rf3ZZboIJdKMCqeE+qIqO3U1uNRZxuu0hSr7h2OlfcMw+KreorbuoX4iB9EAMADY7s3+T5ERK2JpaBERER0ybNnZtw/ths+2noBADAgxh99IjT4Zm+qeJxGrYC/txIf3T7Y5RoSiQTLbkmEQirB6kMZuO3TPeK+ED+VWOr554nqIN6IbkE4lFosPh/UJQAadfM07SYiaozaAmvdQnybfO1AHyWu6BGMosrqrN0gH6U4EZmIqCNixhoRERG1O9vO5uGr3a49zVqK/U3d6B4hCNOoMCDGH2seGolnrumNSX3CxOO6h9TfUHt4tyCXbXdd0dVtiWdsoDc+nzdEfD6xd5jLMURErck+FdRu4+Ix+Ouf4xDip2q2e0QHeIuPA3yUGBgbAAAI9lU22z2IiFoLM9aIiIio3bnjs70AgP5RWgyI8W/x+1XZeqCF+Knw9xMTAFgz0LyVcnx8x2AcSi3C/22/gBmJ0fVea0zPEKgVUuiM1dPv5gyLxdyRXVBUacTcz/biXG45AGBa/wj4qRX4+eErsP5kNm4dHtsCXx0RkedqTv/sEeraF62pujpM/fT3UuCNmwbgvc3nmm1oARFRa2JgjYiIiNoVQRDEx1klOgyIafl72jPWvBQyKGSuCf2JsQH44NZBHl0rXKvGjicm4GJhJe76Yh/mj+8BrZe1vNNbKcd39w3H78eyMGtQDLyU1jewA2L8WyWASETUEJIWGlCs9Vbgl/mjIJdJIJdJER3gjf/M7N8yNyMiamEMrBEREVG7Ummo7rUjk7bQuzoHgiBUB9aUsnqO9kyQrwpBviocfnaS2323j4hrlvsQEbUkaUtF1gD0i9a22LWJiFoTe6wRERFRu1Kmq54O55i91lL0Jgvst2muwBoRUWfQ8h9tEBF1fAysERERUbtSpjOKj1tjUlyVQ4acWs5fjYiI7FoyY42IqLPgb49ERETUrpQ6ZKxV6Fs+sFZpC94pZVLI3fRXIyK6VDGuRkRUP/72SERERO2KY8ZapcFUx5HNw56xplbw1yIiIkdqBcvjiYjqw98giYiIqF0wmi0wWwSnHmuOgwxais6Wseat5EwnIiIAePvmy6FRy7H8Ns+mIRMRXcr4GyQRERG1ObNFwLR3tyO3TI/bhnURt1e0QsaaPXjHwQVERFbTE6Nw/eWRkLAWlIioXsxYIyIiojZXUK7H2ZxyFFca8d6Wc+L2ymbusWa2CHj8hyP4ZPsFcVtemR4AoPVSNOu9iIg6MgbViIg8064Da2azGc888wy6du0KLy8vdO/eHS+++CIEQRCPEQQBzz77LCIiIuDl5YWJEyciKSmpDVdNREREDZVXrne7vdSh31pzOJhahP/tT8er606LJaDncssBAPGhvs16LyIiIiLq/Np1YO3VV1/Fhx9+iPfeew+nTp3Cq6++itdeew3Lli0Tj3nttdfw7rvvYvny5dizZw98fHwwefJk6HS6Nlw5ERERNUR+uUF8HOijFB8XVhjcHd5oZ3PKAABGs4BDqcVYuecivtqdAgCID2NgjYiIiIgapl33WNu5cyeuv/56TJs2DQAQFxeHb775Bnv37gVgzVZ7++238fTTT+P6668HAHz55ZcICwvDmjVrMHv27DZbOxEREXnOXo45Oj4YX909DJtP5+CuL/ajqLJ5A2tJOeXi461n8/DRtvMQBCDYV4Ure4c1672IiIiIqPNr1xlrI0eOxKZNm3D27FkAwJEjR/D3339jypQpAIDk5GRkZ2dj4sSJ4jlarRbDhg3Drl272mTNRERE1HD2wFqIrwoAEOhj/W9RRfOWgibllomPl2+1BtVUcin+fmI8uocwY42IiIiIGqZdZ6w9+eSTKC0tRUJCAmQyGcxmM15++WXceuutAIDs7GwAQFiY8yfMYWFh4j539Ho99PrqXi6lpaUtsHoiIiLylL1Es0uQDwAg0NtaDtr8paDlLtuCfJRQKzgRlIiIiIgarl1nrP3vf//DypUrsWrVKhw8eBArVqzA66+/jhUrVjTpukuXLoVWqxX/xMTENNOKiYiIqCFMZgv2XCjArvMFAIB+0RoAQICPdUJnldGMcr2pWe5VqjOKmXGO/L2Vbo4mIiIiIqpfuw6sPfbYY3jyyScxe/Zs9OvXD7fffjsWLVqEpUuXAgDCw8MBADk5OU7n5eTkiPvcWbJkCUpKSsQ/aWlpLfdFEBERUa1e+f00bv54N7JLdQj0UWJQbCAAwFclR5S/FwBgX0phk+5hNFuQXaJDSn4FAMDfW4GR3YPE/Y7DEoiIiIiIGqJdB9YqKyshlTovUSaTwWKxAAC6du2K8PBwbNq0SdxfWlqKPXv2YMSIEbVe9//bu+/wpsq3D+DfpHvvvaEUCpRZyip7iiLThcgQUESWqIhbEFFx/MCJVUFFAfFlypS9aVlllNU9Kd07bdLkvH+kPW3ooJSWpO33c11cV3LOyclz6N00uXM/92NkZARLS0uNf0RERFR/MrkSX+6/hdf+Dkf2A0zfPBujrlSTSoCtr/SBlam6Uk0ikaC/nz0A4MTtjHqNSRAELNocjjbv7kWvTw/huZCzAABnS2MsGNJGPM667DmJiIiIiB6UTvdYGz16ND755BN4enqiQ4cOuHTpEr7++mu8+OKLANRvuhcuXIjly5ejTZs28PHxwfvvvw9XV1eMHTtWu4MnIiJqQX44GoXvjkQBAJwsjbHksXb3fUxiVhGu31H3Od09vx+87c009gf7OmBjWCI2nUtAkI8NRnRwhkQiqfOYotMLsPVisni/UK4EADhbGcPUsOItECvWiIiIiKi+dDqx9u233+L999/HnDlzkJaWBldXV7z88sv44IMPxGMWL16MwsJCvPTSS8jJyUFwcDD27dsHY2NjLY6ciIioZfn5RIx4O7+4bit5Lth0SbztWjbts7K+vnaQSIAiuRKz/7yIn6cEYlh7pyrH1eRifE61250tjWFqVLFYAXusEREREVF96XRizcLCAqtWrcKqVatqPEYikWDZsmVYtmzZoxsYERFRC/fbqVjkF5di7mBfFMmVUCgFcZ9KqOWBlVxMyBFvWxpXfUtibWqIADcrXEnKBQAcvpmGmPQCOFgYYXw39zqcPxsA8EygB27ezcflRPXz+Tqaw6xSxZoNp4ISERERUT3pdGKNiIiIdE9hSSk++vc6AKCHjy1KlQKUlbJpGQUl2H3lDjIKSuBha4LB7aqvMmvjaI7ItAI8E+hR4xRPXwdzMbEWnpiDjWEJAIDHO7nASF+v2seUu1SWuBvi74gXenvhiW9PAgD8nCxgYljxWHMjvh0iIiIiovrhO0kiIqIHkFFQgpORGbiZmo+1J2Mxs58PFo+8fz+x5iQxu0i8/c62q+jiYQ0A0JNKoFQJOHD9Lg5cr1ixO3rFKOhJKxJnSpUAhVKFjIISAMD0YO8an+vpHh7YekndJ+1GWT82AIhJL4S/S82LD+UVK3A7LR8A0M3LBnZmhujmaY2UnGJ087KBkX7F4khGBrUn6IiIiIiIasLEGhERUR3tCE/Ggk3hGtt+OBqNmf1atagG+IlZMvF2THohYtILAQDD2zth77XUKsdnF8lhb24k3p+38SL2XK04ztGi5r6ovVrZ4fcXgzB1bZjG9lup+bUm1i4n5kAQAE9bU/G5N72kXjHcUF9zxXEjfZ1eJJ2IiIiIdBjfSRIREdXBlaQcjaRaWycL8fat1HwtjEh74jIKq90+rY93tduzCuUQBAGlShVSc4s1kmrdPK3v2+NsgJ8DvpjYCT19bMVtN+/zf349RV3d1sndStxmqC/VSKp1dLOEgZ4EvVrZ1XouIiIiIqKasGKNiIioDkKOV6x6ueWV3ujuZYvJv4TiZFQGknNktTyyeQlPzMEne24AAAa3c0RGQQl6+tji6UAPtHGywNppgTh0Iw1/hSaIj8kskOOjnaE4F5eF0kq92Pq1scd3k7rV2F+tsqcCPfBUoAf+OBOHD3ZE4Pbd2hNrsWXJv9YO5jUes21OX8hLVTBjjzUiIiIiqie+kyQiohYvt0iBMzGZuJmahyc7u6JVWTKmoKQU2y4lI8jbFvsj1FVWu+YFo6ObugrKzdoEAJCc3TISa0XyUoz9/pR4f9EwP/H/otzgdk4Y3M4JOTIFdl+5AwCIzyzE6ehMjeOG+jvi5ymBdUqqVeZXVikYlVZQZd+8jZdwN68YU3t7Y/dV9XP72JvVeC4DPSkM9Fi8T0RERET1x8QaERG1WIIgYPafF3Dg+l2UF1JdS87FL1N7AADe3noV/15OEY/v6mmtkUhys1En1io382/O/jgTr3G/g2vNPc6+n9QNSuUF7ItIxf8O3q6y38RQ/4GTagDgXvZ/fidXBpVKgLRsUYT0/BLxZxUWmyUe711LYo2IiIiI6GHxa1oiImqxErKKsD9CnVQrrz4LT8yBIKizbJWTagAwtbe3xn0/J3Vl283UPDRliVlFkJeqqmxXVZq2mV+swJpj0QAAe3NDbHml930TY2O7ukEiAe7mqVf/7Olji8m9PCGVALP6+dRrrE6WxpBIAIVSQHxWEXKK5ACAX07EVHu8jx0Ta0RERETUeJhYIyKiFis+U11p1sbRHIdeHwA9qQQZBXKcj8/G9kvJGse6WBljTBdXjW3tXdTVa7dTC6BQVk1MNQXbLiWh38oj+GL/TY3tm88nwu+9vTgRmQ4A+Cs0ATlFCrR2MEPoO0PR3cu2utNpGNnRGRtm9hLvd/OywQdPdEDYu0PRyd26XuM10JPCoWyVz0FfHkWPTw7icmIOQmpIrFndZ2EEIiIiIqKHwcQaERG1WPGZ6gb3XnZmMDbQQ++y1SGfWnMGC/8O1zi2i4d1lQotD1sTWBjpQ65UVdvzqyl47e/LAICfT8SiVKlCyPFoXIjPwuL/u4JSlYAVe9QJt4vx2QCA54I8oSet+xTO3q3tMGdgawR62WBWv1Yw1JfCviwxVl8etqbibYVSwHM/n4Ug1PIAIiIiIqJGwh5rRETUIhWUlGLPVfWCBK0d1NMFx3dzw8mojGqP97QzrbJNIpHA39USYbFZuJ6SB3+XmnuO6ZKsQjmK5KXYWWmqq6OFEUJOxGDlvlsax964k4dSpQrR6erEYVtniwd+vsUj2z3cgO/xeIALLpQl+gCgSK6EhbE+/pzREzsvpyAqrQAnozIQ8kL3Bn1eIiIiIqJ7MbFGREQtzpnoTMz4/RyK5EoAwIC2DgCAER2cAVyucnwndys81d292nO1dylLrN3Jw4RGG3HDUKkEhMZm4ZW/LiCnSKGxz8hAir1licZ7bQ9PEafNti5bMVWbJnR3x7Jd1zW2vT7MD509rNHZwxoKpQpZhXI4WRpraYRERERE1FJwKigREbUoMekFmLo2TEyqSSVAkLe6X5iZkT5GdHDSOH7LK32wc24wfB2rr9RqX7YyZkRKbiOOumG8t+Manvv5rEZSbVSAMwAgt0iBhKzqVzc9dOMuSlUCTA314KwDySorE4Mq1YFD/Ct+bgZ6UibViIiIiOiRYMUaERG1KJvOJUKuVMHH3gxtnSwwva839PUqvmda9UxXnIrKQEc3K6TnlyDA3arW87UvS/DcuJPfqOOur/IqtU3nErAjPKXK/jFd3LDnairyikvFbS/3b4UxXdww6psTAICUHBkAoJWDGaQP0F+tMa2fEYTA5QfF++42JlocDRERERG1VEysERFRi3L0VhoA4I3hbfF4J5cq+00M9TC0vbr6ydnq/lVPrcr6s+XKFMgrVsDSWHurUJaUKpGSUwwfe/WYLsRnYcKPZzSOaeNojpApgRj05VEAQFcPa439Twe64+1R/gCAF/v6YO2pWFxOUlfjtbLX/jTQcvbmRpjS2wt/nIlHfz+HKgtLEBERERE9CkysERFRi3E9JQ+376qb8Pdubdcg5zQ11IeNqQGyixRIypKhvat2EmsyuRIT15xGREoeds0LRkc3K3y4M0Lc/0ygBwa0dUCgtw0czI0wqacnTA304FhpyuS8wb5YNMxPvG9mpKfxHAFutVfvPWpvjGiLADcrjO7squ2hEBEREVELxcQaERG1CPJSlTi1McjbFrZmhg12boVSAABMXHMa7z3eHqejM7BwqB98HR9dhdfbW68gIiUPAHAuLgsd3axwLVl9f3IvTywfG6Bx/IpxFfc/GdcR8ZlFWDCkjUbll5mR5tuEzvdUt2mbpbEBngr00PYwiIiIiKgFY2KNiIhahOO308Xbcwf7Nui5HS2NUJBeiiK5Eu9suwoA2HXlDuI+e7xBn6cmUWkF2F6pf9rtuwWY89cF8f6iYW1rffzzPb2q3W5mWFGxZmmsj84eulWxRkRERESkbVwVlIiImr1ihRLfHokCAMwI9kF/P4cGPf/yMR2r3V5SqmzQ56nJmegMjfsbwxKw52qqeN/GtH7TUytXrI3o4Awjfb1ajiYiIiIianmYWCMioiZPJlfijzNxiM0oFLfdTM3D4Zt3AQCz/7yAy4k5AICxXdwa/PlrmvKZX2mlzcZUvrhAn2r6xg31d6p3Y//KiTT2MSMiIiIiqopTQYmIqEm7npKH+ZsuISpNvShBB1dLvDWyHeZtvIRcmQJrpwXi6K2KaaAd3SwbfAz39iIrl19cCntzowZ/PgAQBAEFJaUw1Jfi/y4kAVBXlZ2OzgSgXv1zx9y+MH6IKjPTSlNBq0vaERERERG1dEysERFRk5NfrMCRW+k4FZmBv88nauyLSMnDlLVh4v0Xfzsv3t41L7je1Vu1qZyAunecjWXZrutYdyoO47pWVOAF+diKt7t72cDU8OH+zA/wc8D8IW0Q5G0LfT0WuRMRERER3YuJNSIi0hmCIGDtqTh42ZpiaHunGo97ef0FsTKr3JdPdcaRW2k4E52JrEJ5lceM7eKKjm6N03y/pmRdY00FzSqUY92pOADAtkvJ4vbWDuZ4d5Q/zsdn4Z3H/R/6eaRSCRYN83vo8xARERERNVdMrBERkc6ISMnDx7uuQyoB1k0PwoBqFhlIzS0Wk2pTenuhp48dRnZ0hp5Ugond3QEAUWn5uBifA297M0z6+SxKVQKGd3B+pNcCNF7FWlZhSZVt3zzXFYb6Uszq3wqz0KpRnpeIiIiIiDQxsUZERDrj+p08AIBKAOZuuIjtr/ZFawdzJGQWwcRQDw4WRlh7KhYAEORti2U1rMbp62gBX0cLAMCeBf1QrFCik7v1I7mGfm3soS+V4MitdOQ1UsVasUKlcd9AT4KuHtaN8lxERERERFQzJtaIiEirjt9Ox1tbrmBgW0cY6av7eEkk6mmUK3bfwIxgH0z+NRT6UilWPdsFZ2PU1WrP9/Ks0/n9nCwabeyVdXC1RERKHqb18cbea6kAgORsWaM8l0yhFG+3dbLAklHt4GFr2ijPRURERERENWNijYiItGrFnhu4k1uMjWEJ4rbZA1rjx6PROHQzDYdupgEA5EoV5m28BKVKAKBOZOmSP2f0RHR6AQK9bRGfWQRAPbW1MRSXJdbaOllg/2v9G+U5iIiIiIjo/rjEFxFRHQmCgPDEHBTJG2d6X0ugUgn440wczsZkQqkS8NHOCNxMzdc4RioBZgb7YGDbiv5qHd0sMcDPQUyqAYCXndkjG3dd2JgZItBbvSpnedLvxp3GSazJ5OrEmqlR9auREhERERHRo8GKNSKiOvpgRwTWn43H1N5eWFpDby+q3fqz8fhwZwQA4N1R/vjtdBwAdSJq2ZgOOHgjDQFuVrAzN8Kayd2x+P+uQCIBlo/tCH2pFON/PI0bd/LwWEdnGOjp7ndDrRzMAQDJOTL8fDwGj3dygau1Sb3OFXk3H+9tv4ZXBrZGsK89TkVn4mxMFgDAxICJNSIiIiIibZIIgiDc/7DmLS8vD1ZWVsjNzYWlpW5NLSLdV6xQQqkSYGbEPHVzdujGXcz4/TwAwNXKGKffHqLlETU9KpWAXp8eQlq+5oqWzwV54s0RbWFrZnjfc2QVynH4Zhoe6+is079zgiAg4KP/UFCirm50szbBqSWDH/g8hSWlePG3cwiNVSfS+vra4VRUprh/YFsH/DY9qGEGTUREREREAB4sT6S7X/cTNQHp+SUY+vUx9F95hNMDmylBELBy300xqQYA7mwSXy//dzGpSlIt2NceK8Z1rFNSDQBszQwxsbu7TifVAEAikcDbviJOknPqt4jBgk2XxKQaAI2kGgDkyRT1GyARERERETUIJtaIHsKmsAQkZcuQWShHVFpBlf0sCG36ItMK8MPRaI1txZVWZNQl+cUKyEtV2h6GhpORGbicmIOTkRl4a8uVKvufDfKARCLRwsgan4+9+UOf4+CNtCrb3CpNKc0vZkKfiIiIiEibmFgjeghnYiqqR8pXAQTUiZdFm8PRZdkB3EzNQ3xmoUbTdQBQqgS8+tdF9FxxEAmVHku6Q6US8NfZePH+Yx2dAVQ0jtclBSWlCP78CAZ8caTaJG9D2xSWgGX/XkdJac3/F/uupWLyr6EY8/0pTP41FIIABLhZYfurffF4gAtGd3bFUH+nRh+rtvjYPXxlY3nO8Y3hfuI2a1MD8TYTa0RERERE2qXbc2mIdNztuxUJjLiMQvH26kOR2HoxGQAwctUJAMA7o9rhpf6txWNe3xyO3VfvAAA+2XMdP70Q+CiG3GKVVw/WtTrqUkI2lu26jksJOQCAaX28MaaLK/ZeS0WRDibWkrNlyJUpkCtT4OmfzmDfgn5wtDR+6PNGpRXg1b8uws/ZAv187bEhLAHT+3pjydarAAADfQnefsy/yuNKlSq8vjm8yvbXh/uhi4c1vn++20OPTdd52z/cqqUyuRLlRa9T+3jjy/9uAwCklWI4v5hTQYmIiIiItEnnK9aSk5MxefJk2NnZwcTEBAEBATh/vqLXkSAI+OCDD+Di4gITExMMHToUkZGRWhwxtRRKlYCswop+UX+FJuByYg62XEjC/ojUKsf/ciJWvB0Wm4Xt4Sni/dhKSTlqHO9su4ZuHx9ASh16XSlVAuZvuoRLCTnQl0qwckInfPRkB5gaqr+L0MWpoJUrx7IK5dhTlrR9WJ/svo5bd/Px7+UULN5yBeGJOViwKVzcfyY6s9rHJWQVobAsATmtjzcm9/LEM4Ee6Otr3yDjagoeNrGWXSQHAOhLJTCv1FNOKqmoZPNgvz8iIiIiIq3S6cRadnY2+vbtCwMDA+zduxfXr1/HV199BRsbG/GYlStX4ptvvsGaNWsQGhoKMzMzjBgxAsXFxVocObUEmYUlKJ/d6W5jgtS8Yoz5/hRe/+cyYtLVibKvnuqMzu5WACB+MBYEAZ/svq5xrpj0wlqn1NHDibybj41hCcguUuDwTc2eVYIgIDGrSKxoO3j9LiauOY3ELHUCbuucPni6hwcAwMRADwAg08HEWrFCs7fa7gZIrMnkSpwqS5wZ6lf/5+JKUi5m/n5OY/GOklIldl9RP38HV0t89GQHLB8bgM8ndoKBnk7/2WlQPnaaibWfjkXXcGT1krLVMWhjZqhRaSmRSLDz1WAMb++E7yY1/8o/IiIiIiJdptNTQT///HN4eHhg3bp14jYfHx/xtiAIWLVqFd577z2MGTMGAPDHH3/AyckJ27dvx7PPPvvIx0wtR3rZ6ob25kZYOaETJv0SKu5r62SBoe0dMaG7O3q2skXw50eQkFWEa8m5+PdKCi4n5cJQT4pTSwZj5KrjyCyU4/fTcRpTRanhXE7KFW+XJyvK/XQ8Bp/tvYlZ/Xzw6iBfzPnrIuRKdZLqs/EB6ORuLR5rYliRWBMEQaea7pcnZm1MDVBYosS5uGycjclEr1Z2D3yuTWEJOB6Zjt6t7CAvVcHN2gTH3hyIiJQ8uFgZ48/QBHxzSF0ZrCeV4OCNNMzfeAkdXK3gZmOCP87E4VpyHgCgjePDN/BvqmzuWen00703MSPYB/r3SS4mZhXh/R3XcPx2OgDA0cJIY39bJwsEuFshZAqnjxMRERERaZtOJ9Z27tyJESNG4KmnnsKxY8fg5uaGOXPmYNasWQCA2NhYpKamYujQoeJjrKys0LNnT5w5c6bGxFpJSQlKSiqm8OXl5TXuhVCzcj0lDwUlpcgoKE+sGaKPrz3WTe+BsNgsvNjXBw6VPgi7WpnA284UcZlFeOLbk+L27l42cLAwwqLhfnh32zV8vu8WunvZoLuXbZ3GEZ1egA93RCDIxxbzh7Rp2ItsZqLTK3rhnYrKQLFCCWMDPaTlF+OzvTcBAD+fiMXPZdN1PWxNEPJCIPxdLDXOU55YEwSgpFQF47IKNl1QXrHmZWeGDq6W+Cs0AX+ejYeTpTHGfHcS0/v6YHIvLxgZSGFhpI8z0Zno5GGtMcWwXHn/tD1X1VOaB7R1gL6eFJ09rAEArw1tg/YulujmZY1dl+9g2a7rOHgjTWMFSzNDPQxr74S5g30b+cp127IxHfDBjgjxflah/L697/4KTcDRW+qkWg9vG7w+vC0A4J/ZvfHP+US8Papd4w2YiIiIiIgeiE4n1mJiYvDjjz9i0aJFeOedd3Du3DnMnz8fhoaGmDp1KlJT1R/6nJw0V5VzcnIS91Xn008/xdKlSxt17NT8FJSU4lZqHqatPYf8koppb71bqyuCBrV1xKC2jlUeJ5VKsOSxdpj950WN7bP6q6svJwV5IjQmCzsvp2Dh3+E4+sYg6ElrroRaue8mdoSnILmsV1hYbBYTa9XYejEJG8MS8GJfH9xKzRe3X03OxbyNlxDyQnd8svtGtY+dGdyqSlINqJgKCqgTJHGZhWjrZAE7c6Mqxz5q5X3fjPSlGN/NDX+FJuBEZAZMDPSQV1yK1Yci8c3hSLjbmGBcV3ex4mzvgn7wd7HEb6dikZJbXCUR5mxpjBnBPhrbJBIJRpatkBrkU30ieNHwtlUe1xJN6e2tkVhLLyi5b2ItIkVdYfly/1Z4e1TFwhA9vG3Rw7tuiXciIiIiIno0dDqxplKpEBgYiBUrVgAAunbtimvXrmHNmjWYOnVqvc/79ttvY9GiReL9vLw8eHh4PPR4qflSKFV45qcziEjRrG60MjHA/MH3T2qN7OiCP2f0hKmRHgpLStHJzRpWpgYA1EmKFeMDcDwyHYlZMpyKykB/PwfxsYIgYNLPociRKfBUd3f8cFSzT5NcqUJBSWm1lUctlSAIWPrvdeTKFDgXlw3Dsql37z3uj5X7buHA9bv46r/b2BGeAokE+HduMKxNDfD65ssY0cEZU/t4V3tePakEhvpSyEtV6PPZYQBA71Z22PhSLwCAvFQFmVwp/mwfpZJSdcWasYEeOrtbw9JYH7kyhUbMCgKQmCUTk2oA8GzIWZxeMhgf/avu+xdetgqqhbE+zr07FIZ6UkhrSfTW1KB/fFe3h72kZimzQF7r/mvJuTgRmQEAGNyuaqKeiIiIiIh0i05/EndxcUH79u01tvn7+2PLli0AAGdndcXE3bt34eLiIh5z9+5ddOnSpcbzGhkZwchI+xUm2lZYUor/u6Cu6tHXk+C5IE8818Oz1g/Rzc2x2+mIvJuPST09xRUfq3MxPrtKUg0A3n6sXZU+SjUJblPzaojmRvp4rKMLNoYl4PDNNKw9FYujt9IxtbcXngr0wJkYdQP5ZbsqFj049PoAjPnuFApKSnEnR4Y2ThZ1GkdLkJQtQ65MId6XK1VwtzHBi319kJwjw7pTcfjuSBQA4Nkenujopl5g4u+Xe9/33B42JohOr1jF9WxsJnJlCliZGOC1v8Nx6OZd7JnfD60cHm1vsfKKNWMDKfT1pOjXxgG7r97B9Tu1T3XPlSlwNqZiZc+wuCwAgJedaZ2mulZO6PZqZYsuHjZwsTKu8+9FS1M+hbwmx8r6qgFAQNnCJ0REREREpLt0enm2vn374tatWxrbbt++DS8vLwDqhQycnZ1x6NAhcX9eXh5CQ0PRu/f9PyC3ZMUKJTp8uB8f7ozAzdR8XEvOw7vbruGFtaHi6ogPSqFU4cD1u1hzLFr8kK/LErOKMOv381i++wZ6LD9Y65jjM4sAAEHettg4qxcufzAcx98chGeDPBtsPP3LEm+/nY4T+yv9fiZeoy9buZAXuqO1gzncbUwAAEk5sirHtETp+SWIyyjEwRt3AQAd3SyxYWZP/Do1EFte6QOpVIIJ3dzF482N9PHGcL8Heo7yJFw5QQCeWnMaCZlF2H31DooVKmwITXj4i3lAFVNB1cmwAZWqHqvz0eiKLy1m/H6+yv4g77ovejC+mxvMDPXw8ZiOWPJYuxor/qhqYi02oxDFCiUiUnJxKzUfiVnq15r5Q9rUmuwnIiIiIiLdoNOJtddeew1nz57FihUrEBUVhQ0bNiAkJASvvvoqAPUUuoULF2L58uXYuXMnrl69iilTpsDV1RVjx47V7uB1XGhslni7X6VKqlNRmcgpUlT3kPt6+qczmPXHeXy296ZWEgsPQqUS8Po/l8XVHwvlSvxxJq7aY4vkpfjxmHr6ZVtnC/RubQcrUwN42pk26JgGtnWEq1XtvZfcrE3w90u9MLyDulqznbO6Sm37pWQoVfVLiDYXKpWAiWtOY/BXR7G0bFrjxG7u6ONrjyH+TnAq62vV0c0KL/b1gYWxPr58qtMD90cL9q34fVnymLqJ/O27BXgm5Iy4/WpyLpQqoVF/JkXyUpyPyxIT4RVTQdUv65WnE7tZm+DmxyNhXTZF1c3aBNP6+sDnnmmcv78YhPHd3GBsIMXTPdxRV19O7Iywd4eyarIOKk8FvRCfjUFfHsWw/x3D49+cxIhVxxGToa6G9G7g1xciIiIiImocOv11eI8ePbBt2za8/fbbWLZsGXx8fLBq1So8//zz4jGLFy9GYWEhXnrpJeTk5CA4OBj79u2DsXHtCYqWTBAErKnUp+u7Sd1wIT4LL/6mrlrJlSnuO42roKQUeTIFXK3VFVP5xQpcKuvNBKinLAqAzjYv/2DnNYTFZkEqUS8+cCoqE1/9dxvP9PCElUlFfyx5qQov/nYOsWUfdr0a8cOuiaEe/pgRhP0Rd5GUXYS7eSWwNjXA1ovJsDc3xIpxAejv56AxPe+pQA9sD0/BjvAUZBSU4LfpQTDQ0+l8eZ2VKlXYeikZA/0c7tvsHQCORaaLlYWAuh/aE51dqz32g9Ht8e7j/rUuElGTCd3ckZQtg6WJAV7s642L8dn47/pd3MktFo8Jjc1C63f2IMjHFn+/1AsSScNNr84ulGN7eDJ+PRmLpGwZunpaY920HuLvdHl8OFdK0nbxtIaxgR7+nRuM/RGpYtVeqUolHnPhvaGwMzfCAD8HrJzQCfoPEEdSqQRm7PFXJ+mVKta2XEwCoO57V+5asnrhAk9bJtaIiIiIiJoCnf8k9MQTT+CJJ56ocb9EIsGyZcuwbNmyRziqpm1jWCLOxGTC2ECK/Qv7w8rEAIPbOcHN2gTJOTJkF8nhjeobkgPqJNrob08iJbcYx98cBGcrY42kQrlP99zA9D7eWu/ZVlKqxGd7byIuoxBvjmgHuVKFP8+qK+pGBbjgf890wZCvjiEhqwg7wpMxpbe3+Nil/0bgbIy6um9QWwc82aX6RE1D8XW0gK9jRdWPUiVgZAdndPawFiuuKuvra48vn+qMD3Zcw6moTBy6kSau1tjULd99A7+djkO/NvZYP6NnrcduCE3AO9uuamzr38Ye9rVUo9UnqQaok0ivDauYPvrTC90x7H/HEZVWUOXYsNgsbL2YjEBvG3jamj50gi2zoASPrT6BtPyK5MylhBx0WXZAvG+kX5EQWzO5O9aejMU7ZStLetiaYma/VuL+hUP88PWB2/jinsq9B0mq0YPJqFSxll1YdSGDIrl6Sm9DV8QSEREREVHj0PnEGjWsdadixWlyb45oBy+7igSatakBknNkyJHVPhX0o53XEVdWGRSemI2RVi5ILuvxpS+VoLRs+lupSsClxBx097JpjEups19OxGLdqTgAECvPyq2c2AkGelJM7+uNpf9ex8awRLzQywsZBXKciEzHxjB1Am7dtB4YpIUV+vSkEnHaZ00mdndHREou1p2Kw+nojGaRWBMEAb+djgMAcYXE2pRP4x0V4IzsQgVu3c3HS/1bN+IIK0gkEozr6oYv9qv7QT4e4IJDN++iWKGuBnv9n8sAgDdHtMWrg3zr9RynojLw1X+3YG1qiLT8ErE3XMjxGKTck9QulFf0ChzZ0bnWeJjQ3R0Tutd9yic9vMyyirX0/BLsvZZa7TEmBnpweMApykREREREpB1MrLUQn+29if8iUsX+Pfbmhph2T4NxG1P19M/cWnqsXU/JE6cvARBXR0wqa7g9sK0Dpvbxxuf7buJach72XL2j1cRaUnYRvj0cKd6PqzRVcFofb7E5+Liubvh0703cuJOHLReT8eGOa2KCwtnSGAPb1t4IXtvcbdTVLTlFCmQXyrFs13VM7O6Ovr41r0SqqwRBwNaLyRrbihVKvL/9GpKyZXg2yAMSiQRtHM3h72KJ/GIFbqbmAwDee7y9OD35URpbKbEW4G6FBUPbIDlHhg92XMPdvBLIS1X4Yv8tvNy/Va3VYLuv3MG2S0l4tocnhvg7QiKRIDGrCFPXhokJawCY1a8VpvX1QYC7NSb8eBrGBlJYGhsgo6AEg9s++gQw1V1ESh6uJOVoTFu+V0NUNxIRERER0aPBxFozp1QJiM0oxJpj0Rrbd8/vV2UqnFVZY/PsoqrTkwB1wmPexosa227cyQMAnIvLBgC0d7FEvzYOKJIr8fL6C9h79Q7eHeWvtemg/5xPQrFChSBvW7jZmGDbpWTYmRni2+e6ok+lpJO1qSHGd3XDpnOJeKOswqjcAD8Hnf+QW94XbuflFOhJJdh2KRnbLiXj6kfDYWFscJ9H141KJUBA/adQ1tVX/93Gd0eiNLZtvZiMfy6oE7pnYjLF7aMCnHGsbAVVe3MjuNxn8YfG4mZtgn5t7HEiMgOtHczh52QBPycLnFg8GIlZRei38ggA4OcTsXhlYPWVdMUKJd7bfhXZRQocvJGG14f5Yd6QNlh/Nl4jqQYAw9o7AQC6e9ng75d6wdPOFC5WJiiSl3IlySbgye9OaSwacy8P20efHCYiIiIiovrhJ7Bm7JcTMfjlRCxS89RTxbzsTLFsTEd0cLWstvdU+dSjlBxZlX2CIGD92XixQq27lw0uxGfjRGQGSpUqnI5WJzvKk1UD/BxgZqiHlNxihMVloVcruwa/vrxiBW6n5iOzUI4B9zT1L5dYVkk3qJ0jZvbzweMBLujsYQ0Hi6rXP7NfK2w6l1hl+/hubg0+9oZmXWnBhW2XKqq9vj8SjbiMQgzv4ITx3eo/5e9uXjGmrg2DvFSFfQv7w1C/YXpwZRaUwNbMUCNx+XvZFFBAPSVOplBi+6Xkah4N7LmqnkqnJ5Xg0/EBWk2Arn62K8JiszDUX7NizN3GBLZmhsgqlGN/RGq1iTWVSsDob08iu1K16KnoDMwd7IvdV+4AAFaMC8CuKylo72KJ9q6W4nE9K/1uMammm356oTvmbrgIhbIiQVrbFOfGTl4TEREREVHDYYfqZiohswjLd98Qk2qAerrjAD+HGhu6dyj7sH45MVdj+51cGcZ+fwof7IgQty19sgOM9KXIlSmwP+IuMgpKYGwgRVdPawDqlQmHllXVvL75MmSV+j41hFup+eix/CAmrjmDl9dfQMjxmGqPK+/95mptDAM9KYa2d6o2qQYArR3M4O9iCWMDKdZM7gZA3Qi+h7dtg469MVibVl+VtuZYNPZFpGLR5svYdSVFY19Kjgxf/XcLOTVUKJbLKpTjuZCzuJmaj5iMQvH/9GHtvJyC7ssPYmXZFMpzcVnIK1aISbuPx3YUK7PC4tQLSMwf0gZh7w7BrH4Vq82O6+qGPfP7icdqi62ZIUZ2dK6S3JNIJPh3XjAA4GpyLooVmr8LxQolTkdnIrJs8YPyxFx8ZhGOR2YgOUcGM0M9jO/mhg2zeuG9J9o/gquhhjSigzNufvxYjfsHtnXAx2M7ive5wioRERERUdPBd+/N1L4IdZVLZw9rfDY+AIlZRRjqX3vioYuHNQAgPDEHaXnFcCxbhfKDHRG4nJQLEwM9PN/TE68PbwsTQz24WpsgNqMQr25QTw8N9nWAkX5F1djCoX44cjMNyTkybLuUjEk9Pes09o1hCfjxaDTWTgvUWCGzst1XUlBSqhIXS/jhaBReHeQLQRCgUAow0pdCKpWIq5XWpe+WRCLBhpk9UVBSCg9bU/wzuzfcrE20vqppXViZ3H+659wNl/BEp4pVTT/YEYGDN+7i0I007FnQr9rHFCuUmLI2VOzNB6AsEVfzqrF1oVQJeHerehXPH49Gw8HcCMt2XYePvRkyy1ZKHNPFFW2dLLDvWirkSvVCAP3b2MPRwhhT+3hj26VkjOnihvebQKLJ1coYViYGyJUpEJVWgI5uVhAEAccjMzB1bZh4nIGeBJ+MC8DBG4dwJ7cYCzZdAqBeoKK6ikxqOmqqQpNKgF+n9oCeVIJiuRJ/hcZjwZA2j3h0RERERERUX0ysNUMKpQrfH1H3VBvZwRn+Lpbwd7G8z6OA1g7msDDSR35JKYJWHMLh1wfAy84Mp6PUU5b+nBmE7l4V1Vs2pgaILbvdysEMK8Z11Difj70Zxndzx2+n4xCfpbkaZ02yC+V4uyzh8sGOCGyY1ava487GqiuYnu7hgQ2hCShWqOD33l4oy3pR+btY4vtJXcVpre42detZZGNmCBsz9SIOTaFSrZx12cITgHqarrmRPs7GZGLuIF98deC2uO90VAY2n0/E26P8cTpa/XO9ficPSpVQ7Qf/y4k5uJacp7Etp5bFLWoiL1Vhe3gyLifm4JWBrbHvWiryS0rF/ct2qVeqLV+11c7MEJbGBgjyscXRNwciMq0A9uaG6OBqBUC9WMP594Y98Di0RSKRoJ2zBUJjs3ArNR/tXSyx8O9w7LxcUUXY19cOq5/tCjszQzhbGiM1rxg5RQp42Zli8ch2Whw9NRQzQz2NVVsB4OlAD/F3b1b/VpjVv5U2hkZERERERPXExFozdONOHnJlCpgZ6mFGsM/9H1BGKpUgwN1K7Je26VwiJnRzR6FcCTNDPXTx0Fzds7yyCAA2zuolVrhV5lzWTD49r6ROY1h9qGIFz9PRmXh982WsnNipStKnPAEzoZsbjt1KR3KOTEyqAer/g8FfHVOPwdIYztWMrTmxNzfEmC6uOHD9Ll4f7oc+re0hCAJKSlUaibUXfz+HYoUKlxJz4GlrKq6mWb4IRbFCicBKCcX0AvXPrbuXDUwM9HAyKgPTfzuH428OgrGhFHmyUvg6mtc6th+ORmHlvlvi/ZNRGSj/aY7v6oat1fRPc7Gu+Hm5WptoZaXPhlaeWLuZmodvDhdpJNVeH+aHuYN9xWmk7z3hj7kbLsFQT4rVz3bl1MBmYu+C/jgbm4nF/3dF3MafLRERERFR08Z39M3QhXj1Cp1BPrYP3GS+cmWXgZ4E4YnqcwW4W1VJbi0a5oeFf4fji4md4VRD4qp8QYT0ghKUlCo1popWJym7SOP+lotJmN7XGx3drMRtaXnFSM9XJ3x8HSxwYvEgjP/xNMITc8Rj7MwMxcRfr1a2Or+q58OSSCRY/WxXCIIgXqtEIqkyfbBYoZ5SGZ9ZBEO9itj490oKNpxNQH5JKb6f1A2Pd3IBAKSVJUSdrYyhrNR4/ZvDkTgTnYnkHBk+HR+A54JqnuZbvmpnufjMip/x/CFt0MbJAp/vu4mBbR1wtOzYopKG7cmnC9qVVY1eiM/GlSR1H8Mlj7XDUH/HKlOen+jkCk9bUxjp66Gtc/XToanp8bQzhaedKY7dThcXpWjer0xERERERM0fFy9ohnwdzTGuq5u4eMCD6OpZUZUWkZKHt7aop2V2Luu/VtmYLm64sWwkJnavebVJR0t1Yu1EZAYCPvwP3x+JqvX5y3uirZ0WKE5fzSioqHbbfeUOglYcAqBu2G9lagCpVILVz3bBV091xs2PRyLqk8ewd2E/tHexhKWxPmZXswpjc/UgCcTyvmUA8NOxGHFq5ubz6pVRBUHA/8qq3RzMjRCfVZEQO1zWOw8ADly/W/XcpSoIgoBSpQqhZdN2F49sizFdXDWOc7E2xisDWyPus8fx2/QgrJzQCQCwaLhfna+jqShPkF1MyEGpSoC9uSFmD2hdYx/BTu7WTKo1UyvGBYi3Pe1MtTgSIiIiIiJ6WKxYa4b6tXFAvzYO9XrsM4Ee+OlYNOIyi8TqIUC9ql117tdQvXIlm1ypwhf7b+HVQb41Hp9allhztjSBXVmvs0WbL2Pfgn6IqbRQgoWRPuZUSph52ZnBy66iob6jhTF2zw9GkVzZ4qdadfGw1qjmu5erlTFScitWjz0bk4kD1+9CXqoSk212ZoaY3tdbnMKWVWka8NXkXI1KudCYTMz4/TzaOVvAtNL/ff82DhjbxQ07wiumQN5bwfh0Dw+M6ep638rGpsjPSTNJdr8ptNR8WZkY4MTiQdh15Q7GdXXT9nCIiIiIiOghtOyMA1UhlUrw0ZMdMG3dOQCArZkhNr3Uq0pSoK48bKpWY3x/JApzBrZGekEJCopLkVUox9M/nUF5izSJBHCzNoGduTqxllUoF6vUAPWH0vPvDYWBXu0FlxKJpMUn1QBg00u9cC05FxPXnBG3je3iiu3hKZjcyxNu1qb4fN9NcV9JqQqz/jivcY4RHZ3h62AOI30pFmwK19iXnl+CT/fexMx+PnC0MMa3h6NQUFKK82VTkstZmRjA1doER98YiNf/uYwh/o7Vjrc5JtUAwPyeWJzWp+79D6n58bA1xSstqJqWiIiIiKi5YtaBqrAv64sGAM/28Kh3Ug0ATAyrJkm+2H8LxQolfj4RA5WgnjZY2WtD/WBlagBbM8MqjwUALzvT+ybVqIKxgZ7GggQA8MVTnTGyozN6t7aHkb4UsRkFyC5SwNRQT6OiDABOLRkMt7LFAx4PcMHx2xkoKFFgSDsn3Lqbj19PxiLkeAz2XL2D/17rj4QszT555cpXW/W2N8OWV/o0wpXqvi+f6owd4cn4fEKnZrEgAxERERERUUvHxBpVUV4pBlSs6vkwunpa41JCjsa2bw9X32vtjxeD0N9PPY21ppU8+9dzmmtL5+tojqi0Agxu5wgDPSlGdnQR962c2BmAul9a5cTa1N5eYlINAPT1pPjq6c7i/Tu5Mvx6MhYAkJQtw/6IVKSU9V47vWQwzsVliRVuZtUkWVuaid3da+1JSERERERERE0LE2tUReVKMVPDhw+Rb5/rijPRmXizrD9XTSon1QDg6UAP3MktFnuEHbh+F8vHdUSwr/1Dj6klWjetB34/HVdrj7vB7Rwxb7AvOrhaoZ2zhcYqsdVxsTLBq4Na4/sj0QCAzeeSUKoSYKAngZOlMYb4O8HRwghtnS2a/cqsRERERERE1PJIBEEQtD0IbcvLy4OVlRVyc3NhaWmp7eHoBO8luwEA62cE1XshhHv1WnEIqXnF6NPaDufjsiFXqiCRACPaO2PF+IAap36S7tsfkYqX118Q73vZmeLYm4MAqKf66kslkEqZWCMiIiIiIiLd9yB5IlasUbU+nxCAW6kFDVod9n+v9MbVpFz093NASakK5kb6UKqEavuwUdPiaau5SEXlSjdDffbDIyIiIiIiouaJiTWq1jM9PBv8nO42pnAvWyXUzOg+B1OT4nFvYs266mqwRERERERERM0NS0mI6KGZG+nD36WiPLa1o5kWR0NERERERET0aLBijYgaxOaXe+HIrXQkZ8swqaeXtodDRERERERE1OiYWCOiBmFhbIAnO7tqexhEREREREREjwynghIREREREREREdUDE2tERERERERERET1wMQaERERERERERFRPTCxRkREREREREREVA9MrBEREREREREREdUDE2tERERERERERET1wMQaERERERERERFRPTCxRkREREREREREVA9MrBEREREREREREdUDE2tERERERERERET1wMQaERERERERERFRPTCxRkREREREREREVA/62h6ALhAEAQCQl5en5ZEQEREREREREZE2leeHyvNFtWFiDUB+fj4AwMPDQ8sjISIiIiIiIiIiXZCfnw8rK6taj5EIdUm/NXMqlQopKSmwsLCARCLR9nAeWl5eHjw8PJCYmAhLS0ttD4daMMYi6QrGIukKxiLpCsYi6QrGIukKxiJVJggC8vPz4erqCqm09i5qrFgDIJVK4e7uru1hNDhLS0u+IJBOYCySrmAskq5gLJKuYCySrmAskq5gLFK5+1WqlePiBURERERERERERPXAxBoREREREREREVE9MLHWDBkZGeHDDz+EkZGRtodCLRxjkXQFY5F0BWORdAVjkXQFY5F0BWOR6ouLFxAREREREREREdUDK9aIiIiIiIiIiIjqgYk1IiIiIiIiIiKiemBijYiIiIiIiIiIqB6YWCMiIiIiIiIiIqoHJtaIqN649gkRERERERG1ZEysNTGpqalISUmBTCYDAKhUKi2PiFqq/Px8jftMspG2lL8eEukKvh6StpWWlmp7CEQAgIKCAm0PgQgAEB8fj6SkJACAUqnU8miouZEIfPfXJCgUCsydOxf//fcfbG1tYWFhgX379sHY2FjbQ6MWRqFQYN68eYiIiICjoyPGjBmDKVOmaHtY1AIpFArMnz8fcXFxcHBwwJw5c9CzZ09IJBJtD41aGIVCgdWrV6N169YYN26ctodDLZhcLsd7772HjIwMWFtbY+7cuWjVqpW2h0UtkFwux+uvv44bN27A0tISzzzzDJ5++mn+jSat2LFjB8aNG4cnn3wS27dv1/ZwqBlixVoTkJycjP79+yMyMhIbNmzAggULkJiYiCVLlmh7aNTCxMTEoEePHrh58yYWL14MKysrfPbZZ5g9e7a2h0YtTGpqKnr27IkrV65g9OjRuHLlCmbPno0vvvgCAKt56dHZu3cvOnfujMWLF2PLli1ISUkBwKo1evT++ecf+Pj44Pz583B3d8fff/+N2bNn4/Tp09oeGrUw69evh7e3N65du4apU6ciPz8fq1evxv79+7U9NGqhwsLC0LNnTyQmJmLLli0AWLVGDYuJtSbgxIkTkMlk2LBhA3r37o0pU6YgODgYFhYW2h4atTB79+6FjY0N9uzZg9GjR+PXX3/F/PnzERISgq1btzKZQY/MqVOnIJfLsXnzZsyZMwfHjh3DuHHj8OGHHyIiIgJSqZSJDWp0hYWF2LZtG4YNG4YVK1bg1q1b2LFjBwCwKoMeqfDwcKxbtw7z5s3D4cOHsWzZMoSGhiIqKgpxcXHaHh61ILdv38bOnTuxePFiHDlyBC+88AJ+/fVXxMTEQF9fX9vDoxam/LNJbm4uevToga5du2L16tVQKBTQ09Pje0VqMEysNQE5OTmIjIyEs7MzAODOnTu4cuUKbG1tcfLkSS2PjlqSqKgolJaWwtTUFIIgQCKRiH+QVqxYgczMTC2PkJq78jdI6enpyM7OhpubGwDAysoKL7/8MoKDg/Hyyy8DYGKDGp+pqSmmTZuGOXPmYMmSJfD09MTevXtx5coVAKycpEdHLpejffv2YmsGhUIBd3d32NjY4MaNG1oeHbUkDg4OePPNNzFt2jRxW2ZmJjp37gxzc3OUlJRob3DU4pR/0RoVFYXJkydj3LhxyMzMxI8//ghA/VpJ1BCYWNMxYWFhADTfjPfu3RtWVlbo2bMnJk6cCE9PT1hZWWH37t0YNWoUli1bxhcFanDVxaKFhQWMjY2xZ88eMWlx6tQpLF26FNeuXcO+ffuqPIboYf3f//0fDh48iDt37kAqVf/Z0tPTg7OzM06cOCEe5+zsjCVLluDcuXM4cOAAAE7Ho4ZVORYBdfK2T58+aNu2LQBg9uzZSEpKwrZt2yAIghivRA2tPBbLpx4HBQXhyy+/hKurKwDAwMAAubm5KCwsRN++fbU5VGrm7n1dtLGxQVBQEKytrQEAc+fORVBQENLS0jB69GiMHz9e4283UUO5NxYB9XRPiUQCPT09lJSUoFevXhg3bhx+/fVXTJ48GV9//TWTvdQg+I5PR2zfvh1ubm4YNWoU4uLiIJVKxRWdOnfujNOnT2Pp0qW4ceMG1q5di6NHj+LgwYP48ccfsXLlSty9e1fLV0DNRXWxKJfLAQDPPfcczM3NMWnSJDz77LOwsLBAZGQkZsyYgbFjx+Kff/4BAH6YpAaxfv16ODk54YsvvsCkSZPw1FNPYevWrQCAwMBAFBcX4/Tp02J8AkDHjh0xcuRIrF+/HgCr1qhhVBeL5c2PVSqVmMAdNmwYevfujSNHjuDw4cMAmNylhnVvLD799NNiLAqCoPHFVk5ODlQqFdq0aaOl0VJzdr/XxXKZmZnYtWsXTp48iR07dsDMzAxvvfWWlkZNzVFtsainp4fs7GxcvHgRPXv2hJ2dHYqKinD79m1s3boVw4YNg5GRkXYvgJoFfvrVAX/99RdWrFiB/v37w9/fH5999hkAaPQh8Pb2RnZ2NvT09DB58mTxD1ZwcDDkcrk47YToYdQUi4aGhhAEAf7+/vjmm2/wv//9D/b29vjzzz8RGhoKV1dXyOVyeHp6avkKqDkoLS3F6tWr8emnn2LFihU4ceIEtm/fjtatW+OXX36BTCZD165dERwcjK1bt2o05nZycoKBgQGTu9QgaovFkJAQlJSUQCqVQiKRiH+X582bh+LiYuzYsQOFhYUQBAG3b9/W8pVQU1eXWJRIJBr9JY8ePQoAYhUbAGRlZWlj+NSM1PV1sbxAYMOGDRgxYgTMzMzECt/i4mKx2pKovuoSiwAgk8kwYMAAbN26FZ06dcL69esxdOhQeHl5iX+7uZABPSx+8tCi8l9gX19fDBkyBJ9//jmefPJJHD16VHwzVPmXvHxaSVpamvihcffu3ejWrRuCgoIe+fip+XiQWPTw8MD06dPx3XffYcyYMQDUKzQmJCTA19dXK+On5qWwsBDp6emYOnUqpk+fDkNDQ/Tp0wft27dHXl6eWKG2dOlSKBQKhISEIDk5WXy8TCaDra2ttoZPzcj9YrH8gyNQ0celXbt2GDduHM6fP4/ly5ejR48eeP755/mmnR7Kg8RieaXu9u3b8fjjj8PExATh4eEYPnw4Pv74Y1ZR0kOpayzq6+uL/XjLKZVKREdHIzAwUCPhS1Qf94vF8lZJSqUSmzdvxpQpU9C/f39ERkbi888/h7e3NxYtWgRAXdlG9DC4NIsWREZGwtfXV/wF7tmzJ7p37w59fX2MGjUKJ0+exBdffIGBAwdCT08PKpUKUqkUjo6OsLa2xtChQzF37lyEhoZix44deP/992Fvb6/lq6Km6EFisbo3SPHx8dDX18dbb70FlUqF8ePHa+tSqIkrj0WJRAIrKytMnDgRAQEBkEql4mugh4cHCgsLYWJiAkDdU+2dd97BN998g759+2L+/PkIDw/H+fPn8fbbb2v5iqipepBYNDAw0Hhs+WvkkCFD8P777+Ps2bOYNWsWvv32W75ppwf2MLFYWFiIvLw89OzZE3PmzEFISAieffZZrFy5klPk6YHVNxbLY00mkyErKwsfffQRLl68iDVr1gBAlfeVRPfzILFoaGgIQF0UsHHjRvj4+IjFKNbW1hg7dizy8/PFLxsYi/QwWLH2CG3evBk+Pj4YPXo0evXqhbVr14r7yt9wd+jQAWPHjkVcXBzWrVsHoKJPwdChQ7FixQr4+Phg27ZtyMrKwunTp7Fw4cJHfi3UtNU3Fit/yy2TyfDLL7+gU6dOSEhIwD///MOpoPTA7o3FX3/9FQDQpUsXjS8WAHWFbpcuXWBoaChWrU2cOBEbN27EiBEjcOLECWRmZuL48eMIDg7W2jVR01TfWLy3am3NmjUICgrCoEGDEBUVhZ9++kl8c09UFw0Ri1FRUThy5AgmTZqES5cu4erVq/jzzz+rJOCIalPfWKxcobt161YsWbIE3bt3R1RUFHbt2oWBAwcCYCKD6q6+sVhetfbMM8+ISbXyzzMzZ87EG2+8AYlEwlikhyfQI/Hff/8J3t7ewvfffy/s27dPWLRokWBgYCCEhIQIRUVFgiAIgkKhEARBEJKSkoQZM2YIPXr0EPLz8wVBEITi4mLxXEqlUsjJyXn0F0HNwsPGolwuF88VHh4uHDt27NFfBDULtcWiTCYTBEEQVCqVoFKpBJlMJnTq1ElYv359jecrfwzRg2rIWLx8+bLw999/P8rhUzPSULF4/PhxYeDAgcKBAwce9SVQM9FQsRgRESF8+eWXwsGDBx/1JVAz0VCxWFpa+qiHTi0Ip4I2MqGsxPnMmTOws7PDrFmzYGBggBEjRqC4uBghISGwt7fHuHHjxMUK3NzcMG7cOFy+fBlffvklxo8fj3fffRc//PADPDw8IJVKYWVlpeUro6amMWKxc+fOWr4qaooeJBbLv0HMysoSpzUB6qkAP/74I77++mvxvMbGxlq5Hmq6GiMWO3XqhE6dOmntmqhpaqhY/OGHH/C///0P/fr1w5EjR7R5SdRENXQstm/fHu3bt9fmJVET1dB/o9mSgRoTp4I2svJf8uvXr6N169YwMDAQS1KXL18OY2Nj7NixA6mpqQAqGsQPGjQIQUFBWLZsGbp37w6FQgFHR0ftXAQ1C4xF0hUPGosAcPDgQXh4eMDFxQULFixA+/btER8fD4VCwUbcVG+MRdIVDRWLCQkJUCgUYhsRogfV0LHI10WqL/6NpqaEibUGduDAAcyfPx+rVq1CWFiYuH3IkCHYu3cvlEql+KJgY2ODKVOm4MyZM7h16xYAdX+rwsJChISE4KeffsKAAQNw8eJF7Nu3D0ZGRtq6LGqCGIukK+obizdv3gSg/sZy165duHbtGry9vXHo0CGcOXMGW7ZsgYGBAftiUJ0xFklXNHYslvcaIrofvi6SrmAsUlPGv7oN5M6dOxg9ejQmT56MrKwsrF27FsOHDxdfFAYMGABLS0ssXboUQEXTxFmzZiEvLw+XLl0SzxUfH49NmzZh3bp1OHLkCAICAh79BVGTxVgkXfGwsRgeHg5AvVCGTCaDmZkZvv/+e1y7dg2BgYFauSZqmhiLpCsYi6QrGIukKxiL1Cw8wn5uzVZhYaEwdepU4ZlnnhFiYmLE7UFBQcK0adMEQRCEvLw8Yfny5YKJiYmQkJAgCIK6yaIgCMKAAQOEmTNnPvqBU7PDWCRd0dCxeP78+Uc4empOGIukKxiLpCsYi6QrGIvUXLBirQGYmprCyMgI06ZNg4+Pj7jc+ahRo3Djxg0IggALCwtMmjQJ3bp1w9NPP434+HhIJBIkJCQgLS0NY8eO1e5FULPAWCRd0dCx2L17dy1dCTV1jEXSFYxF0hWMRdIVjEVqLiSCwC5+DUGhUMDAwAAAoFKpIJVK8fzzz8PMzAwhISHiccnJyRg4cCBKS0sRGBiI06dPo127dtiwYQOcnJy0NXxqRhiLpCsYi6QrGIukKxiLpCsYi6QrGIvUHDCx1oiCg4Mxa9YsTJ06VVydSSqVIioqChcuXEBoaCg6d+6MqVOnanmk1NwxFklXMBZJVzAWSVcwFklXMBZJVzAWqalhYq2RxMTEoE+fPti9e7dYkiqXy2FoaKjlkVFLw1gkXcFYJF3BWCRdwVgkXcFYJF3BWKSmiD3WGlh5nvLkyZMwNzcXXwyWLl2KBQsWIC0tTZvDoxaEsUi6grFIuoKxSLqCsUi6grFIuoKxSE2ZvrYH0NxIJBIAQFhYGCZMmIADBw7gpZdeQlFREdavXw9HR0ctj5BaCsYi6QrGIukKxiLpCsYi6QrGIukKxiI1ZZwK2giKi4sREBCA6OhoGBoaYunSpXjrrbe0PSxqgRiLpCsYi6QrGIukKxiLpCsYi6QrGIvUVDGx1kiGDRuGNm3a4Ouvv4axsbG2h0MtGGORdAVjkXQFY5F0BWORdAVjkXQFY5GaIibWGolSqYSenp62h0HEWCSdwVgkXcFYJF3BWCRdwVgkXcFYpKaIiTUiIiIiIiIiIqJ64KqgRERERERERERE9cDEGhERERERERERUT0wsUZERERERERERFQPTKwRERERERERERHVAxNrRERERERERERE9cDEGhERERERERERUT0wsUZERERERERERFQPTKwRERERNQOCIGDo0KEYMWJElX0//PADrK2tkZSUpIWRERERETVfTKwRERERNQMSiQTr1q1DaGgofvrpJ3F7bGwsFi9ejG+//Rbu7u4N+pwKhaJBz0dERETU1DCxRkRERNRMeHh4YPXq1XjjjTcQGxsLQRAwY8YMDB8+HF27dsVjjz0Gc3NzODk54YUXXkBGRob42H379iE4OBjW1taws7PDE088gejoaHF/XFwcJBIJ/v77bwwYMADGxsb466+/EB8fj9GjR8PGxgZmZmbo0KED9uzZo43LJyIiInrkJIIgCNoeBBERERE1nLFjxyI3Nxfjx4/Hxx9/jIiICHTo0AEzZ87ElClTIJPJ8NZbb6G0tBSHDx8GAGzZsgUSiQSdOnVCQUEBPvjgA8TFxSE8PBxSqRRxcXHw8fGBt7c3vvrqK3Tt2hXGxsaYNWsW5HI5vvrqK5iZmeH69euwtLRE//79tfy/QERERNT4mFgjIiIiambS0tLQoUMHZGVlYcuWLbh27RpOnDiB/fv3i8ckJSXBw8MDt27dgp+fX5VzZGRkwMHBAVevXkXHjh3FxNqqVauwYMEC8bhOnTphwoQJ+PDDDx/JtRERERHpEk4FJSIiImpmHB0d8fLLL8Pf3x9jx47F5cuXceTIEZibm4v/2rVrBwDidM/IyEg899xzaNWqFSwtLeHt7Q0ASEhI0Dh3YGCgxv358+dj+fLl6Nu3Lz788ENcuXKl8S+QiIiISEcwsUZERETUDOnr60NfXx8AUFBQgNGjRyM8PFzjX2RkpDhlc/To0cjKysLPP/+M0NBQhIaGAgDkcrnGec3MzDTuz5w5EzExMXjhhRdw9epVBAYG4ttvv30EV0hERESkffraHgARERERNa5u3bphy5Yt8Pb2FpNtlWVmZuLWrVv4+eef0a9fPwDAyZMn63x+Dw8PzJ49G7Nnz8bbb7+Nn3/+GfPmzWuw8RMRERHpKlasERERETVzr776KrKysvDcc8/h3LlziI6Oxv79+zF9+nQolUrY2NjAzs4OISEhiIqKwuHDh7Fo0aI6nXvhwoXYv38/YmNjcfHiRRw5cgT+/v6NfEVEREREuoGJNSIiIqJmztXVFadOnYJSqcTw4cMREBCAhQsXwtraGlKpFFKpFJs2bcKFCxfQsWNHvPbaa/jiiy/qdG6lUolXX30V/v7+GDlyJPz8/PDDDz808hURERER6QauCkpERERERERERFQPrFgjIiIiIiIiIiKqBybWiIiIiIiIiIiI6oGJNSIiIiIiIiIionpgYo2IiIiIiIiIiKgemFgjIiIiIiIiIiKqBybWiIiIiIiIiIiI6oGJNSIiIiIiIiIionpgYo2IiIiIiIiIiKgemFgjIiIiIiIiIiKqBybWiIiIiIiIiIiI6oGJNSIiIiIiIiIionpgYo2IiIiIiIiIiKge/h9BW196I1PQNAAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABNEAAAG5CAYAAACgM6LuAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOydd7gcVf3G391b0yEEEkokNEVaQBAIHQUBqRZURBBE+amgCFZEmgVEFFAMokjvIE2KCRAgtEAgIYQACaSRkN5ze9md3x97z+w5Z870md29u+/nefJkd+/MmTPtlPd8S8ayLAuEEEIIIYQQQgghhBBXsuWuACGEEEIIIYQQQgghlQ5FNEIIIYQQQgghhBBCfKCIRgghhBBCCCGEEEKIDxTRCCGEEEIIIYQQQgjxgSIaIYQQQgghhBBCCCE+UEQjhBBCCCGEEEIIIcQHimiEEEIIIYQQQgghhPhAEY0QQgghhBBCCCGEEB8oohFCCCGEEEIIIYQQ4gNFNEIIIYT0exYuXIhMJoPbbrut3FVJlRUrVuCrX/0qNttsM2QyGVx33XXlrlIi3HbbbchkMli4cGG5q5IK4vn885//XO6qEEIIISQGFNEIIYQQUlJOOOEEDBw4EC0tLa7bnHrqqWhsbMSaNWtKWLPK5/zzz8fEiRNx4YUX4s4778TRRx/tuX1XVxeuv/56HHTQQdh0003R2NiIrbbaCieccALuvfde5HK5EtW89CxcuBBnnnkmdthhBzQ3N2PUqFE45JBDcOmllyrb3XDDDVUvvhJCCCEkGerLXQFCCCGE1BannnoqHn/8cTzyyCM4/fTTHX9vb2/HY489hqOPPhqbbbZZGWpYuTz33HM48cQT8bOf/cx321WrVuGYY47BtGnTcNRRR+E3v/kNhg8fjuXLl+PZZ5/FN7/5TcydOxcXX3xxCWpeWubOnYvPfvazGDBgAL7zne9gzJgxWLZsGaZPn46rrroKl19+ub3tDTfcgBEjRuCMM84oX4UJIYQQ0i+giEYIIYSQknLCCSdgyJAhuOeee4wi2mOPPYa2tjaceuqpZahdZbNy5UpssskmgbY97bTT8NZbb+Ghhx7Cl7/8ZeVvF154Id58803MmTMnhVqWn2uvvRatra2YMWMGtt12W+VvK1euLFOtCCGEENLfoTsnIYQQQkrKgAED8OUvfxmTJk0yChr33HMPhgwZghNOOAEAMH/+fJx88skYPnw4Bg4ciP333x9PPvmk73EOO+wwHHbYYY7fzzjjDIwZM8b+LserGj9+PLbffnsMHDgQX/jCF7B48WJYloXf/e532GabbTBgwACceOKJWLt2raPc//3vfzj44IMxaNAgDBkyBMceeyzefffdQNfE7xxFzDDLsjB+/HhkMhlkMhnX8qZMmYKJEyfi7LPPdghogn322cchVK5cuRJnnXUWRo4ciebmZowdOxa33367Y9+2tjb89Kc/xejRo9HU1IRPfepT+POf/wzLspTtOjo68OMf/xgjRoyw7+mSJUuQyWRw2WWX+V6XqNd03rx52GabbRwCGgBsscUW9ucxY8bg3XffxeTJk+1rKj8zQZ+9zs5OXHbZZfjkJz+J5uZmbLnllvjyl7+MefPmudbRsiycffbZaGxsxMMPP+x7ToQQQggpPxTRCCGEEFJyTj31VPT29uKBBx5Qfl+7di0mTpyIL33pSxgwYABWrFiBAw44ABMnTsQPf/hD/OEPf0BnZydOOOEEPPLII4nW6e6778YNN9yAH/3oR/jpT3+KyZMn42tf+xp+85vfYMKECfjlL3+Js88+G48//rjDnfLOO+/Esccei8GDB+Oqq67CxRdfjPfeew8HHXSQb7D8IOd4yCGH4M477wQAHHnkkbjzzjvt7yYef/xxAMC3vvWtwOff0dGBww47DHfeeSdOPfVUXH311Rg2bBjOOOMM/PWvf7W3sywLJ5xwAq699locffTRuOaaa/CpT30KP//5z3HBBRcoZZ5xxhm4/vrr8cUvfhFXXXUVBgwYgGOPPTZQfeJc02233RaLFy/Gc88957ndddddh2222QY777yzfU0vuugiAMHuCwDkcjkcd9xxuPzyy7H33nvjL3/5C8477zxs2LABs2bNMh43l8vhjDPOwB133IFHHnnEVegkhBBCSIVhEUIIIYSUmN7eXmvLLbe0xo0bp/x+4403WgCsiRMnWpZlWT/5yU8sANZLL71kb9PS0mJtt9121pgxY6xcLmdZlmUtWLDAAmDdeuut9naHHnqodeihhzqO/e1vf9vadttt7e9i380339xav369/fuFF15oAbDGjh1r9fT02L+fcsopVmNjo9XZ2WnXZ5NNNrG+973vKcdZvny5NWzYMMfvOkHP0bIsC4B1zjnneJZnWZb1pS99yQKgnI9lWVZHR4e1atUq+9+6devsv1133XUWAOuuu+6yf+vu7rbGjRtnDR482Nq4caNlWZb16KOPWgCs3//+90rZX/3qV61MJmPNnTvXsizLmjZtmgXA+slPfqJsd8YZZ1gArEsvvdT+7dZbb7UAWAsWLLDPP841nTVrljVgwAALgLXnnnta5513nvXoo49abW1tjm133XVX43MS9L7ccsstFgDrmmuucZSRz+ctyyo+Y1dffbXV09Njff3rX7cGDBhgP+eEEEII6R/QEo0QQgghJaeurg7f+MY3MGXKFMWq6J577sHIkSPx+c9/HgDw1FNPYd9998VBBx1kbzN48GCcffbZWLhwId57773E6nTyySdj2LBh9vf99tsPQMGaq76+Xvm9u7sbS5YsAQA888wzWL9+PU455RSsXr3a/ldXV4f99tsPzz//vOdx0zjHjRs32uXI3Hjjjdh8883tf/Ixn3rqKYwaNQqnnHKK/VtDQwN+/OMfo7W1FZMnT7a3q6urw49//GOl7J/+9KewLAv/+9//AAATJkwAAPzwhz9UtvvRj37kW/+413TXXXfFjBkz8K1vfQsLFy7EX//6V5x00kkYOXIkbrrpJt/ji/MMcl8eeughjBgxwnheusttd3c3Tj75ZDzxxBN46qmn8IUvfCFQXQghhBBSGdS0iPbiiy/i+OOPx1ZbbYVMJoNHH300dBkTJ07E/vvvjyFDhmDzzTfHV77yFV8XA0IIIYTAjsd1zz33AAA+/vhjvPTSS/jGN76Buro6AMBHH32ET33qU459P/3pT9t/T4pPfOITynchqI0ePdr4+7p16wAAH374IQDgc5/7nCJQbb755nj66ad9A9mncY5DhgwBALS2tiq/f+UrX8EzzzyDZ555BnvssYejHjvttBOyWXV4qNfjo48+wlZbbWUfw2u7bDaL7bbbTtluxx139K1/3GsKAJ/85Cdx5513YvXq1Zg5cyauuOIK1NfX4+yzz8azzz7ru3/Q+zJv3jx86lOfUoRWN6688ko8+uij+M9//mOM10cIIYSQyqams3O2tbVh7Nix+M53vhMpFsWCBQtw4okn4oILLsDdd9+NDRs24Pzzz8eXv/xlTJ8+PYUaE0IIIdXD3nvvjZ133hn33nsvfv3rX+Pee++FZVmJZeUUgfh1crmccXsh3AX9XZSdz+cBFGJ4jRo1yrFdEHElaXbeeWcAwKxZs3DggQfav48ePdoWBTfddFOsXr265HULQpLXtK6uDrvvvjt23313jBs3DocffjjuvvtuHHHEEYnVNyhHHXUUJkyYgD/96U847LDD0NzcXPI6EEIIISQ6NS2iHXPMMTjmmGNc/97V1YWLLroI9957L9avX4/ddtsNV111lb1yOG3aNORyOfz+97+3V21/9rOf4cQTT0RPTw8aGhpKcRqEEEJIv+XUU0/FxRdfjJkzZ+Kee+7BTjvthM9+9rP237fddlvMmTPHsd/s2bPtv7ux6aabYv78+Y7fk7ReA4AddtgBQCHrYxRhJs45unHcccfhj3/8I+6++25FRPOrx8yZM5HP5xVrNL0e2267LZ599lm0tLQo1mim7fL5PBYsWICddtrJ3m7u3Lm+dYl7Td3YZ599AADLli2zf3PLchr0vuywww54/fXXA4399t9/f3z/+9/Hcccdh5NPPhmPPPJIWURWQgghhESjpt05/Tj33HMxZcoU3HfffZg5cyZOPvlkHH300baLwd57741sNotbb70VuVwOGzZswJ133okjjjiCAhohhBASAGF1dskll2DGjBkOK7QvfvGLmDp1KqZMmWL/1tbWhn/9618YM2YMdtllF9eyd9hhB8yePRurVq2yf3v77bfxyiuvJHoORx11FIYOHYorrrgCPT09jr/LxzcR5xzdOPDAA3HkkUfiX//6Fx577DHjNrqV3he/+EUsX74c999/v/1bb28vrr/+egwePBiHHnqovV0ul8Pf//53Zf9rr70WmUzGXqA86qijAAA33HCDst3111/vW/+41/Sll14y7vfUU08BgOKmOWjQIKxfv96xbdD78pWvfAWrV692XA/AeY0B4IgjjsB9992HCRMm4LTTTrOt7gghhBBS+XDpy4VFixbh1ltvxaJFi7DVVlsBKFiZTZgwAbfeeiuuuOIKbLfddnj66afxta99Df/3f/+HXC6HcePG2QM0QgghhHiz3Xbb4YADDrCFHl1E+9WvfoV7770XxxxzDH784x9j+PDhuP3227FgwQI89NBDjvhdMt/5zndwzTXX4KijjsJZZ52FlStX4sYbb8Suu+5qB95PgqFDh+If//gHTjvtNHzmM5/BN77xDWy++eZYtGgRnnzySRx44IFGgSWJc/TirrvuwtFHH42TTjoJxxxzDI444ghsuummWL58OZ599lm8+OKLikX+2WefjX/+858444wzMG3aNIwZMwb/+c9/8Morr+C6666zrc6OP/54HH744bjooouwcOFCjB07Fk8//TQee+wx/OQnP7GtyPbee2985StfwXXXXYc1a9Zg//33x+TJk/HBBx8AcLcAS+KaXnXVVZg2bRq+/OUv27Hfpk+fjjvuuAPDhw/HT37yE3vbvffeG//4xz/w+9//HjvuuCO22GILfO5znwt8X04//XTccccduOCCCzB16lQcfPDBaGtrw7PPPosf/vCHOPHEEx31O+mkk3Drrbfi9NNPx9ChQ/HPf/4z4F0lhBBCSFkpZ2rQSgKA9cgjj9jfn3jiCQuANWjQIOVffX299bWvfc2yLMtatmyZtdNOO1k///nPrenTp1uTJ0+2Dj30UOvzn/+8ndKcEEIIId6MHz/eAmDtu+++xr/PmzfP+upXv2ptsskmVnNzs7XvvvtaTzzxhLLNggULLADWrbfeqvx+1113Wdtvv73V2Nho7bnnntbEiROtb3/729a2227r2Pfqq69W9n3++ectANaDDz6o/H7rrbdaAKw33njDsf1RRx1lDRs2zGpubrZ22GEH64wzzrDefPNN32sQ5BwtqzBeOeecc3zLE3R0dFjXXXedNW7cOGvo0KFWfX29NWrUKOu4446z7r77bqu3t1fZfsWKFdaZZ55pjRgxwmpsbLR23313xzW1LMtqaWmxzj//fGurrbayGhoarJ122sm6+uqrHeOftrY265xzzrGGDx9uDR482DrppJOsOXPmWACsP/7xj/Z24pouWLBA2T/qNX3llVesc845x9ptt92sYcOGWQ0NDdYnPvEJ64wzzrDmzZunbLt8+XLr2GOPtYYMGWIBsA499FD7b0HvS3t7u3XRRRdZ2223ndXQ0GCNGjXK+upXv2ofy+0Zu+GGGywA1s9+9jPP8yGEEEJIZZCxLIOdeQ2SyWTwyCOP4KSTTgIA3H///Tj11FPx7rvvOgIKDx48GKNGjcLFF1+MCRMm4I033rD/9vHHH2P06NGYMmUK9t9//1KeAiGEEEJIxTNjxgzstddeuOuuuxJLIkEIIYQQUgrozunCXnvthVwuh5UrV+Lggw82btPe3u5wsRCCG+NbEEIIIaTW6ejowIABA5TfrrvuOmSzWRxyyCFlqhUhhBBCSDRqWkRrbW1VMkQtWLAAM2bMwPDhw/HJT34Sp556Kk4//XT85S9/wV577YVVq1Zh0qRJ2GOPPXDsscfi2GOPxbXXXovf/va3OOWUU9DS0oJf//rX2HbbbbHXXnuV8cwIIYQQQsrPn/70J0ybNg2HH3446uvr8b///Q//+9//cPbZZ2P06NHlrh4hhBBCSChq2p3zhRdewOGHH+74/dvf/jZuu+029PT04Pe//z3uuOMOLFmyBCNGjMD++++Pyy+/HLvvvjsA4L777sOf/vQnfPDBBxg4cCDGjRuHq666CjvvvHOpT4cQQgghpKJ45plncPnll+O9995Da2srPvGJT+C0007DRRddhPr6ml7LJYQQQkg/pKZFNEIIIYQQQgghhBBCghAtZzohhBBCCCGEEEIIITUERTRCCCGEEEIIIYQQQnyouWAU+XweS5cuxZAhQ5DJZMpdHUIIIYQQQgghhBBSRizLQktLC7baaitks+72ZjUnoi1dupTZoAghhBBCCCGEEEKIwuLFi7HNNtu4/r3mRLQhQ4YAKFyYoUOHlrk2hBBCCCGEEEIIIaScbNy4EaNHj7Y1IzdqTkQTLpxDhw6liEYIIYQQQgghhBBCAMA37BcTCxBCCCGEEEIIIYQQ4gNFNEIIIYQQQgghhBBCfKCIRgghhBBCCCGEEEKIDxTRCCGEEEIIIYQQQgjxgSIaIYQQQgghhBBCCCE+UEQjhBBCCCGEEEIIIcQHimiEEEIIIYQQQgghhPhAEY0QQgghhBBCCCGEEB8oohFCCCGEEEIIIYQQ4gNFNEIIIYQQQgghhBBCfKCIRgghhBBCCCGEEEKIDxTRCCHEhXVt3bjm6TlYsLqt3FUhhBBCCCGEEFJmKKIRQogLv3xoJv723Fwc97eXyl0VQgghhBBCCCFlhiIaIYS48OZH6wAAbd25MteEEEIIIYQQQki5oYhGCCGEEEIIIYQQQogPFNEIIYQQQgghhBBCCPGBIhohhBBCCCGEEEIIIT5QRCOEEEIIIYQQQgghxAeKaIQQQgghhBBCCCGE+FBWEe3FF1/E8ccfj6222gqZTAaPPvqo5/YPP/wwjjzySGy++eYYOnQoxo0bh4kTJ5amsoQQQgghhBBCCCGkZimriNbW1oaxY8di/PjxgbZ/8cUXceSRR+Kpp57CtGnTcPjhh+P444/HW2+9lXJNCSGEEEIIIYQQQkgtU1/Ogx9zzDE45phjAm9/3XXXKd+vuOIKPPbYY3j88cex1157JVw7QgghhBBCCCGEEEIKlFVEi0s+n0dLSwuGDx/uuk1XVxe6urrs7xs3bixF1QghhBBCCCGEEEJIFdGvEwv8+c9/RmtrK772ta+5bnPllVdi2LBh9r/Ro0eXsIaEEEIIIYQQQgghpBrotyLaPffcg8svvxwPPPAAtthiC9ftLrzwQmzYsMH+t3jx4hLWkhBCCCGEEEIIIYRUA/3SnfO+++7Dd7/7XTz44IM44ogjPLdtampCU1NTiWpGCCGEEEIIIYQQQqqRfmeJdu+99+LMM8/Evffei2OPPbbc1SGEEEIIIYQQQgghNUBZLdFaW1sxd+5c+/uCBQswY8YMDB8+HJ/4xCdw4YUXYsmSJbjjjjsAFFw4v/3tb+Ovf/0r9ttvPyxfvhwAMGDAAAwbNqws50AIIYQQQgghhBBCqp+yWqK9+eab2GuvvbDXXnsBAC644ALstddeuOSSSwAAy5Ytw6JFi+zt//Wvf6G3txfnnHMOttxyS/vfeeedV5b6E0IIIYQQQgghhJDaoKyWaIcddhgsy3L9+2233aZ8f+GFF9KtECGEEEIIIYQQQgghBvpdTDRCCCGEEEIIIYQQQkoNRTRCCCGEEEIIIYQQQnygiEYIIYQQQgghhBBCiA8U0QghxIVMuStACCGEEEIIIaRioIhGCCEuuKc9IYQQQgghhBBSa1BEI4QQQgghhBBCCCHEB4pohBDiAt05CSGEEEIIIYQIKKIRQgghhBBCCCGEEOIDRTRCCCGEEEIIIYQQQnygiEYIIS4wsQAhhBBCCCGEEAFFNEIIIYQQQgghhBBCfKCIRgghLjCxACGEEEIIIYQQAUU0QgghhBBCCCGEEEJ8oIhGCCGEEEIIIYQQQogPFNEIIYQQQgghhBBCCPGBIhohhBBCCCGEEEIIIT5QRCOEEEIIIYQQQgghxAeKaIQQQgghhBBCCCGE+EARjRBCCCGEEEIIIYQQHyiiEUIIIYQQQgghhBDiA0U0QgghhBBCCCGEEEJ8oIhGCCGEEEIIIYQQQogPFNEIIYQQQgghhBBCCPGBIhohhBBCCCGEEEIIIT5QRCOEEEIIIYQQQgghxAeKaIQQQgghhBBCCCGE+EARjRBCCCGEEEIIIYQQHyiiEUIIIYQQQgghhBDiA0U0QgghhBBCCCGEEEJ8oIhGCCGEEEIIIYQQQogPFNEIIYQQQgghhBBCCPGBIhohhBBCCCGEEEIIIT5QRCOEEEIIIYQQQgghxAeKaIQQQgghhBBCCCGE+EARjRBCCCGEEEIIIYQQHyiiEUIIIYQQQgghhBDiA0U0QgghhBBCCCGEEEJ8oIhGCCGEEEIIIYQQQogPFNEIISQFWjp7cMatU/GfaR+XuyqEEEIIIYQQQhKAIhohhLiQyUTf95+T5+OFOavwswffTq5ChBBCCCGEEELKBkU0QghxwbKi77uuvTu5ihBCCCGEEEIIKTsU0QghJAVi6G+EEEIIIYQQQiqQsopoL774Io4//nhstdVWyGQyePTRR333eeGFF/CZz3wGTU1N2HHHHXHbbbelXk9CSG0Sx52TEEIIIYQQQkh1UVYRra2tDWPHjsX48eMDbb9gwQIce+yxOPzwwzFjxgz85Cc/wXe/+11MnDgx5ZoSQkg44riCEkIIIYQQQgipPOrLefBjjjkGxxxzTODtb7zxRmy33Xb4y1/+AgD49Kc/jZdffhnXXnstjjrqqLSqSQghEaCKRgghhBBCCCHVRL+KiTZlyhQcccQRym9HHXUUpkyZ4rpPV1cXNm7cqPwjhJAgxLEmoyUaIYQQQgghhFQX/UpEW758OUaOHKn8NnLkSGzcuBEdHR3Gfa688koMGzbM/jd69OhSVJUQQgghhBBCCCGEVBH9SkSLwoUXXogNGzbY/xYvXlzuKhFC+glxEgvQEo0QQgghhBBCqouyxkQLy6hRo7BixQrltxUrVmDo0KEYMGCAcZ+mpiY0NTWVonqEEGJjMSYaIYQQQgghhFQV/coSbdy4cZg0aZLy2zPPPINx48aVqUaEEGKGlmiEEEIIIYQQUl2UVURrbW3FjBkzMGPGDADAggULMGPGDCxatAhAwRXz9NNPt7f//ve/j/nz5+MXv/gFZs+ejRtuuAEPPPAAzj///HJUnxBCXKGGRgghhBCSDi2dPbC4YkkIKQNlFdHefPNN7LXXXthrr70AABdccAH22msvXHLJJQCAZcuW2YIaAGy33XZ48skn8cwzz2Ds2LH4y1/+gn//+9846qijylJ/QgghhBBCCCGl49W5q7H7ZU/j0v++W+6qEEJqkLLGRDvssMM8VxBuu+024z5vvfVWirWqHV6dtxqDGusxdvQm5a4KIVUHF0cJIYQQQpLnTxPnAADumPIRfnvibmWuDSGk1uhXiQVIcqxq6cI3b3odALDwj8eWuTaEVB9MLEAIIYQQkjwcYRFCykm/SixAkmNNW5f9OZdnV0RI4vC1IoQQQghJHpr7E0LKCEW0GqU+W7z1Pbl8GWtCSHWST3mAN2vJBvzqoZlY2dKZ6nEIIYQQQioJSmiEkHJCd84apaEuY3/uzuXR3FBXxtoQQsJy3PUvAwBWbOzErWfuW+baEEIIIYSUBhqiEULKCS3RapT6OskSrbcyLNFWtnRi4eq2cleDkEQo1fjugxWtJToSIYQQQgghhNQ2FNFqlIz0uSdXGcs5+/5hEg778wtY3drlvzEhFU6pVknTdhslhBBCCKkkmLyJEFJOKKLVKHLXU2kx0eaupGUN6f+UanhHDY0QQgghtQTHPoSQckIRrUaxpN6nu8JENEKqAatEI7wcR5KEEEIIqSE49CGElBOKaDWK3PlUmiUaISQ4pRLrCCGEEEIqAY58CCHlhCIaQXeFJBYgpJqgOychhBBCSPJwAZEQUk4ootUotEQjJGWYWIAQQgghhBBCqgqKaDWKnNWmu5eTcEKSplSZo/j2EkIIIaSW4PohIaScUEQjtEQjpB+Tz3MkSQghhJDaoVQLlYQQYoIiWo1Cd04ShzWtXbjyqfcxd2VLuatSsZRqlZSrsYQQQgghhBBSGiii1SjyvJsiGgnLrx5+B/98cT6Ovu6lclelYimVuMWYaIQQQgipJTj0IYSUE4poNYqc1aY7x56IhOPtxesBAL10JXSlVK4GvAWEEEIIqSU49CGElBOKaDWK3Pl095bfEo2pqvsXmUy5a1D5lMydk0NJQgghhNQQnDcQQsoJRbQahTHRSBwyoIpWKdASjRBCCCG1BIc+hJByQhGtZil2P5UgosmiHheXSDVQsseY7wshhBBCagmOfQghZYQiWo0iC1UV4c5Z7gqQUGRpiOZLqcTgHFVnQgghKbFiYyeO/dtLuG/qonJXhRAbjnwIIeWEIlqNombnLH9XxNgG/YsMg6IFoFSJBfjuEEIISYerJszGu0s34lcPv1PuqhBiw3kDIaScUEQjleHOKX2mPkOqgZIlFuA4khBCSEq0d+XKXQVCHHDoQwgpJxTRapRKSyxAIaB/UTtCZ/QT5SNNCCGEEEIIIdUFRbQaxZKm+JURE42Sg8xjM5bgsRlLyl0NV2pHRIv+XNLVgBBCCCEkeTjEIoSUk/pyV4CUByWxAC3RKorWrl6cd98MAMARnx6JQU2V95pmYlho1Qp8pAkhhPR3amfRjPQnuPhOCCkntESrUSrNnZMU6ezJGT9XErUzqI7hzsnxHSGEEEJI4nCMRQgpJxTRahR5Baent/w9ETvDIllJoarUy1IzGloMKvXeEUIIIYT0ZzhvIISUE4poNQot0SoXWaDKV+goIVM7pmiEkCpiVUsX/vHCPKxq6Sp3VQjpF7C7J4QQQlQqL9gSKTkVERNNstupUN2oZCgD1gq9FrUzpmZiAUKqibPvfBNvLVqPZ95bjod/eGC5q0NIxcOujFQiHGMRQsoJLdFIRViisS8skukH7pw1pKIRQqqItxatBwBM7/ufEEJI/6Nix8eEkJqAIlqNomTn7K0AEa3cFahQKtads9wVKBlMLEBqi5bOHsxYvJ6r/IQQAHTnJJUJuyhCSDmhiFajKIkFcuXviThhk5AuRaVelixH1YR4YlkW7n9jEd5burHcVQnFcde/jJPGv4KJ764od1UIIYQQIxaX3wkhZYQiWo2iWKJVgjun9Jn6TJFKHSLwHvnDAV7t0tmTw6MzluCXD72DL/7tJXy0pq3cVQrMR2vaAQCPz1xa5poQQgghhBBSeTCxQI0iT+8ZE62ykMWXfL4yL0ymhhw6o8JnujbJ5S3scfnTipv8YX9+AQuuPLaMtQoPrYMJIYRUKuyiCCHlhJZoNYo8QaoEEY1GO0WSGBh09ebiF0JiwQFebbKho8cRZ7I/Pgv5CugWCCHlh4tmpBLph90qIaSKoIhWoyiWaL3l74ro+mYmyuR76oK12OWSiRj//NzkK9QH3Tn94TNdm9RVycvB55cQQkil0h8Xpwgh1QNFtBpF7nwqwhKN2MjjgijZOS95bBZyeQtXT5yTXKUIIYHIVEmvym6BEEJI5UIVjRBSPqpkuE/CU+x8unrLP1viilIR2dU2ioi2ycCGJKtjhNk5/eEzXZtUy31nTDRCCCGVCrsoQkg5oYhGKsISTe4L2TEWiXIphg9qTLweOtTQ/OFjXKNUyY2vktNwUJftP43Xyo2deOqdZeitgD6aEEIqiWrtowgh/QOKaDVKpblz0uqhiCoohr8umw6kiFYR8JGuSaolllgUK9j+QD/S0HDENZPxw7un444pH5W7KoQQUlFw3kAIKScU0WoUJbFArvwdUflrUDnI44J8hAsjW6J19qSTpZPZuvypFjGFhMPtnbUsCw9P/xjvL9tY2gpFJErb0x/oT67oGzt7AQDPz1lZ5pqQmqb/vDKkhqjSLooQ0k+giFajyEJNd0VYokmf2TXaRLEGGdRUb39e09adZHVs+tE8tGxwkbQ2cVsdf272SlzwwNs45q8vlbhG0ajWVf7+5M5JCCGEEEIqj7KLaOPHj8eYMWPQ3NyM/fbbD1OnTvXc/rrrrsOnPvUpDBgwAKNHj8b555+Pzs7OEtW2epAnSD25fNknTIpwVp1zt8DI1yIfQd+Ub+Xa1nRENOJPXLdc0j9xu9NXTZhd0nrEpXrdOSmiEUJIf6dKuyhCSD+hrCLa/fffjwsuuACXXnoppk+fjrFjx+Koo47CypVm14V77rkHv/rVr3DppZfi/fffx80334z7778fv/71r0tc8/6PHsg/V27fHXaGRRR3zvAXRt5nTVtXEjVykOFE1BdZOONgr3Zwe2c/WNFa4prEI4qA3x9I0xCNCQAIIaQ0cHGSEFJOyiqiXXPNNfje976HM888E7vssgtuvPFGDBw4ELfccotx+1dffRUHHnggvvnNb2LMmDH4whe+gFNOOcXXeo040fuecrt0Wi6fa524Y4S1ablzplJqdcFnukapkptdrZZoablz3jh5Hj59yQS8vXh94mVz0YIQQlSqs4cihPQXyiaidXd3Y9q0aTjiiCOKlclmccQRR2DKlCnGfQ444ABMmzbNFs3mz5+Pp556Cl/84hddj9PV1YWNGzcq/4gz7lhPb+V0R1U6dwuMfPpRJrLy6lxqIhrndL4ocf5q/aGuIarlTpfikZ2xeD2+duOUVIQnN9Jy5/zj/2ajJ2fhN4/OSqV8QgghEtXS2RJC+iVlE9FWr16NXC6HkSNHKr+PHDkSy5cvN+7zzW9+E7/97W9x0EEHoaGhATvssAMOO+wwT3fOK6+8EsOGDbP/jR49OtHz6LdUmiUaEwvYWLHdOYufV6cUE40aWjhq+4muLarFgqsU5/GVf7yKqQvX4qs3vpr6sQTZlBMLVMv9J0TA/p5UImxpCSHlpOyJBcLwwgsv4IorrsANN9yA6dOn4+GHH8aTTz6J3/3ud677XHjhhdiwYYP9b/HixSWscf+hp9wimtQd1vocREksEOFaKIkFGBOtbOhxB5OGt6AyqZb2qxRikIjF2ZMr3UVLOzlnucOLEkJILUALf0JIOakv14FHjBiBuro6rFixQvl9xYoVGDVqlHGfiy++GKeddhq++93vAgB23313tLW14eyzz8ZFF12EbNapCTY1NaGpqSn5E+jn6F1P2UU0Juc0EmWQIItwjIlWRuTEAik81RnwXUmDRWvacfPL8/Hdg7fH6OEDQ+9fLZZI1SoG1aWsPnNiRwgh6cOWlhBSTspmidbY2Ii9994bkyZNsn/L5/OYNGkSxo0bZ9ynvb3dIZTV1dUB4MA1LPrlKruIJn+u8Xspn36UrKnyLmsYE61spG2JllZsp1rn1Jtfw+1TPsIZt0ZLWFMtzVeVnIaD/ujOyTedlBNanpNKpFr6WkJI/6RslmgAcMEFF+Db3/429tlnH+y777647rrr0NbWhjPPPBMAcPrpp2PrrbfGlVdeCQA4/vjjcc0112CvvfbCfvvth7lz5+Liiy/G8ccfb4tpJBi6ZUx3mRMLWIrVTm2jJhaIUkApLNE4qC432Wymes2FysjitR0AgHmr2spck/KSr9JnK23xuUovGyGEEEII6aOsItrXv/51rFq1CpdccgmWL1+OPffcExMmTLCTDSxatEixPPvNb36DTCaD3/zmN1iyZAk233xzHH/88fjDH/5QrlPot+grOJWUWKDmVTSJaO6cRdaklFiAGpo/aa+S8hZUJkEskfJ5K3WLqLhUi1uqTl1/tESr7EeFVDm17h1AKpNaT0JGCCkvZRXRAODcc8/Fueeea/zbCy+8oHyvr6/HpZdeiksvvbQENatuKi0mmkytd4zygDWKVYM8iWvt6k2iSg44p/Mn7WQZdOesTILc6968hcYKF9Gqdd6c+mWv0utGCCGVRLX2UYSQ/kG/ys5JkkNfWezprRxLtFrvGOXzj2LVoO+ShlsW9Rt/1GQZvAe1QpA7HSXWYamhJVo0qvW6kdqFMdFIJcKWlhBSTiii1Sh651N2d052h0YiiWja9940RDTaovmStjBMS7TKJMg725OvHMtfN6pVDGJMNEIIqQISaGvpqkwIiQpFNAIA6MlVTkfCPq1IlGuhT34Zo6f8pPFI8x6UH8uyHK7wQV63XIT2tqs3h+mL1pUs4H+1tsNpi2hpWBnyVSeEEJW4i++L17bjs3+YhL8/92FCNSKE1BIU0WoVre8pd0w01fWttonrzqlfwDQmdbSC8kfJlZGCIsF7UH4ufPgdfPYPz2J1a5f0q/+9jmIdes7d0/HlG17FPybPC71vFKrVEi1td05aNpBqgz0NqUTiNrV/mjgHq1u78OenP0imQoSQmoIiWo2ir+CUXUSTP3MSYhNF/9J3ydESrSzIz3EaT3SFx6WvCaYuWIv17T34YEWL/VuQdzaKsP3s+ysBALe+siD0vlGo1mY47ayoVXrZCCGkoojb1nKuQQiJA0W0GkXvO7rKnlggXcGhPyELnFGsQXR3r7Tdv6p5IJKUWJjGJWKw5/IjBGpZFAtyr+MtWpTmvlerJVra4nO1XjdCCKkk4o49OYYihMSBIlqNovc9lWWJVrZqVARqQPrKTCwgU82BtOM8i8q+qSQWkI9VxTehghHiWW9OXgTwvxf9IztnuWuQDnVMLEAIIYQQQmJAEa1G0cf5PWW3RFO+lasaFUckd05tnzQs0eQVPFpemJHFlDSyz8r3oD+IMtWIeLfkRYggiTfjCNulWjyv1vc67ViCFLQJISR94ra0tEMjhMQhkoj20ksv4Vvf+hbGjRuHJUuWAADuvPNOvPzyy4lWjqSHPtAvf3bOcO5Q1Yx8+pHcObV9UomJJpdfxQJOnPm2alEYvy46siVaFd+CikZcd1kUkwXTsaM3Me4X550p1cC/WtvhrDTqSWOBIY13kW5HhBCiUq19FCGkfxBaRHvooYdw1FFHYcCAAXjrrbfQ1VXISrZhwwZcccUViVeQpIPe93SX252T2TltZIEzCYEqneycxc8cyJhJ2ZtTsaipVquhSkcI1LIlmnwrbvzWZ4z7ldt9PgjV+kzJ2TnTWGCgJRqpNqjhkmqEzzUhJA6hRbTf//73uPHGG3HTTTehoaHB/v3AAw/E9OnTE60cSQ/GROsfRLkW+iQuiHtZWOjO6Y+SLCNla0Deg/IgLJlMiQW2HNaMLYcNMO4XyxKN7pyxyKbsBk2rUEIIqXyooRFC4hBaRJszZw4OOeQQx+/Dhg3D+vXrk6gTKQPlFtFk0ogf1Z+I687pTCyQ/L2tFQEnVmIBl89JwZho6RJErBLPvimxgNfusWKilSw7Z0kOU3LSF9Gq9MIRQgghhBAAEUS0UaNGYe7cuY7fX375ZWy//faJVIqUAnWg311RiQVqG/laRJnj6ZO4NCZ1Gcbj8iflmGi8B+kSJAC9EGF68k53Tq84Vv3BEq1a3RJlV/Q0MhenEWeNkHJCix1SjTDWJCEkDqFFtO9973s477zz8PrrryOTyWDp0qW4++678bOf/Qw/+MEP0qgjSQGnO2d5B/4WEwsYiWSJpu2StpFhtU62gZiJBZTPacSlk1xqOXFPnCC33k4sILWf4p0Vt2fU0GbHfr0VZPnrRrW+1kpMNLpzEuILH2lCCCFEJbSI9qtf/Qrf/OY38fnPfx6tra045JBD8N3vfhf/93//hx/96Edp1JGkABMLVDLxYmnpe6Tj6ifHREuh+CogbbcuWeBLI0B6rRNEQBXvlpqdU93/1jM/iz21LJ3x3DlLQ/U+U8UreOPkeXh36YZES0/F8jfxEgkhBHj5w9U467Y3sGxDR7mrUnLYrhJC4hBaRMtkMrjooouwdu1azJo1C6+99hpWrVqF3/3ud2nUj6SEwxKtgtw5q9myKQhx3TkdiQVSvp5JiXSTP1iFu177KJGyKoF8CZVhxmFKniCuHsWYaAZ3zr4h+qe3HIpHzzlQ2S9OnMJSuaDUgnXjv16cj2P/9nKiZVb/VSO1BsWG6uVbN7+OSbNX4sKH3yl3VUoPH2xCSAzqo+7Y2NiIXXbZJcm6kBKiu5eVO7FArScTcCMJd8404v7EtZYz8e1bpgIAxm6zCXbfZlgiZZYTWSdJ5Q7IYmvlewf2O4K5cxos0fp+y3oUUG73+SBUfg2jku6Z1foiECGk/7FsfWe5q0AIIf2K0CJaZ2cnrr/+ejz//PNYuXIl8trsbfr06YlVjqSHPs5v786hozuHAY11Za9Prc9B1OycEfZ3xERL/oLGtZbzYvnGTuyO/i+iyZPpNJ5pWXimJVryhHHnlBchiu6c7gWUe9EiCNX6SKV9XjVgwEdqGMuyGJC9CqnFMUSpMl0TQqqT0CLaWWedhaeffhpf/epXse+++7Iz7afo3eXT763ArpdOwKzLj8LAxsgGiolQ61ZpcV1bS5GdUxX6avt+uZF2YgH5sqcT96628RtgW5ZlTizQ96PX3v1BRKvW9zrts6rW60ZqF3mcn7eAOg77qw62WoQQEo7QaskTTzyBp556CgceeKD/xqRfkbeA95dtxN7bDi/5sWmJVkSxMIogjpQisYAs7iU9aayW8Xk+bUs0xRqwxl+aFPBbH5IvuVdiARM9vTESC5ToBanWZyptd8sqvWyEABDvT7X00kRQre29F7QBIYTEIXRiga233hpDhgxJoy6khLhNJMpl0GIhXcGhv5KEO2caAcIVK6uEi6+WgY182dO3fkn5ADVI1udBlLNXGhMLeOwfJxty6US00hyn1PTH06qWNpH0f/rj+0MCUIM3ls0qISQOoUW0v/zlL/jlL3+Jjz6qnix6pLKowb5cIa6FkS6QppFYQC4yaUu3apkwqjHR+keGVFLE7zGUr7kpsUB/d+eM+syOf34u/vv20oRrkxxcpCEkOnx/qhPeVkIICUdod8599tkHnZ2d2H777TFw4EA0NDQof1+7dm1ilSPp4TYQKtcAKW4csGoirmurw50zjZhoKbpzVgtpuyiXUqSrRcK4c5oSC3hZssUR0UoVDDmKLrtkfQeunjgHwwc14oSxWyVfqQTgm0JIdNjfVye1OIaolgVbQkh5CC2inXLKKViyZAmuuOIKjBw5kokF+ilugc7L1ZFaLp9rnSgCmH4P03DnVMpP2p2zSozs055syKWnIZTWOn59m+rO6XRH94yJlot+vyo5JlpXTw4A0NbVm3R1EqMWJ4uEEOIFW0VCCAlHaBHt1VdfxZQpUzB27Ng06kNKhKslWmmrUTwuJzY2SmKBSNk51e/pJBaQP8cvvxrvvxITLeXEAnTnTB4/scrNnTPIO9vdG8cSrTTEsYLtD+6q/YvqWFgg/Z8q7KoJatPCsFoWbAkh5SF0TLSdd94ZHR0dadSFlBC3/jLJjvT8+2fgO7e9EUggsVy/1B5Ju3OmMThShb745SllVMm4RsnOmcJDzWQc6eL3GOYVEa0gGq1r68ZPH3wbQIrunBVs/S3a+rxVucIu3xVCwiG3OLUottQCtXhbK7grJYT0A0KLaH/84x/x05/+FC+88ALWrFmDjRs3Kv9I/6AYt8flDzHpyeXxyFtL8NzslfhoTbt/fZRMhjXYm7sQxRWzFIkF4iY/0JHLqJZxTdox0WQqVbDoz/iJVfIzK9w5f/fEe1jV0tW3v/u+1Wqp5RYnrpLoj/0LJ3ukUuh/bw8JQi2KaIQQEofQ7pxHH300AODzn/+88rtlWchkMsjlcsnUjKSKEFrqshnkpfg8Sc3FuyR3JS+LDKlGUt2SqUMafLSmDVttMgANdaH150hEuR/69UvbnTOJ8hURrUpmjErg/1TKL36uZeuAXN5CBkDWsSIQD7/i5JhoQjCau6rV/k1/jEcNbcbyjZ1928eIiRZ5z/SRz6onl0dzQ13Z6uJGDb8qhMSmGkMvkNq8r3IfLeawhBASlNAi2vPPP59GPUiZKAhcTrekuIgA0wBQV+ffMamWaJXJ0+8ux9l3TsPBO43AnWftl9px4oojuqVF2u6cSRRfjeM3NSZaGvdAPlYVXsAA5PIWjrhmMgY21uGJHx2U8CDYxxJNaiqFkNztsXjw3x8diFNveh0frmxFd4VaacVFfgx7YwiFaVKjrwohiUCj5+qk1m9rLm+hPsBchRBCBKFFtEMPPTSNepASU3TnVDuNpKyWZEu0sDHRKnWSc/uUhQCAlz5cXbJjRhFfnJZoCVVGIh9T6NORn7tqGcbkS2qJlsIB+gEfr2vHgtVtAAptTpKWT36WaPL97REimvSy6btvMaQZX/rM1vjThDnojfNSVvALkjdY51Ua/dGdk5CKga9PVVKbC3HFzrRWx1CEkOiEFtFefPFFz78fcsghkStDSkhfh1GnzRTjuBnJyCJaWGGuUic5pRpjxA3ar9czSlw1/4NI5ScdE62CRYIwpB8TrVhorcZEC+YqHo1Q2Tn7BCNFODIU0NjnBl617pzSaVWqtV1NzhUJSYhKHZ+ReNRiuyh30bUpIhJC4hBaRDvssMMcv8kuNIyJ1j8QAyHd2iKpyXh3SBGtlEHYo1KqTjauO6e+TyqJBVLMzlktacfTfl6U56RGRbQ0B8F+z6EpsUBPb/E3kyWbiKVYqQJTXOR2oVLdOfsj1dEikn6L0s6WrxokPWr9vtbqQiQhJDqho6OvW7dO+bdy5UpMmDABn/3sZ/H000+nUUeSAmL+p1uiJRYTrbcopgaZ3KYdhD0JyiHuRbJE077nUqi4KnrGL78ag9paHt+SplbHf/ICTtLXIIwlWk/eaYlm2l2IaD290dvZSg5+3D+ycxJColKNfXV/pL27F0/MXIqWzp6ESqy9+yr3pLREI4SEJbQl2rBhwxy/HXnkkWhsbMQFF1yAadOmJVIxki6iu3CIaCm4cwaxhFK2qNDOrHTunPIx48dES8NKSS4xmeycxc8VrBGEQomJlq5HbSpCaX9Abr6SXkn2ewzlw5kSC5jEroa+wMWVKjAlScVa29Xmq0JIdCzjR1JGLnz4HTw2YykO/eTmuP07+8Yur0aHEDYJ2Q8QQmqI0JZobowcORJz5sxJqjiSMqLD1GMKJZedM4Y7ZyI1SJ5SxQKRhbNI2Tm1fdIwU1frGL+8/mBKH0bQtCwr9Wc67nNSDcgul0mLxX4WX2oQ/cLnrpycndO5T2N9fHfOStaYTS6ulQZjOhESDvmNqdW+ptJ4bMZSAMDkD1YlUl5/v69RFpwZE40QEofQlmgzZ85UvluWhWXLluGPf/wj9txzz6TqRVJGTCSc7pxJWaIV3TkDiWj9YGLTX9050xgcxLWWc5SXstVWqdHPIW1LNMZESyEmWszEAqaYak31heyhnT3VuezdL9w5a/NVISQyVn9Y5SSx6O+31bLieTHUqjU/ISQ6oUW0PffcE5lMxjFx3n///XHLLbckVjGSLq6WaOXKztkPEguUqlpxXSX1dzOVxAJyUPuEEwtU6opgmEGafg5piMTyIfqDJV8aKNegnCJa32elCob9BzYWRLT27ugJeNLISHrP64vwxsK1uPqre8QqRz79pDI9J01l1oqQysVy+Uyqh/6+EBel9nGTeBFCapvQItqCBQuU79lsFptvvjmam5sTqxQpHaWwRAuUWED+XKGdWTmyc0a5FuIW1mcz6M1bJXDnTCImmmSJFru08qOfQ9qPTj8f/0ZGyRKbsOGTn1gl31OTG7zJnXNAo7BEiy6ipREz8NePvAMAOOxTm8cqR24XKtcSrf+9LNUSJ5L0T/rDIheJR3+/q4V2PVxDqTzXldldEUIqmNAi2rbbbptGPUiJEX2HPtHrTWjiI8dEC2Ld1h+8BfqbO2ddn4iWdmKBpEW0Sh2kh6mVwxItDXfOfnDN0ibNlWS/4bhs+WZq40zunAMaCiJaRwxLtDRZ19Yda3+5qYkiovXk8ujNWbbYmAa1+aYQEp1KDbewfEMnlm7owGc+sWm5q9L/qaD7GoVolmjFvejOSQgJSyAR7W9/+1vgAn/84x9HrgwpIX0dRjYBSzTLsvDOkg3YfvPBGNxUeKTkwNlhO6c4fVlHdy61CVjputh44ogYGNRnM+hCOoODpMULZRWwQscyYVY6HTHR0nDnlD7XrIgmfU7a4tLPEk0+nsl10bR7sxDRYliipUl8D0zva+LHYVe/gKUbOvDe5Ucr7fjatm5886bXcOKeW+MHh+0Qr4a1+aoQEplKdefc/8pJAIDHzz0Iu28zrMy16d/U4hhCWbytVXN+QkhkAolo1157baDCMpkMRbR+gm2tlEBMtInvLsf375qOT285FP8772AAqiVaEDNpWWSI2pVNen8Fzrr9Tfz8qE/hnMN3jFiKB2Vw54xkiSbcOeuyAHIpWaIl60bXHyzRwlAKSzT5RandmGgpPjc+eql8bLM7p7MAERMtrCVaqVwQ4x4nbmKBJes7AADvL9+oWJfc/8ZizF7egtkTZscX0WLtTUgNori9Vd4b9OZHaymixaTy7mo4onRddFMmhMQhG2SjBQsWBPo3f/780BUYP348xowZg+bmZuy3336YOnWq5/br16/HOeecgy233BJNTU345Cc/iaeeeir0cWsd0V/oMdFyERSRx2cuAwC8v2yj/ZtsiWaaYLrVp/A5Wmf2y4cKcX2unjgn0v5+lKOLjXIthMBV33dv008skHBMtAoay8hvR5hqleIc1DiC6R+vEkk6wYWMrzunkp0zmCWacOfszuVDuc7L55ZJMUBWXDFW3jusiOblMjaoqWiVFnsSX6svCyERqfTs6WkkW6l0TDE349DfRaQoz6i6eJtkbQghtUAgEc0Ny7JirVzff//9uOCCC3DppZdi+vTpGDt2LI466iisXLnSuH13dzeOPPJILFy4EP/5z38wZ84c3HTTTdh6660j16FWEfdNH3z0ROhJRgxqdPwmTyrDJhaIStKDCp2SJRaIecyiJVrhgqTvzhm/vEpdEYxak1LHRKtdS7Ti56SvgZ9YpcREC7j4ILsodvaGEdGKx0qzmYvbVijJFkJaNau3T913iyFN9ufVbV0RauZWMiHED3WRs3z1cKMGNbTEhcNKvK9hiFJ/ZjgnhMQhkoh2xx13YPfdd8eAAQMwYMAA7LHHHrjzzjtDl3PNNdfge9/7Hs4880zssssuuPHGGzFw4EDccsstxu1vueUWrF27Fo8++igOPPBAjBkzBoceeijGjh0b5TRqGtud02GJFr4jGT6oOMERE3t5UhnEICGJwLVpr0aWapARV6ASE+76bOH1TjuxQBKuZv0hO2eY09Qvedor+bUaFFdxK07gGlghxCpZN+vNORN4mNqjpvqsPeEL49JZqgF+3Eso34PukJZo8jnq9ZCv5dL1ndEq51J2UqTZ/ZiSVBBSKtTET5XX1wR9O+aubMVjM5b0ywy9OhTR4lNtYUQIIaUltIh2zTXX4Ac/+AG++MUv4oEHHsADDzyAo48+Gt///vcDx04DClZl06ZNwxFHHFGsTDaLI444AlOmTDHu89///hfjxo3DOeecg5EjR2K33XbDFVdcgVyuMoM0VzKiv3AkFogQE2344KIl2sbOXgBqUOkgLqKKKBNxkJa+JVq65QvixnlyWKKlkLpbrWP88lR3zsoZzKjunMHrpZ9DKpZoHserFZJ2K+6SrMOaGry7R/l4vXlL2RcwiyqZTMZ26ewMkVxAPrU0xRpdrAsrwMeJieYlpMvfl/bFTYtKWiJALbqU1SKvzV+De15fVO5qlBR1saKMFXEj4Lt3xDWTcd59M/D0eytSrlD6JN3cVKI4GgbGRCOElJpAiQVkrr/+evzjH//A6aefbv92wgknYNddd8Vll12G888/P1A5q1evRi6Xw8iRI5XfR44cidmzZxv3mT9/Pp577jmceuqpeOqppzB37lz88Ic/RE9PDy699FLjPl1dXejqKrp/bNy40bhdrVKndcRB3ZJkGqVCVrd2YdiABiXeT6C5VALuArogmDTlECoimaj3/S+sDNMYHChm8Aln56yGsYzTEi15VFeEFA7QD5CvaxLWWrJ1WHO9d5Zf/blv7epVvru1RgMa6tDenUN7GEu0Er0U+jXMWRayIayg5IlY2AWZXg9LNLntjS2ipXQpsxmgFpbzenJ5XPzoLBy00wgct8dW5a5OyfnGv14DAOy4xWDsu93wMtemNOSV8VnlddBhh34zP16Po3YdlU5lSkTiIlrl3dZQxI2JRndOQoLRm8vj4sfexf7bD8eJe9Z2OK3QlmjLli3DAQcc4Pj9gAMOwLJlyxKplBv5fB5bbLEF/vWvf2HvvffG17/+dVx00UW48cYbXfe58sorMWzYMPvf6NGjU61jf0F0F/rqeZQg9HLnu7qly1FOoMQCCWTnrBZLAPn8o1miFfZp6HPnjCKM+h5Dvl8Ju3NW6lgmzGk6LdHScKmlK4JiEZnAY94hWYf5ifK6lZYuorm1R819lmgdISzR5AF+ms2c/pyGfq6kzeO5c+r1KH5eUqEiWpoJHyqJB95cjPveWIxz73mr3FUpKwtXt5W7CiVDdeesPMK6O1dDd5m0i3d/vyTRYqK5L9wQQsw8NmMp7p26COfdN6PcVSk7oUW0HXfcEQ888IDj9/vvvx877bRT4HJGjBiBuro6rFihmlWvWLECo0aZV4i23HJLfPKTn0RdXdFC4NOf/jSWL1+O7u5u4z4XXnghNmzYYP9bvHhx4DpWM3ZiAYc7Z/iZqDzBWdNWuA+yK0+gxAIJdGBpu3NWUkw0y7Jw2X/fxb9fcmbELY07Z/FzMrGopM8VNJyLWpNSW6LVqoiWtDuGYh3mU5y+ct3aqVmiubRHIrlAmJhoaqy2FLNzWpZS77DCpHxJwrpzKiKao9wELdFi7e1OVrlu1fs+rmqJl9ihWkgj63XlUpnhFgQ1ol8rJD3ercT7GoYotZf7N1qilZ8PV7SgvbvXf0NSVta1m/WWWiSwO+esWbOw22674be//S2+9rWv4cUXX8SBBx4IAHjllVcwadIko7jmRmNjI/bee29MmjQJJ510EoCCpdmkSZNw7rnnGvc58MADcc899yCfzyPbZ2XzwQcfYMstt0RjozNDJAA0NTWhqanJ+DcC1CVhiSZ1X6tb+yzRlJhoAcpIwp0z5ZFUOYQKt2PO/HgDbnt1IQDguwdvr/xN7FEv3DlTTiyQhAWQ7K5WDWOZUgxIk3Zl7J9I7UwC11yOU+Yn5uqXvKWrR9vC3B4NbAwfE01xp0pRZM5bhVqLI4S9pnHcOeVn2Cu7bVxLtLSQ+5+wbrAmKnVSyyQHBYLEeq0WKj07Z1hBqQJPITRJj3drcQihuHNW4oNdQ0yZtwan3PQattl0AF7+5ecSLfujNW3414vzcfYh22PbzQYlWnYtUitW90EIbIm2xx57YL/99sPq1avx3HPPYcSIEXj00Ufx6KOPYsSIEZg6dSq+9KUvhTr4BRdcgJtuugm333473n//ffzgBz9AW1sbzjzzTADA6aefjgsvvNDe/gc/+AHWrl2L8847Dx988AGefPJJXHHFFTjnnHNCHZcUB0J6ds4oiQVM7pw9SnbOcIPNqJPEtN/rUnWxipuey8hmQ4c+YZf277sh4t6mMTiIm/xAp18kFghRLYclWsqnVIsDYECzxkvgIsiWaH73TH/udUs0t4mdcOcMExOtVAJ+Pm8pk7Owx00qsYDeD6mWaHGzc6ZzLeXbnYSoLRfBMWvlUUuWaJbL50qhFid1NXjKCkmEzKj0WH+1xBMzlwIAPl6X/CLZ6bdMxd2vL8Kp/3498bJrkbS9vvoTgS3RJk+ejFtvvRU/+9nPkM/n8ZWvfAXXXnstDjnkkMgH//rXv45Vq1bhkksuwfLly7HnnntiwoQJdrKBRYsW2RZnADB69GhMnDgR559/PvbYYw9svfXWOO+88/DLX/4ych1qFSHU6O6cUQb/8h6r+9w5Q1uiyZ8r1BKtZJ1sABc1rzhn4hbW1xXenbQt0ZK4LNUWm8J531I4qYQFpP6IYhGZwCWQ45T5CUgOd049sYCbO2eEmGilsgTJ5a1Cn9B3bqGzc0qfe2IkFtCvrXzOa9u60dGds91iK4U44qOJSp3U1frkXVBL1r9JL5olgeriHnbfZOtSDtJOpFXpOJLPRCoj3DyF9E8+WtMOIB2BrhaplvjjSRBYRDv44INx8MEH4/rrr8cDDzyA2267DYcffjh22GEHnHXWWfj2t7/tGsvMi3PPPdfVffOFF15w/DZu3Di89tproY9DVGxLNO1dCGs9UChLcue0EwtIlmiBYqLFH9WkLqKlWroZt3F6d697bXR3zlRWzKUiE8nOWSJ3tTiEqZdDQkvlFlTexKbUqBlK41+DDikeh1dpa9u68ehbS5TfnNk5ze1RNBGtNO7Owp0z6rHkeoa2RFOS0bhbogGFuFyf2GxguMr1kV5igeLnJO6RXEQljVkrqCplpaZENPlzhZy2fPlrcVJXi+csk8QYK1+B4jAhlU6N6/cKoRMLDBo0CGeeeSYmT56MOXPm4OSTT8b48ePxiU98AieccEIadSQpILoL3Z0zkiWa7M7ZFxNNtkLIBZhMqYO0ynTnLJW2E+RayCKlY5u+78ISLRV3TulzIu6ccjykKlgR1C140nh0FAGpRgeASQuJsrDlVdxpN7+OSbNXKr+1BEwsYMdEC+XOWfycpoVSXkssELY/iOPOKR9LT3CjVyPO856WSC9bhiQhsFTqK13jc3ebWnLnVNuf8tVDJk7G4kpdqAtDrb+GznFv+DKUxEQpvc8PvLEY3/r369jY6R6ChbBf6U/Uovu8G6FFNJkdd9wRv/71r/Gb3/wGQ4YMwZNPPplUvUjKiP5HX83qiSSiFfdZY7tzypZoweujfw6DLggmTalWqoJk55TdZfVtxPeGFBML5BO2jJEnxZU6vA1z+110zUSpROuAUiMLrkln5/Qq7d2lGx2/6ZZobjQ3ho+JViqrw1zeipX1Va5nHHdOXaDQJ0xxrkFal09x50xCRKvYlpAA0eLH9lcq0Z1TrkctzulqfSLrsESL0F4mPY418YuHZuLluavxr8nzI+3/6tzV+MV/3o4swq1p7Qo8NiknTFiTHCs2doZKXBWWWreClYksor344os444wzMGrUKPz85z/Hl7/8ZbzyyitJ1o2UAKclWgR3Tulz0Z1TjjUQpMz4Ikp1unOaj9oti5QOq6fCdzuxQBox0RK2jIkzcS8VYWqln0Ma56TG86jMa5Y28sA5GXdOaeAR8p7piQXc7nkUd05lxTxVd04rlpVpUokFvGKiFb7HsURLByWxQMJtIqk8aik7p0yl9DWKJVrYCXhlnEIsat2lKomFylJa80cVsv754nw88ObHmDxnVeh9N3T0YO/fP4vdLp0Y6dik/7FyYycOuuo5fOe2N1I7Rl0s86vqInBMNABYunQpbrvtNtx2222YO3cuDjjgAPztb3/D1772NQwaxLSx/Qk7sYBuiRZhdVUeU7V159DRnVMmUIESCyRgiZb2oKJklmiK1Yl5G9USzTzhrO8LeJeKgBMgg2gYlDpWwQDXIaKlPPGolIlNqUlafO0IaIlmQh8ku1VHiGhhVgpLZQmStyw13mGZ3Dn1fd3auCiUImB/IpZoUhGVtEpf6xYwglpy54zzXqeFfP1r8ZGsxXOWcfQJMctIe4wWdZFfvG9RLIs+WNES6Zik//Lx+g705CzMX9WW2jE4BigSWEQ75phj8Oyzz2LEiBE4/fTT8Z3vfAef+tSn0qwbSRHbnTORmGjqPt29eU+Rx1iG8jlaZ5b2i12y5JwBrLzkgazT6qnwf31fZts4g/1Fa9oxuLkewwc1utYxibGHamlTmZOTMJNvfcu049JVaia/UpLE3C5oTDQTekw0t91FVsmOMO6cCSwyBEE3rglrbCO/u2EXZHKK9bK5TXP7Hoa0Lp9qwZdEeXynK5laWriQn8XuChHRZNEjrEBRDXeOLlUqUcZApUwsENV6R9Qryji+Pz0j/aiqFY1oF9Nsp/vTc5U2gUW0hoYG/Oc//8Fxxx2HurrKSi1PoqNn59QDOkchb1lKbLUgsUP6Q0y0cugUbh27KqKpfxODCWGJFnWwv3JjJw65+nkAwMI/Hqsdw7+OYZAHxJU6wA1TL31Al7ZLbc0mFkj4OVRjooUrr7VLjVniNqiP5s5ZmsF+zrJixV+Tt45liebioh61Xlphzp8sK/YijOJeHaN+vbk8Wjp70VhPn4lKppot0dq6enHNMx/gi7tvib233VRpZyslFlyt9nmCWp/IJpBXQBk7py2K6wYLQRHnGWVuJh8yn7ci14H0H8Rj3NObpoiWWtH9jsCjtP/+97848cQTKaBVCWLArzeqUQaG+oQmZ1laYoHSDHaq5b1WLBpc2kEl+6nLPavPxnPnnLF4faDtEhHRKjBwcRycljPpnlMVz+c8SdodQ3aZCGuFFdidM0pigRJZaua1xAJh2+44bl9KHE2f7JwJa2gJWY5J5cUo8Es3vIq9fvcMFqxOzx0jDv1h7r66tQuPzViCrt70gisnseBYqVzzzAe4+eUF+Mo/XgVQme6ccRbeqsFyuz+8h2mShKWuGiYhdnGe1EW8YaKKUULtyEJrpYvONf44J4YYH5bKEq0a2tI4cKmzRhHPvd6wR1ll1N+hvGUp5Wzs8M8qI3eIUV/JtFfmSped019Qkgfwbpnr6vvsx6OusHk1wkkPPuQyKrVNDlMv/b4lvXrvuOc1qqLJZ53EIDFodk4TYRMLhIlxooqFISsWgvix/MJZILsdO93snM59k06OEseq4Z0lGwAAj7+9NG6VUqGS4rO58dV/vIrz7puBa575ILVjVLMl2nta9mE1625liGhKRu9KHTSkSM2LaAksrJQyjEhUTxnx7vVG6PgVEa2K2ys/aslySnbnTKtdlNueWn6uAIpoNYt47PWGPUpDrb9ClgX0SOXcM3UR3l+2EV4o73rEFz/tQUU5xmlux5Tdndwy2dmWaBHHvN0e5sCK1UXClmjVMCA2Cctpll+rHVnSYq4aEy1cgbolmlt9miO4c6rNY3qCbM6KF9tLrlrYlVD5GdYFCl3MS9oSLYkrmpQ7p0BpM2poEpAEC9e0AwAmzlqe2jGquc3VLfjkU41iEZMG8vWvgiFDaGrendPxPfxD4BWHM2mihguIZYkmzfCrub3yo5beFXGbLSu9e96fLBzThiJajeKWWCDK6qqXJdqmAxvQ3ZvHj+59y9PywnL5HIbUY6KVKFpXEIFKFrj0Rkx8KyYWiKaieYloqugVqXgFeQJasU1yDEu0tBfva3V8pLwrCVyEMMH+dYImFhgYKbFAsmKhWnbxc8GdM/rEQt48bLvjNaFJYsJk72vYNQmRO+lnsVLHpv1pPpLm5KmaLdG69L5fEdEqwxJNbl6qIQREWKpdGFjf3o1v3vQaHnxzsfHvjsWkSJZolvFzGtRHnJ+IekV57+RnpNLbqzQTw9VSLDj5OU7LpZMWjkUootUoYhKiNy1R3M70zuf461/GorWFleBrv74nNhvUiLkrWzFl/hr3+iQgyqQ9qCjZOC2Aibm8Uuxm9dQgEgtErHe3h8uoPvGOi9zWV6prYpiJu8NSLGnrIe17LU4igORc6ARxsnPqE0/XxAKNqiXaPa8vws8ffNuz/mm6nXhNJMInFihu39Mbbl/FEi2n1wOe38Ngeo8TuaTKPYpfXIU2g6kyd2ULzrx1Kt5atC6R8tIcElTz5EFfQJPfmUpMLBD2/a2G7rLKNTSMf34uXp23Bj//z0zj350LK+EpbXbOqO6cBaK8dxQ7CtSQhqa0i2HHYEGpo4WjDUU0ohDVaklmdWu3/XnUsGbssMVgAEB7VzDLi6hWBqm7c6ZbvBG3fjPvZYbe97XOdueMVnPF2k0ro8vDEi4KimVb7NLKj9MSLdkVoSRjRPVvkh0Ed8TIzqnjFxNNHOvXj7yDB6d9jOdmr3QtK83EAnJpubx61qFFtBgWK3I7ovdDycZEc/7Wk8vjwxUtsVxl9esYl1p8p8+6/U08P2cVvnTDq4mUR0u0aOgWDHHctNNC7lNr8V2pdks0PTyCThIx0dTF2/D7hyHq7bLdOWNWMIm5XX8lalKH/og8hkmrrZatBmv4sQJAEa1mEe+Z3rZEGfx7TTwGNdbbFlFejbhcROVaopVmoKYkWXA5ppdlivgmzMejTui8hDJZbEjG6kIWQ+KXlwbhEguo35Puy/SqVPpqUFr1S9pCK44lmo7b/nJMNPn99sokKJ9b0tdSFejiWffJW4cd9OekFQNHTDQPS9gk+Ml9M3DktS/irtc+ilxGkIQwUcurJNLsZZes60i0vDRDPCS9MFJJdPXolmhFKsWdU65GaEu0ZKtSFqrdusb33XWsHYe/q8pidArtrdyGR8/OWSgjUtI3eZGxMl7bslDtgrOMfJ9L4s5ZoeOUUkERrUYRj72eaSuJmGgyg5vq0dBn++kVGDOZ7JwRdwxIqdqKIFYnXp2jnp0z6oROtkSTj9Gby3u6ekZBFVErp1GO2lmknT3T6cJb+H/lxs5Ycb3SYPzzc7HHZRMxe7l3cpEoqIJP/PI6YmTn1HEbtw2U3Dnl1XZhoWZCPs+kLWASdeeM4Uogv1+3vbIQR14zGSs2dvaV636csJh2ndRnBXjj5PmRy5VxEx//984yzFneEqiMStXF05yPJB27Js04O5Xi1pgGuqAvv2+Vct7yO0ZLtOqjPus9PdVFsyiPgJr1OvlnSC4yvjtn+AGOMm6vYRWtlmKiqe6c6d/zSl/ATxuKaLVK34um98PRYqK5/21gU53dGXqtYCZhiZZ2YoFyKO5u/Z6nJVrfV3E9wk66N7T3YNaSDYpQJp97e4+euSv+danUTFuqWBm8Yg5LtMRd8Jwi3dL1Hdj3ikk46KrnEj1WXK6eOAdt3Tn89vH3Ei87aeuf9u6iqBW1vFFDmwEA+223mfHvQizr7s1jjeT67jUnSnuwL9AHRHGyc4Z255QO1tGTw4crW/H6grXGeqR1CerrovchcpVM7/sbC9fiB3dPx1HXvRioPOX5q6A2UV54S3rBI2rwbTfSHBLEmTxYloUzbp2Ks+94M8EaJYczJpr0twqxRIsTAqKSxhjEjF9b4FhYiXCMnDJ+iFCAD3IfGFX0LLpzxrNEq2Wxo4Y0tJK4cyY97u7P1Je7AqQ8FC3RVKKsVriZUTfUZdBUX1d05wwqokWeMaQsopWoEwpkiSZb4DjcOQvfxXUPO+n+/DUvYHVrN8ZuM6x4DElc1WPbJe3OWaosqGGJY4mWdvycnGXhpQ9XAQDWtHX7bF0e0lg5l69qEp15p+zGFLG4Z396KOavasWuWw0z/l0kFgCApRuK7mu6C5VMmpZoXu1NeHdOaRU0oog2pKke228+CG9/vMF+j5wLBcHrNX9VK/798gL84NAdMHr4QM994yzE+FnTzg5ogSaQL32ltol5C4ihOzpIOnZNpcZEW7GxCy/MKbTXLZ09GNLckFS1EkFPkiKfauW4c8abyC1a044XPliJr+0z2nax70+kaWVZCdT5NCxJ9Pdpu3PKz2jUvkWcZxRLtDTHDUmT5uOctoFFJSHfZn0xJCmUBcMKf67ShiJajVKMiaa5c0bxu3fZZVBT4fEK4s6pFhi6CgDSX23IK9ZSVmqDGPn03a6tms3UzRKtcN3DDg5EYoi3P95g/6ZYonWrAV+TtkSrpDY5anwoh+VM6u6cVk0OkuLE79JxuClHKGNwUz0GN9Vjj202cd2mqT6LxrosunN5LFrTbv+uT1xl0lxR9oq3Fi+xQLh9xbHGjt7Edr8Q9XEmFghe7tf/9RpWtXRh2sJ1mHj+IZ73NY4llHqPnH9vCFl2Ehmr00B+j/OWhboEF6+SbiMq1hKtQkVRgaMvqUR3zhhWRBYsXP30HDz+9lIMH9SI4/bYKuHapU+16wK+lmj69wiNpLJQkUIjK78rUV0KRbXizs0qXezQQwslWnaVC84y8n1Oa8GjPz1XaUN3zhrFbRDXm7dCdyZu2w9qLIhowkXG050z1BHNpB0jIk5K9TAEMZVVJ776/oX/4yYWkJHLaO/W46XELl55NippwigTxkgzrkVPWPJ5q+I7szQGMoq7bczT7+hxjwMk4yWIBrFoyGQy2HxIEwBgzoqidZIag9BdNEreNbiII6B/yDFYHHdOMUnIZjP2BFE80845ffBrsKqlC0DxWnvt6heHxwu/gWV9XbiykwhxkDZJtzlhr5EfScfCUWL+VYhFVimoREu0fD7eC7Kuz2K7tdM7C2SlUvMx0dx13sDI7Vca4yfZsydqUyRqFcWdM82ERP2JWsrOKd/ztCzRkOKibn+DIlqNUrREc/7N9FJYloVz7p6OH937lvNvLscY1FSYUDb0dYZeljLKqrvrVt7IJrtprCrl43t6hT9mEHdO7bqK7431fYkFEhbRdLEhiUa0W1plqyQfe7km4dw51e9Jn5Oz/MqxEHAjjZVzxRUx5nOoJ2RwK80r62RQDUCIaB+uaLV/E8G8Zyxej7G/fRp3v17MFKlbJSVp2aiI9npbEvK5lZ/zsAsy4lh1meKgV+yeRPyb4r7ueycVE830vjeELLs/uLgn3VQnLQwkXV4aK/CVeWdV8op4WBk1lseTUWI3iva2v84BaYkW/8alnRVefkajtpWiD40SJF4Zv/bXBz0Bqv1dkYnjDRDlGMzOSWoakwmtSexa09aNJ99ZhsffXmqv4Al83TnrC8eYu7LVvCF0F8ZoL6U8Xk6jw1DdB9JrONRrYd7GK7GAuH+NdnbO+HVS3TmTTyxQKavbOlEnTWnHRNMHkDnLqvjsS2mMY5LszJ2WaObtvAYmQVc8t+gT0T6QLNGEO+f5989AS2cvLnpklv23NBNVeFm5hXbn1L6HGcQJAa8um7WtFkV9wmYNXWuICygG0t6WaDGeUj9LNMmyQm8fnpu9Ag+8uVj5LaahTUlIuh+s9MQC8tkm1aaX497m85aSGdiPUrgIhSWviGjhL6Jobytp0S4M1e6i5hcTTe9sotzGtBP2KCJaxDJsd84I4zt9UauS6U9ZnyuZkrhzSp/TTHTVH6CIVqN4PfamxlZe0dVfTLcVocF9IpqYPDzy1hIsXN3mW6GoYxq5jmmo4/lSiWgeApm9DdzrkuvrbBuEJVqIuj4/Z6Xxd7mh7NBioiVxKeSgqXEaZctK1q0xqjm8Q/RIOyZavvJjoqWTWCC5d9Lhpuzm8u4xMPEd+PchLNFW9rkaAoVJXW8ujwWGNlIXXRJ9njzEn9DvorZ5mIF/ry2iFS36osREG//8XHzmd8/g3qmLlN+Fq6DXGcVy55RdHAzPomzlpouL37ntTfziPzOVex8n+2CayJP3pPvBpANAJy00WBH7Ax158bIck5Bv3zoVu106UYnJ6EUcN+20iBteQyRyScNroRTIr0o1TmQbpLbY6B3j+B7+GsiPchpzhl4lTEm08sV5RbEqUheBK+O9LQfV7vosI/fJXnF240BLtCIU0WoUT3dOQ2Ot+Flrgyi3/lvERJPdWN5YuNZcH8SfMGRTtkQrR4wat9NQhTb1b0VLtIxnGYVyLEz+YBWW9WUJPPPWN4zbydezs0e///EvhuzOGae0r//rNRx69fOJxQKQJwzhRLSYYkRI8pZV8e6cqcREk9+DuO6cAS3RvNKGB7VE22SgMxtfV08Od7++yLC1851IUjD1EorjZOcEgJ7e8O9MXTZjD3qL2Tm143i0OVdPnAMAuPDhd5TfRWB/T0u0OO6cSv/gPEhDnftClGCVJKpWbGIB6XPSzVoMDdNI0rFw0rBEK4cl1EsfrgYA/GfaYp8tC+Q8xn/lIm52zv7vzpmemF0JyIK6qb00hbQIS9oL44rLccQHTewWxRJN7kPSHB/OW9WKlRs7Y5WRpsxVS9k5S7HgkWaiq/4GRbQaRbwEpqbFFPNH7gB0ddvXnVMKFNTkEng7CYFKNtlNPZB7qoMW/449yMRXWFVYloVz7pmOE//+smPb52avxLdvmYpxVz7nWaNe5f6n684Zp7ypC9bi43UdeHfpBv+NA9AbMVabwzow6Zho2vdcvjbN9eUzjjtecMREc7mcXivCQd0GhjQbRLRcHtMXrTNu74hVlmRMNI9ywx5G3z7MhFu8a3XZrDM7p/bEB3md9FtRDFrvvnOcwbbfsyhbubmJ/O5Ziivz3U7aiidp0StpUS4p968kE6KkiXgf5PPe0N5Truoo5GOIzJZlVYE7Z/FzkuOL9u5exxgvKpZlRV7QlNtiUz+i9wkbO8I/l7kERC4vehNYHLZjokWxRJM+p2UxtHJjJz7/l8nY94pJqZSfBDVkiKYueJTAEq2GDRwBUESrXbws0QydiTxB79QtNly6B5FYQI5z0lRvfuQs5XO0xl5ZmUv4xdYnC2mOu4IIil5WD+JeCXfOnGXhyZnL8PbHGxzikliR9sPLRDiJsYccNDWJa5uUyCCv/oWKiZZSfezyHc+jVfHm+ukkFkhuJVmIaKIZcRMI9AC/jdIiQdCYTkOa6x2/dfXk3d937XuiIpqHIB86Jpq2eZjVc9sSTUosIKqjn26QeumumfUBLNGSWrE23R+3kAiqxZn5ea6keb48ZkjeEq3/JBbwSjDihxrvroJuLlQXtCZDcqJlG+JZnCSFrKsEaQ/061wU0RKtVsnIpDDebe/uxS6XTMShf3ohkfK+dfPr2Pt3z4SKvydQLNEMYoB+y01xMP1IP7GAvDgcrQw7JlqEVUL5vU3LsEDOMF6p1Gp2zlLERKM7J6lJxGNvcrEyvXhe7nxumpewRJNfsuY0LdGkU0lqJU2g9z+3vLwg0fLdcOv4vCzRRMcp3IdkC5tGFxEzTD10ETWJFTy3SWVUkrDKsixLWf0Ll50zPcshwCCq9Ad3zhQM9oPED9RZvLYdV0+cjZUt6mSws6/NaK4vtFFupenC0J6jN7E/B520Gy3RPFYNnclDkhscKYkFyujOKY5Vl83abbk4b/38A1miaU2dcNX02jVWTDQfQddtIUK+xnHjPJUCy+N5iUvSiQXSDL4e59zzLve81JiO3Ck9m3aGb2nD5THdtpJCvv5BrqB+u8Q4ptJEzKDIT3ZSz9D7yzYCSO4evzJ3DVq6evHSB6tilWOywtJ/WRNFREtZZFIs0SLHROsrK0L95D3S8lRIaqEi1cQCNSWiFT+nJqIp88/KXrxPG4poNYroPEyNi6kzkX/r0kUUl85BJBaQOxLZaiNp5GroQcLjojdGf3nmg0TLl5GvpntiAXkb6XfLcmTnlCdsQiCQtw+CuP/r27txxVOzlb+99OFqLF4bLECxGz2JZDFKdkAUJ8i63q8k7s7psMzR06lX3sQgadcqIFpshrPvnIbxz8/D/905Tfld7O5nsdStCUO7bT3M/hx00DLUZInmIfw77neC4xb5GurWNXEt0UK5c0qJBRzunIlYohXd2933Scqd03vSp7qvw+Vz/DYxDeS6JN3OJD3ZiRHizoh8unEWLSyXe14JyItuIhSH/Dyvbet2LKSVg7DxrNwt0SrsBgRESaSVlOW9vGiY4IMZZfwj3y9zTDS1zLVtXY5twtQrnZho8T0s4rhzKovtKS2y9gd9qj/UEQAmzFqGg//0HN5yCesRBK/QS2lQISEyywZFtBpFvGemOYOpsZY7m87eYLGDBjXWOcpza8zkiVzUwLVyNZIW0UoZbyrIANvN6kHevsEgWOrXP+hpiQHV/W84AxEvWd+Bg//0fLCCXJDN9aMOZpQJTiLWcWoZFZVYwCGqWFomqGQPlwSpJxYIeM5itf2tReu1svoWFoSI5iJd6AP6KKdlskTrybk7ssdxk/TFQxgILaJp30O5c9oiWjGxgLinDvflAOU5Y6IFsERLKLGA6bqpk0K39tv8uZJEcculv0mCpANAJ+7OmVBA5aRiq8XF9FjJApnl8v6tqABrNHXRyH97xUIjX8ziXWkiZlDkNYKkniH5mU7SiiXKuyLvYoyJphUZyRLNp82OS9SYujJ2YoEo9yPhMbGJOsWtuDJfpv5iifb9u6Zj8doOnH//jMhl5F3GGUmSpjV6f4MiWo0iXrRsJoNfHr0zDthhM9tyzPRSKOq25s7p9goNFJZoeX+BRP45ajBE1RItfAwGLyJ1YAngNnmS56byNZWvtUlE029t0PhzQkRNq7nsSUAAUl1c498v3SonlDun9j1tETaXt5RjVGKcgjSGMVHcORtchBI5O6RetowuDCmu6IFqYLZE82pjnKJswAMFQDX/14XjcGXp7VUod07p+hdjopknukFEpfq68DHRknInNItoxc/dLu6cbhk5K+ltjvLOBSVpES1p4T6phRp5z3I21ab+v0MR0Qp/1/uTSoiLlnd5b9yQz1Uew/ZXSzQ5PEJS/b0sVqWVATrKPvrizurWLmdMtNa47pyhd/cvP8Iin454bqPcj7RFQkBL6BbjGHJbnXjCmmzlC30ycfotRXxOK7FAgOR3tQJFtBrFFtGyGfzgsB1wz/f2txMBmFaglMQCAbMzClFOmZhpm97/xiI8MXOpMpGILKJJhfdrS7QADZTbirj82SQWRE2QUHT/Lf4WNb6aCdUyI1oZ8n5JxAdzWOWEeCz165x0x61PfvKWpdz7SuzY0lgNlM8y6IrYZoOajL+L+yvq6Vaa7s6p3IuAl13Ei5TxWvl3irLJDY7UtqR87px2TLRMxrayEO+NQ0QMUC1dkAkS70wW3pau78DGzmAZ35wxEA3buFhbKy5FyuKIXH6gavgyf1UrPl4Xz/U+rBtdGJK3REu0OC3GUJzEApW74CFboom6iWdx04EFC9rlZRbR7nrtI/z37aX29yDtgXyZ5TFshV3+SCQ1vpDHYUkuHEcyolIWd4oF3DllIfb5/bP423MfKttHSSygxqBM/kGQ2/yoCdNEtaLMi5RQDbl8Km7YabgVJ30r5H6g0tpbE8MGOD0VgiK3BenFRCt+piUaqUlyBlFETDL8YqLpiQVc3TntmGjm+C/LN3Tilw+9g3PveQst0mQlsnoulZ28JVoJRbQAq1duK0y9iogWxBItGL328+KfaTUK8qQy8mAjIVcbgT6IDJdpUP2efkw0NQlCpcT6lAemlZKdc7PBjcbfxf5+Fkv6wCRKGnvTu+lleq+fW5IDFy/xOezkzJEpOIKIlpXcOW0LWL3dClAt3arMduf02Fnss6qlCwf88Tnsf8WkQHV3vI9Ga+7iZ7mPy7uI34pVWqBaeNPS2YPP/WUyDrrq+VgTxjTEPUHSWdSSz84p9TGxYqJVxoKH6dByTDRbxO77f6tNBgAAlm7oiHXcrt4c5ixvifQcLlnfgd88OgvPzV5ZrGcQSzRpE9kSrZJcpcOgjHcSOgc5LmeSrmBRRD75nsrjw4sfexcA8J9pHyvbh3XntCwrdTHASqCtFPtFEe3lUzrvvhnY9dKJkcRGL+RuNiljg6TbRMVarh+IPpsMjCGiKe6cJRDR+mn7mRQU0WoU0Y7Ig1YxyTA11l7ZGd0Y3GfZ1usySZBX+Td2FkWvqC++/Cq3daWbWKBUBHF/VawXZBHNIHI5LdGCNYBeiSjClmUiCXfOpBv2Hq2z1e/Fv16ch0Ovft64Ku8UPWJXR0E/u7ylWhFViiWafAnTiImmiMlBLdEGFy3RVJegwv9FaxhzeQ4RLUJCB5OVaG8+77q/w9IpwfurxOpyWKKFLEv7HmYiJs6pPpux74G7JZp/uQ5LtD7h0mtPsc8HK1oAFCya27r8F2T0Mk33R/5FfobcLEiTjokmT57aYlhqp+nKkU1YaU/ask0+2zgTRlWIrIy2WtBhiIkm7vPWfSJaXEu0M255A0dd9yIen7ksfP0MC6RBLqGaHVcSCivr8gdGbqrjCANytyx7cCQaEy3CM65YogVYWA8rDqW90Fk4hrywGXFxuK+MKAv5pizxT7+7PFI93JDb2DgLC3JLnfSdkOctpfQqisomcSzR5MWC1Nw5peP1g+uZJhTRahRbFJEaQNEYmhprJbGAwxLN/BIJSzQ5/o/boHtDu2SJFlVEk8puT9hsubTunNJnl8MqK+JulmiGCYQztlCwOplioun7xrlGSaQCV2Oixb9fuhWN/lhe8dRsfLSmHdcaMrU6BmgJm4aZBkey6JfUgPDRt5bgsKufx5zlLZH2lwfi6cR2DX/Omw0qWqKtay8OvIsu7uK7eX9dGHKztPUirCWa411L0ErAazU+7HOkn3+YiZgYgMuWaMXEAvpxwotodnvosauwRJPdKeaubPU9lsN921A/txVit/Y76S5Hdr9f3x7dGiFN642kLdGSbnOSOne3ZEClxnRoeZFU1FOc69abFkS0uDHRpsxfA6DgmheWJi3DOBA0JlqRaoiJprgKxjgF+RWRrRCT7GOiJRaQ20v//cOKaHqd0ngMFLE8Yhlivyiipumc0hSoYo07pQcx8TABmWSEvjSR291NBpq9JYJQGku0ZOda/RmKaDWKnFhA0NA3ezSJIV4xy9zeoUGNBfHsvCM+af/m1jbKVmlR1XO56PYA1gNhSFoE8SKIq4eblYK4T/XZjHFVXy8vsIjWV26nIeiwIM6qR3cEIUJHrk4SA0C9A3LrLEzvS5AYSXHQj5i3LGVwYCV0vJ/cPwML17TjJxGzBcnXJpNCaoEgrs86cpu3qrXLsb8YcLlNzPTnIspAxSyieSUWUL8nOXBRVvwTducMJaL17VuXcbpzRhlUOy3R/LNzZux7X/xNWKV54XgfjW1C8bPcVqrX3zy5T2JOIVdpfXuwWG8majk7p5rtLkZMNJfEQJVAhyEmmqhiUpZogqRcBoM8h/J17qwCS7SkBF35HVEs0RIc80Z5xuU95HbRrYlo7epVLAzD1ikNMSCJ+JFivyiL1KbQKGm2N0nFak26inI3kGhm8wSR++TBhpi5QSlJTDTpM0U0UpOIwZHcIdmWaD4imv5iusWwEpZowwc1Yuw2wwCoDbjcF27oiB8TTW5447irmEgrVbAf7okFisi3Q9y7OsmaQ9kvgkVH4RiF7bp63AefcYKWJp2d86UPV+HCh99Bawwx1SEouFTMNE+Lep2jkrfSzc4ZxKXNhCzspRITTfocVPCRRYBVLbKI1tcmZr3FFoeIJrtzBlznNbpzelqiaQP+JN05Peoc97kN5c4pLwBk1OPrtzZIveqzGeW6iZifQaxW5PI/DGSJpn43DSzl48oWH2rfWvysxtqLf7/l90Pub0OXI1WlErOoyfsln1ggGQEx6fidSdLR7VzQEu2NENGSys4Z5dyN2eODWKLJInbKMdHaunrx0LSPY1l8+qGMAWOcgzx+kV1l4y5ExrVWcYuJpo9rhzbX2xbE69qCt2tRQgSEJYkFB1FElPth0ouSPs00LJMTr6P0udLaW4HsFRGnv5dPL63snHL1aj0mWnS5k/RrxHMvD1rFxM5kdeWlbru9QyLbJ1Bc4VdjJBU/JyKiSZ9NcTPiUMrEAjJ6g/irh2fikJ02d00sIESLOmkiqpannkfQs7It0XrNlhJAPEs0NwuMMMjX5NEZhcxdQwfU48JjPh2pPP2eu3W+Qa5z0h23c9KurrAlPSCMWn95NTsNd84oAzj52sgimhjw1hmskWT050Jx5wz4Cpjiw1WCJZpO2OM4Xbw9Mo66vCNZQ0w0Z7Zb/7rUZbOqJaS/N6ck2kkiWgBLNB1Td6H0Tz1uIpo5VlrY19myLMczJp9TPEs0uczIxRiRxyM9+Tyask7XPT/kQX3SMdZM72EU6zn5GpZzDmI6tsnaXDyLmw8pxJNcl5A4FMVSwi/eoBtyG6JaoiV/Ay5+dBYefmsJPjtmUzz4/QMSLx+ActJx4hIVLMQL+ycZE02uUpT+ys1CtyCiqe/4poMasaqlC2vaujBqWHOg8vU6pfEcKP1UxPLFXlEsA01HTFo0VhKbxYqJJi2gJFxH+ZyTDM1j6mejsk5yR45z+nL7mJbxRyUvApUaWqLVKOLBlxsAMRg0vXhyw6PHLHN7heTYFbplgY4iokXsvOWyk7ZEK6UJsDrALn65/83FeHj6Evzk/hmuLp+innXZjLFx1y9/0MZaHEO2oND37YpjidabQENsKOLjtdGziDmDrLuJaP6x55IX0SzHd7eMf0kQtf7yoCoNy/IoliHydqolWuF/0Q66DTb19mnMZoOCHdgHr8Gdm+CUBF4D1rCDWX0F1WtBRD6HbKZ4LNkVXVxqR7sVoC51Wf0Y3uIoYLZ8+2BFAEs0rUbG7JzyJN4QdwpQr5fc54S5DYvWtOOzf5iEG16Yqx2/+Hl9R3QRJAkXJTeU+DoRn3HTPU+KOO7KMmlewzCYLB46DNbmoooirl4ubyUyGY/komY4blhLtE4Pi/okeOztwiLeGwvXJV94H2lk52xLVESL94wrCW9kEU2btWZQjHMaJi6aw7o5hfFJErEPxXWwrPBtoum6J/24y+UlNS5JXkQrfk6qjhNmLcNev3sGL3+4OvS++byFds3QY520sBWnhvJ7k1ZiATcjjlqEIlqNIh582atIZC8zNTI5Q4fW1ZvDrx6aiXteX+R7vKxPnKGNCViiyS1PkJhoYQaB5croIh92TatsNSNv4xys1Ae1RAt4DcQYRh58nrLvaGWbWJZoCVhRGfeLMYcKaolmEivTtkTTB825vCaiJfy4Rn3+07SOK5Qpfw5WvryV0Z1TtFUu+4v2b8thzTjjgDH40ed3KpYd4xznrmzFK3PNAzK91EQt0Tz+FvYw+vZeK6GqVXLGft+yRndOTaQKcJ3rslnlOhUt0bzESvF/cZsl6zt83ZkdlqGmyYv0k7s7p4slWohh9e+efA+rW7vwpwlzlN/9LNE6e3KYMGuZrwu8XJPEA0BLI9Koq+jydUs6UYFeo+gimvlzEnT25HDpY7MiTe7E/gJxLcXzLCencKu3npDHizDbFuvk/C3IY6iK2N79Um8ujxPHv4Jz7p4eun5AMUFJmiQlDMhti2wNE3fMK9cpymsiH15eZNWF8Uwmg+FRRDTt/NLJzil/jla+m0Ve2H3teiTc4KiL+NHLlm9r0m1iUnWU+f5d07G+vQffuvn10Puedsvr2OWSiUpsybWGJFdRKE1igeLnlA7Rb6CIVqPo8X+AYsdvevHk2EaiQ7t6whzc98biQMfTs63pbOwsDtyju3MWC2/3sURbvqET+185Cdc968ysaMJ0TdJKTa9a10gTKcu8jTkmWtYcE83nuxtCDBHunD84bAfssc0myjaVFBNNEGco68zOaa6YIUa848ImLcI6BD7L0pIzpDdQCoNqiZb8+xIl7orizmlKLOCTxVE8q+O23wyXnbCrEgQ27hmu08SNC+6fgTtf+8hx/ZN2SXAjTXdO+ZyyGTWxQJ3dXwgRTT9OABEto06Mglmiqf8L5q3yt0ZTy3EeRP6tI5Almrnt92O19EzLyNfMFBPtN4/Owvfvmo6fPjDDs3zFCjrhAbTsGhlFYAHUe55mdk4guvtS0pmkZW5+eQFun/JRsMmd4dAd2tjJsiy7vnJCFNOY6Ol3l2OXSybi8T5LLD+itGNu8QY3dPTglH+9hvummhd15b1Ul1XntgvXtOHtxevx5Dv+orKJRuOgIFkUMTvGeyif/4R3l9uf407A3RZ6gxI0Jlo2A1tEW90aXETTRbOkxSVAbSujlh5HADL1k0mfZRpWXklXUi6ulEni3HhlbiE78RMzi+3kelkAjnH+8mubXmIBeQyQzjy4v0ARrUYR7YjcIYWxRFvV0oV/v7zAtfzPjtlU+Z7RLAu8iOrOKReti2j5vKWsUl337AdYsbEL1z37YaCyTYPlqPX0QxHLLBf3BTm7l3S/RD3rXRILRLVE0905R2860GFWH8sSrVcebERcsTP8FideQY++UulmiWaQ6pyWaMk+K6Ysq/IEPOmJWdQJbZrJDnQCW6LJIpopJppvYgHnhLJYRqAqBObht5bg4kdnORNVlCgmWujsnCHcOdUkMxn7WLIrutjG6b7sX9/6bFZZ/BFvqfcZCdFO3crXOivk/VFjohV/73YRncPcBbekAfJxTAHP/zPtYwDAxHdXeJZfKlfEqEKxcs8Tt0RT6xQ1g6EyuU74Gn68rj3W/h3aYljBdbPwWRaHTH3M2XdOQ3cujx/d+1agY0UKlm4UqIEbXpiLKfPX4FcPv+O7X5dP6AN57LRwdVvoOtYbEsckjSLExniG/Pq5qCjtRIR3WbFE88zOmcEnhg8EALy7dEOk+pm+J4EidEa1RJM+94QcY5uOmLTmocYbS2acm/wicPFzubyKTMgWq0lZosn3I63EAopwSndOUosUs3M6LdFMAxu5E+zO5fHYjCWe5Y//5meU736WaDLJZOdUJz0/uHsaPvO7Z/DWonWFY4QUBUwDRn3FNikcEzLDNXObyOSUiaipbG0yGrBO4nKJFOIDGp2WbsklFohWRtKWaPqAxa2zMLvNqt8Tt0QzCHzdCVjzuRE5Jlree7ISlyir3fI4z+TOaQe1dylPPKumiVISWRRN6IG8E7VE8/hb2MPol8xrIqa7WsqZhev0mGgB6yWLGvV1GfM76ykaivKDCejFIvXtDWUr7mThLNHCPFYbO8yCXzqJBZJ93uO4LglU68O4NdLQ2/W+53vqgrV4fs7K4MUo1zCJihUJEwfOdGhdRJOfwybJnTOJNijKpNvNyrO108dizKW6pp/lcwtrhQqYF1iSJjF3Tpd3uDeXx0/uewtf/+eUiCJYTJHPxS1NTxaSyQAH7TQCAPDavDXB66c9emnEYHfzJAmD0iaGfF+MMdGSbrOlz3GeQ/muJi5oykJfCjc66jVtkNpTuU+Oc/olceeUPleSKFkOKKLVKEWri+JvtohmeCnk33pyed+Veb2jE1ZLQVI+J+HOqQtcYnX9llcWAgjfkJoaozCm43HwCw6asyzcOWUhxj8/V5mIBgl4H7SxFpZUYvLXXF/nWOXv6skhn7dw9cTZmDBruaMML2QBKBexk0u639UH+G4DySAx0ZLuuPW65C01JlrSq0NRy0vdnTNCliBfd04ftz/RFiRlidYQwGph/irVGiJJy0avAWvY+64PJr0sGOXblc1kFBHTjonWt1FQqwH5HajLZpT3xLL/dz8n8TeH256fiKb9OWpMNDdr0iDirCjT7dlQRDQXazXA/3lMM55XEm6OabqX6CWL9u1r/5yCM299AytbOp07GUgzMHOUbKEyXT3q8yM/+3JMtCTa8yjWTmZ3Tn/XXbfqmq6/PN5bEMESrSQimvw5JUu0R2csxesL1uK9ZRtDl6s847Et0WRhXBPRAGy9yQAA7la4JhzunClY1CjrIBHLj5P90riGlHSbLXvCJNT2Jt+vFD+nMQ69P2BYIx3Zslf2lIpTRXnIlVZiAfkhojsnqUlM2TmFZYVpdVBfLfd7b5xxC5zWHa4ToVw+UofjZYlml90rJhrhyhedw75jhmP7EYVsfG6xZ+Ki18xvNam7N4+LH3sXV0+cg0VrCwM+18QCBvElCK1dhesmAvI2N9Q5ys/lLUxduBbjn5+H7981LVTjKg9al28MNhHRMZ1KHG8efYDv9swYY8/pYkLC7pz6YCWf1xMLJCyiRbZE83/f46C4NQcsXt5sfXuPbV1ZjBMptjMXKAay8oTSVHZQgky4lqxXs8wmucCYqDuntrnXSqhcdiZTvK51UnZO15hoLmXqky3T8+d5vpa6rcBP2He02YbrJv/kGhMtZxbX/F6d52avwKcvmYB/Tp6nZMXOu5SxwcMSbWhzg+ex5PcicasGl4lzGOTJcdItjn66+lhlTcCFtbgusdc88wG+/s8pdtslEzcjqV6mLITLAncSfVqUfsW0i2VZjvO+67WPlEQtbu256fLLYoW+gBEEWYge//xcvLlwbegyfElAcNaKUZDvb5TyVTe/KPfZvLigjzszGdhtXhjRwDEWTjkmmlfxd7/+EX5071vm/lLaL6yIZl6AT7jNlj7HeQ5Vw+uk65i80CdzyysLAm8rXyN57Cd7G8Q5/1JboqUhSvYnKkJEGz9+PMaMGYPm5mbst99+mDp1aqD97rvvPmQyGZx00knpVrAK0a0ugEIMGcDcUMu/9eQs3w5Hz4qVMVh36GOwoc3FAN1RBtDyHu1dZldL0RmHffFlF64RQ5oAxBPROntyOHH8K/jdE+85/hYk/o/8mxz/Tbg0uFmiXfOMmkgh6FUQmUHF5K+pwenOmbPU52L+6uBuEPLz9dGa8INWIHl3Tn2S4PZIGt1m+/4XQkvSHbf+/OYt1Zov6QFh5OycLtkGk0IuMeg56++XsCgVP9sx0VyK67Yt0UziaaAqKATJ5KZb5wYZHL304Socfd2LeHvxes/tvEWlkCKa9r3by51TKjsjHUtOLCC2CRrLUb8uJiHK64zcRDt/SzT/xQl5m44e83vhbonmzc8enAkAuPJ/s9HcUBzWdRgyLQLA+g53sWfoAB8RTe7DE36l1dg18TNfJu+6pJbXm887YpgGQY0XFb4ef5v0IV5fsBZPvbPM8bcwlmjGeKsOIVwVpsU4MRlLtKTcOdW+/s2Fa/GbR2fh1H+/rmwTtLy4lmj10uT46olz8NUbp4Quww9lIpvCApVukRgWxfonQv3cYqLplv8ZZGw34968FTh+a9oZ1PVjePWlFz0yC4+/vRT/neFMyCHvFTUGo1qn2EUoyKcVx+NCXZyJUyMn8mVL4z6H8Z6SQzm4imgxqii36XHjGrofo/g5zbio/YGyi2j3338/LrjgAlx66aWYPn06xo4di6OOOgorV3rHl1i4cCF+9rOf4eCDDy5RTasL3eoCkN05Ddk5ldXyvG+nqAedt91zPF6+Tfsy7AD65MfChFnLfcUVN2FJRjQqYQfocqyxzQcXRDQ5nlJYnn1/Bd5evB43eyRnEPhlepNda/1ior2+YK06yAjY/okVdtEBDGioc4poeUt5LqZ9tC5Q2fm8pUxSP17XESmQvVFEi5NYQOuA8tozKfCy+BPm2km7c+oDgZxlKTHc0hwohUG+hvIl+GBFCzZ2Ro/LJFCycwaspH5txHss7pmdxdFlf1tQ1xs5RJu0B7FE09srPW6RidNunorZy1tw1u1vem7nNQi64YV5oQadDjdIw3vc0Z1DTy7vOomRFwDsd04r100w1a0x5bq7JSlQT0DdVq+bz27F7X3dOYtttlv2NTVjcfB7ID9PbS7H8YqJJi9mmVCtK5IeQEvXImrmyxAWfGFxPt+Wcg2CWhAkNQkxCR1x48A5MwGrlmhCpEuiT0sqO2fespS+fuEaZ3IFt3fILKIVf5u/qjV0u17qmGhRtRWv85KtuqLcafk+RQnR4WY95FygLyzqCoLGOzYtRCaNfF+CPEIthjFRHHdO82JOqCJ8iZIh3VxQ8WPisTalz0l7hQDhLCDlbeW4uuvb5Jho0c9fmaunllggoXteBZRdRLvmmmvwve99D2eeeSZ22WUX3HjjjRg4cCBuueUW131yuRxOPfVUXH755dh+++1LWNv+TS5v4bePv4cnZy4rimhSh1TMiGbeV9CTy/tboukx0QzunHo7senAoogmr7g8894KfP+uaTj06hc8j6mu9OeML7foYMMO3kTn1VCXxYjBIp12dBHNq+HR/2KaR8q7t8siWt/v9XWFDHcmDclNyPSq05q2wrl6uXPmLUsZ1AcV0fTVtd68hc6wWYgsC8/PdgrvsSzRdHdOl8muHv8PKF5jYYmWtFm1KT17d8pWX1FQRIy+z28vXo8vXPsiDr7q+djlu70TXugDtHV9sShs61xxP13KE5lkS+nOKWevBdwXCUzEFSvfWRI845kje6H23Hd057DbZRNx2NUvqBMMqIkFiu6c6PtfLddC4Z1v02JzKtaYlirqBxmXugltYQfepv5RvjaqxRmkz+b22K/qcgskn7NskS1Xqas3r6yIy2KnnyWa0n8k3M64WZ+EIYplWOCyte8FMTj88dLMcGrqj9wwHVrvO+R+MJPxjp0blmjunKZ3Sx3LmuICul1mUxXk972tOxd6wTRInMu4KPFAIz5DXrt195pdzoOXbR4vBd9frouHOyfU2FJBhQO9SunERJP7H//yTYu+Vow20XTIShWo1DYxRoUMpC36RLVEUxbW5N9j1CWJPtQPuX7MzllGuru7MW3aNBxxxBH2b9lsFkcccQSmTHE3f/7tb3+LLbbYAmeddZbvMbq6urBx40blX60y8d3luOWVBTjnnul2QyIPPEQ/ZGpkdBHNryFyxkQr/O+1ir3pwOLgXR64BRVj9BqZrDVEoxLanTMvrE8yGNFniba6JXpiAfn6OBrgAJ27/Etrl+yyUyirrs9KxuTS6RZrx6vBXa1ZojUbLdHUVZbAIpopG2zIhvm/by/FxY+96/xDrJho7q5hvZqLi46ovxhMJ91xOyY6eUu5jpViYt1jiKsyqU/sDBME2JUIE3r90gjhRXYnLBRtLk+ck9mdM/x1N4lxOvrqeodLzEdj+cYECBY+XNFitAjTCfMs6bfgwWkfKwFz31++Ebm8hSXrOxwLKqbEAm7unHkL+N4db2LXSydi8dqi1YmS5TevibhCIPOov/ibPhfwuwb6n83ZOYufu1zcNpVEHCEFQPs4UnmyJZr+bMruI3KigcFNfpZo0rEqcLKjxkRLWOQztLvRBAbz59DlGH7TLXXC7u+wttOsgOrtPi2loNU+mA5rWZayYGgaU7hdZ1Obrff980LGRSuFJZoSDzTiu+K1V9CFzLcWrcM7HzsXWuJO5vPanEPgzM6ZQX1d1l78CmoVFDRZTRySaCvjxPMqxTAwiWQwgN4mJiz0ScWlERMtjIjWZYhd3JvLJxY/WImXnZaIFmHcXa2UVURbvXo1crkcRo4cqfw+cuRILF9uzu738ssv4+abb8ZNN90U6BhXXnklhg0bZv8bPXp07Hr3V0zZP1QRTXOhkVCCFfZavh2CU1goWhZM+2gdlmqTKKCwAm4HrZVf/oBjQr3hbTdMNEVjF9YsWrFESyAmmmypZ6qnjOUyaDTtLy6bmN+bFqXl1SK5g/YW0YQlmuTOqbUeuXxeCYw9b1WbbeXjRY+hAzKdsxcmKzSgEC8jKvr1uOu1j+zP8jX0OoIYTKcVE03cXz0YdKWIaG6iQFLEzc4JFOso3qmsT0w0MUEzunMGqoFKfQCrBX2Fty2EJZpJ7Pvv20tx5LUv4ucPvu070A71Bjna4Bz+/txc+7s8wZefDQtF10vZZUzcE/3WWpaFZ98vvPMPvlnMjCVb7OUspztnby7veb5ic/1Z9e0vgix8uIhoqjunJK4p18cbubuV2xq3LKCA6tLp5d6pk6YVlTrxjla2l7V70vT0ej9PbqQx8RTEzc6p39Pp0mJYNpOxF+jSmIwGwdSP5PPqWMfkRu72rJpEOf3ZCxsXLUicy7jINYz6DHmJFbK1s9tmrV29+NINr+L4v7/sGC/FcUME1PNTY6KZtxdx0YLGcnOExChjTDSBn+dI2DAnpmMmfZ5JCVRRLHqDly21tynECQvjztlpSCqkC9Zxzt8txmqSqG1PKofoN5TdnTMMLS0tOO2003DTTTdhxIgRgfa58MILsWHDBvvf4sXRUtFWA7JFgug85QUzIXyZBilqYgF/6wWnO2fh/3eWbMBX/vEqDvjjc46J0ZDm+mJygyjm39p3U3KBqIkFZFcj2xIthogmDwr0CbG+eu43IZP3F+cnrFtMIpI6sSz+rg909ttuOP588lgAhZhoPdJqSXND1mF6nss7BzBycoEFq9sw8+P1jvqYxLuwgksaA3q9zGUbOu33JqglWlrunELoFiJdZ48+gE30cJGRrRVEnZOcXri5JnvhtLQQlmiF742S8Gm0Uuh7xxpM7pwRrnuDQYxzHlMtuCOEiFZvsIq4pS8W46MzlvoKNGGeJdOmj85YYn+W3xVZ+LUsKSZaphgTTfzmlWylqaGYjVJeebUcIpq/+CiOox/PPyaaf5st/9blkp1TsUoLNasoXlfVEs3szgnoIpq8wOZzrtLfl23o8NgyPG6CYhiCZsSLVrb6vSdvKfc+ShuUuDun9I75WXQEcff66YNvF8vOZorunAEno0vXd+BfL85LJAamqX5A4f2Tz9s0HnCrrak8/dz+N2sZZvgkaJEJYl0clyjxQB1lePxNdZU3bym3G14iWpSA+GqWQffxlvhqi2iGjLUmnDHR0hDRip8jlx5jYcG0ddJj5cQWBCK0o8HLLpLGYm4Yi69OQ7Kfzh59ETx6XUrizqnc89pW0coqoo0YMQJ1dXVYsWKF8vuKFSswatQox/bz5s3DwoULcfzxx6O+vh719fW444478N///hf19fWYN2+eY5+mpiYMHTpU+VerNNTLMSP6JrRSh1SMW+bcV0k3HcidU/9e+OH1+Wvs3/QB3pDmBtsqozdnoaWzB/dNXYQNAVfJ9baxzWDhJRqVsAN0sQJUX5fB5rYlWnR3Tlls0uP66Odh6lDk7GpyTDTx+9DmgmusqXGXO1G56FlLVZP8u7+7H47erfAedvTkFKsyozunZTlWZDq6i98P//MLOOHvr2DJenXi1ZNXBScgfCfq9jzGyCtgXPUTYpXfoFAXZEz129DRg6OvexF/m/Rh+LqJa+biNlIplmg9aVuiRZiM6tuJOorf5SDFpkGraDsaY7pzfvkzWwMAzjtiJ1z1ld09t9UHQ3qb4YXpGdlp5BDXsnWCTkoA86R8962H2Z9lvVAWfi1I1pVZWUQzlyvfQ/n8FHdOS33v5BhqbjGLRLH66+qfnVP9bnrf5V/c4hfKz5tqMeyN3M6pMdHc3Tk3SH2ILKj5jbvlUibMMnsM6KzY2IlDr34eN052jtHciJxYQJm4Jj0ZU8vrTSQmWhI1KyIvYBrFJJ9KutVHFCvKv+GFuXhvaTE8iuxWLfPNm17DFU/Nxm8emeV53KCYPSXUsawSFN+2ZjWfmF9MNAB46cPVOGn8K66x0V6bvwYHXfUcnp9TsI4thSWaTGR3To/d2hVX8HhlR7JEk3aR20tTYgEAaKovLKYEtQpy9CkpaAFqxsmoQqfcP4SPFayTtOghHyGOQKeO5aLXx0RSQl8SmKzQnc9s9DrqfUuUJG1hYEy0MtLY2Ii9994bkyZNsn/L5/OYNGkSxo0b59h+5513xjvvvIMZM2bY/0444QQcfvjhmDFjRk27agZBjtPQ0TeBqQvozqlnDfN7cXQrJTF5UhsQdZ/BTfX24KMnn8d9UxfjVw+/g/veCGY9qNfIZK0hJilRLdEassXEAqtauiJ3jJ3SxNRvQmyq6uK1RSHqTcndQkyGvIJDq/e3+Pm0m6cq22UzGQxqrLNX+D6WxK+m+qxjMJPPW44Jtyku3dvaiq6w7Gmsy0pZXKPdH504Q1mTgCKyJ/m5KTot0Zzb3PXaR5i9vAXXPPNB6LqJY5qsoYDKiVNgSiyQJMm4c6qWaM0ulk3F3/quvSnWWKAaFPjzV8diyoWfwxd33xJf/+wncOp+n3DdVq9He4DsnAKTYLTVJgPsz35Bs8O4Kpje22ZJlJSFd7kNhCR41WcztoW02wRYvtVKZjYtJuPs5RuVfURbO8gl7lfe5Xhhs3OarYeLv8mLKPK2kz9YZX+W24wwzaFcV9kSTW+nuqXy14WwRJP/vmxDZ6A6Xffsh/hoTTv++L/ZgcuOOiFT7lXCTY7DEi0XLSaaKrwlW0lZRDNNuv0uq1t9RLliofOpd5bji397yf77BQ/MMO4nMmVOen+F8e9hccvOKetWqstU4X+3y2w6Xzc3qHmrWo2/f+vfr+PjdR0489Y3AJQ+O2d0SzT3/dpckpK4oW8T16pUDSHj7s4p+hTRDwTtr/RrFlcM0C2fAc1SPkC1TONVxVsk5HU0nVLSmeKTskqSy0miTXxsxhK8KPpT5RqWd2ysWqI5fwPiCbr6ODtqWAQvlLantg3Ryu/OecEFF+Cmm27C7bffjvfffx8/+MEP0NbWhjPPPBMAcPrpp+PCCy8EADQ3N2O33XZT/m2yySYYMmQIdtttNzQ2NnodquaRO3YxmZAtA7zcOfXV8rATYiGqdbvEggGAoc31tutRLm9hxcZgA3SB3vCaXHdEBxu2Ie2RLNGEO2d3Lo+NncEtQmRkga+tS3fnVAnToYjJ0DAPEU0NYOleViZTuG/ifJesK4howpVTX2zN5S3H4NMkoq3R4qSJa9tQV7RACduHuj2PmQzw/JyVeGXu6nAFojhg+fa4be3fNhpENC9322JMtGR7mpwt5JhlwgrR0JRJnGhX4lgH6qgTifD7AEVLSPGeNddLIpphQC4G9CY3Sb+g7DLZbAZbDiuKWcMHufdfpiyXQTFN6OT3ZaNPgoegMWYAF/cRl3elS7FEK2bSzGYzdn9RTCxQ2E4ssgSxRAOAXz70jnLsViGiNZrvU3RLNH/R7Ym3l9mf1cQCnkUXyvdRg5TsnNKxZWsSxyRX+kFO8hEmiULQrIVBLShU65VobaYSEy1SCe7o5fXm80r8zqDHS8oSzfRcyEK17gauH9u0v7tVd6Fct5hr7y9r8axrUhYLxupZar/SbogF6DaOMrZZLtdgTWs3/v3SfMUCz7R9kDiXcVHd3yKW4bGfvLjr90wU6uDeBkaZyMvFye2H/vyJb6IfiOrOGUe4yeUtnDj+FZw0/hWlXbV83rUgyGWEvY5mK8ukRTSp7BiCjbxn3CouXtuO8+6bgdNvmdpXXjJCXxLIFvjiWdFFtDgW1Pq1SyO5QJqut/2N4CP+lPj617+OVatW4ZJLLsHy5cux5557YsKECXaygUWLFiEbIGYMCYctohmycxrN5eUOsdc/JpqOOE53zl1EG9wsWaLl8qGCZ5toN1h4Rc3OKVtJNDfUYUhTPVq6erG6tctTsHJDbkh1t1OHa1AoEa3PEq3ZvU66i5MbYoC02eBGLFnfgY9tEa1O+bsgb3Dn7DTcw9XaxKvbFtGyfc+Jc0XPD7eBwfr2Hnt1eO4fjjEKH26IAUtjfRajhw/A4rUd2NDR23c8Z0coI66rnZ3TMLhoihE3xbZEczmfcpusC+T7ksaKlXyWQQfBRYEzg56cZYtickbV+mwGvQZRGCi2IbI7583f3gdX/m82rv3anuFPoo9NB7qLaPrgNIw7p+mZl92R/WIVRXHnHNxUbwtWSpsvXU491bvYrD6bsa1cxeMj7k02mwHylhJTTHW/dX/ICpZoObt+5m3ME26/gbf+5OnVWLy2HVMXrrW/d+fyyOctZLOZxN9V+Z1TrUks1+1kSzS/+sh/XtNWiJXpZ3kTVFJQ4yhFnXSay0sC/bno1SzRwrZBQDxxybSrrDGYwg74Hc7tsot30i2GY6tPm5TUc+4Wb1CO/9qhxR3q7Mnh1XlrHPu5lddrt/FZpf0a//xcvLesIKAt/OOxrnUsxbxSec5TcOdsDSCiKWVpj1rc2EzBY6JFs0Tzyr4elkK830I4lNbuXnv8Ld+XQMUb4+sWP4cVqUxiTNLufapVUjJtWVxLtFVavGq5tKQt8cIij6dE259kTGO9PUsjuUBS97waKLuIBgDnnnsuzj33XOPfXnjhBc99b7vttuQrVKXID3urQUQrxkRzvhRyh1OIiRbu2HYWQdn6QDvMkKaGouVOzgo1UezsyeGlD1Vro3ajO2dUS7Q+Ea2vfiOGNBVEtJYu7LD54FBlAeogT1+F0LGrGqBjEYFehw5wf7WVmGi+JQKb9VnILFlfcMsY0CeimSzRHDHR+s5NHkysaVM7uB7JPU48jknFRJMtLHrzFiQjI1+K1ofZvkFRh+3Oub7DO4aQqE5j3wFNkxk5ILplWQ5R0gtxvm4x0ZJ2EYqKYvWYhjtnhFgXRbEsi55czpFYIJPJoLE+i97unFFAEpN7WTj4/KdH4vOfHunYNgxelmhiIifEKZOFp4x8LUyx22RRd2OHdzsrxzpa396NYQMaXJ9VMWg/eZ9t8PG6Djzz3gpX12clbhGKQlVdJmNbSItnRuwm2hy5bW+sk91v3Z8By7LsBYuBTeaGQOztJTiZy1a/6/ub3B67c3k0Z+sCtXV+myjZOaVroMY1chcG17UHt0TTe401rd0YNazZZ59gJGGJpi4Sxa2Ril5ct5ZkKejh4rgu+W2fU8QHkzun9/VxK1+PiRaWpCxgzO6cqmAgL9715vO48OF38MTMZY79xL46oh1pqldFNCGg6WQy6Yq3JpKI8+TpzilnfQ9wPvo28nMURbiQT0m+B3rfI77ZMdECWk7r4kKcx1PuI2UxMZ/wMxHWo6EUlmhJuODr5bw8d7UStzUsegtVUTHRpOdT1EUfZ8Z5VJwxf9OwRCtS7utZbmjiVUPIDZyYwMgDomzf5/++vRSL1qhBYmXRIEh2Th2TJZpexODm+mJigXw4Ee2G5+c6fms3JBYwZecMMoiVEwsAsOOiRU0uIAtnuom2I9NbiEZKBP/3so4Tk6feAAkiABjcOftENG0wnbNUCxGgKKLJA6w12jWzV33rs/bzGLYTCZJYIGwHLwZ+DdkMhjQXREnhvvvHp4qxfbwy8TVKorBOs2SJFtbkOmcQcpS/V4qIJp1X0i6t7y3diEsee9f+HlZE0+PV2dZOmeLfwrpzxmFTDxFNPD+D+sQfv7ZRbvtMz4j8LvhZov356Q+Qz1t4YuZS7PnbZ/D5aybjqXfME1LRdDXUZfGlvbbuO5Y8aCx+lgeOeatofaomFrCU/8X7JMeEUyxvPFZdl6zrwP/dOQ2AuyWaHYNNK8ZkSars55Od0zSQ7TL0Ra7lh3idZYFVtkTTqyB/l5P3+L2m+t+DuHQGXR9IwjUoVXdOrcCCJZr896BtkPw5+oKRaU/VayCeeCGT1WKihSWpLsmtv5XbNFlkz+fhKqCZyuvN5e3FSNnK1Qs9kUAp4gQpE9mIF9drt3al7TCfkJoJV28Di5+jTORVN8bi/g4NN2J2Tn3BN47ItUgS0XJu18SleK/xvd6ehHaLNVpZJtsqJiWoyHte/vh7kcsBVKHVsiy1Xyl3TDQlK3mfiKYJv7HcObVXLW1LtFp356SIVkOYOkJ5cCvM9Vds7MIhVz+vbLe2TQ48HH7SL44jN7J6xz+kud4WUXpzeWN2TTfekoLViwmwyR1UNKDqxC6AiCZEiz4TCWE1IrvBCBaubsNFj7zjECIFKzd2KgGv9fuit0lh2igh8rgFzi4cD3hu9grsdtlEh/Weic2EiNaXWEAMVvTBTD5vOZ4LEbtJvsarW83unPXS5Dn0xMJl+ziWDeIZKVqiFRMLyK5ZbivjANBYXxSF9QGRHMC+vSu4y5x8TDnjrun45UYesIl3KBMr3UORXz08U/nu9ch09+bx4YqWwoCq7zdd4BT712UzUnwVd3dOt3h0URnu4c4pjinea7eYaLOWbMDH69qVvy9a2+4Q3eRJiV9MNKDwzoo4QPNXteHyx981bife2wwguebLq8DFbTs1q+R5q9oAiMQCajugi8by+blZLOjIsRj9Y6KpD1POsrCqpQsTZi0L1F/o25gGsmKyF6St8zum2zvV0SPHRNPOSbFEk9w5feqjl7OqNVzs0qBlR53sRBG1gqMJLvm8ltwkWClKTLSQcxz/+1P8bLKADpM4QibrExMtDLLoFPYeucUglYVuWUj2W7zRj3/c9S/j+ucKi7JNHqbr69u77QUI/ZqUxBJcnshGtkRzRx5/uwkvXi6lcd9luWxVRDNbog3sa9NbAsYp1tvkOAKQPD9ys4R1e6/k99lpQaV+DzuGLU1MtPhtdqGcJGrjJJdXRbRyW06ZLNEcMdFiVLE0lmjJ3PNqgCJaDWHqCOsUd073fXWxyBTravsRgwAAvzx6Z8ff9I4PcIpHQ5sbbJGqYIkWXFiQG4pBjYWBj8md0z62T3ZFHTEQE4Ml0WGbJrOn/vt13P36Ipxx61TH32YsXo+D/vQ8XptfFGH8VpeiKP1e8bZ683l857Y3HX74bgirOz0mmn5Pe/OWY0VFdA7yOeiWaCZ3zqgx67yI6sLbUJfFkD4RTbi+7TyqaGpuen6KMdGK98ErVsfVT8/BX5/9MHDd/CzRKiU7p3zNk14B1cvzeo9/8Z+3ceS1L+KJmcskgVNN+mALQH3unIBZlBHn5OZKG5VNBvonAxEWVPICwfINnTjt5tfxjxfm4bjrX8YR10xW/r6ypQtH//VFpTz5fQmSHGXphk7lXra67GPfgkwxc6zbgoWbxcDAxnqHmC7urbCCUQPmF8sMOmBsdrEwKcZEU3/P5S2cfOOr+P5d03H7qwudO2rb62226VxFWxmkffc7L7e2Te5DHfG8pH3WK5Zo3vXR/7pyY7DkAkGQy45quaoG804W/Vb15KJN0BT3orAiks9lUQO6m0S04meT2OMaE01YomkDxZ5c3jckhVtZQBQrbOdvHT05LRZg8Hhe8vW0LAuzlxcTJHhZon3uL5Nx3N9ehmVZjkzlpbAEl48Q3RLNfT+veIqm3/XLrIhocWOiSRaV+thWWB1tvUnBpVyMU/3ozmkZEWPcsi6XhGlBEoh4PZ8OS7SQlTTd36Q9AtT2L3rZSQrPSqIdy0pM6PMiaP2V7Jx9u3Q63Dmj19EREy0NES0BAb9aoIhWA4gX0tR4ZA3unCbWtqnWCiZB4OxDtsfknx+G7x+6vfM4hqL1laDBTUV3zp5cPpQ7pyxECWsNU2IBgRrwPIAAo2VDFEKSKTaRsNiav7rN8be3F69Hd28e22w6wL4mjixB2j5RRDSvCX5YgUoEPBei5AAXES0vxUQT7qS2O6eHJZpwwWqoz0qT51BVdO0Y5eOGFXF6JYsjEWNOrDw3SgM5c2KBwv/yfbjsv6r1jnxf73l9Ea599gPbHdcPv5hoSZlY6xOmsJjcOXU9vTeXx7xVraEHDnp8a6/O/NEZSwEAV0+cYx9H3MOXPlyNzp5cYHdO8ZtfMPWweMVEEwwyiPe/e+I9vPThalw1oeBi3NnjbDsXr1UnFnJ7GcQSben6DmVC7iYIFzW0jL0gIk+A5PfRTcT/9JZDHO2AbQks3Dml85frEtR1oc4lOLo4nikm2sI+y+KH3/rYsZ/+5Dks0QxtjxjcBhnj+gXLdpu8eGXnlOu4vl22NA+3qBPInTOg9albMPEwhA3VEAaTZUjcxAJh65hTdzbU0bvP8zueWzsquoJ67d3p6MkFztIqkNvO0BkHDfVr7ew1xvwFCu+ul9WwfL1atHbTaxy1tq0bi9a2I5e3HJZopZhXKq6UKVii6dfQhHzN9XZBtSQLXz83d1DdnVh8Gz18IABg8TqzB4iO6CvEeDaOGKAEi1euSXEbt9K92lv9L5VoiSYXVymWaPIYM59X65hWds6gz7giuPZVTDc+iHOL9H3TcOeUKbdlX7mhiFblLFzdhs/+YRL+/tyHZhFNzs7pEbhEn9ybVh6zmQy23WyQMei0yRJNn1jI2TlzecuY7cltACh3siZrDR1FXAnQCOiJBQYGsHbzqufe226K48duZT6+R2yJoDR6WqJZRnFk5NCmQGUJKw79nuYsg4jWLRILFLfb2NmrDAbkbIeiWqFdPFwukmIJFbLzFKt+9dmMbYkm3DllkcIrJlqDdO3ue2Oxso3ZDTTYeec0Icjx94Q6triuO0HE6p8++DY+/5fJeKxP6AqKQ8QNcO0+XtfuiFc3Y/F6HHb1C/a7nM0U3Tm9snNGjQ3khmhTvBALBN25vF0PPVEHYBb3ZeR3wRQTTZ90Ll3f4XDNNQ3oxS3IZorXR3YpUxMLOOv45c9sjUwm41hgEANfkzvnzx58G/e/sahwrIADWTdxWOztJThtMIiOTss19bvRnVNYogV4V/1Wk4NYounvn/xdTizgewn7/i4sQvRMaHGI434vUC2tYlZIQ49V05tXY6ItNSSQ8CsnbFPtF/NN/rvpufE7np87p97udXTnQj8DchlhJ3mm+rV09SrvgOzSl8tbnjFi5euhZw6Xk/+40WsS0UowsZSPEDmxQMDd3MpXxQn39iWK9ZP8jnjFUhbDgG02LYhogS3R+p47MZ6Ns/AoP8NuwqKrO6e0vT5NcsbrC1dH09aJZ+eU3dljeBvEiQOmIy/a5CyrJO6HfmMuAJgybw3+LsXvFuMhR1KOGPVwunMmf75KQq9SuK5XMBTRqpzbXl2I1a1d+PPTHyBnaDzlvl+3RJNfFH3iIMxPlUbfY05pEtb0wVNDXdYWqXpyllGgcuvM5bLEZLTDJaaaZalBaIMMeOz4WH3XSKxehXVjEPWvk+L++HVqUVbTvaxkTCungPtgVi9LWOHptzSXL06MhWuaKbEAoMYn6s4VJ8jFWEiu1Tfi1jHKg7ewAxA5gPxQkVigz51TnsR7Zuf0uA+mOgfN0Klb5rgdPy7xRTRZLDVXSohn1z37Qaiy9WsVpDPPW0VBVxYgl2/sxMPTlwAotIlNHpZoablzBrn3g6WskqJ9ND0Dfla8SmIBQ3bOnpyFy47fxf6+bEOnYyJkso4qusQWhTj5vZPbWpMlmogL16Bdf90SWO8bfvnQO1jf3o1pH61zlGnCzeraTizgMXmRXR/t/bRhr95me8VEC/Lc+gkNbn2Ym9srUHwGOntyygTArz8U5WzRt+hyx5SPMGvJBgCFRbs5kjtcWJJwu1EzX0auikvZ6vfu3rxyvX724NuBypFfpbCTd7/7I/dHpkQbfu6uoj4//tyOyu9uMdHau3OxXHrDimim96W1q0exMBHeAEBhvCNimpqQr4duUdfssRgp6M7lHZatpQi2rbjRRT1cTBHN613zs4j0rZq0i7xIrl9bIZhs2jfmbAlgWQ0U+y8xlo8jBri5c8q4jeO99EVHexNSADMdM2nLoaQs0ZKslmKJZqkLHXGEPi+CzAVPuek15bu4F17xBMMSJB5rXOjOWYQiWpWzmeQiZJr0KNk5tUmcGFhbluVQ2cUESJ7AeU0BTXMWU7yOYjBqc2IBt45OiYnmY4nWk7M0N7MgIpql1G+AbYkW3OVULqchm7XL0o+v10b8OUxT5WWJlnOxRHNzGdKtUlzdOSVLNOF2JgZPesO+YmNxxb44Qc7aQkL4jGXmuqvWM+E6k6JQlXEkFmhTAps761qMiebhRmJ47gLH1Ml7lx+nE168tt1+ruX2IYqYK19/v3NbH3DwK3AmtnBus7atG9c8o4pz4tq4xQ30i4nWk5I7ZxCa6uvsd7fDQ0QzxWq0LAtX/u993DFlodL+uWXn/PYBY/Ddg7YDINw51fvn5WKYQcZ2+3Jra02WaCJD6RC7DS88hzm7/RXunM5299CrX8Cz769wrZOMqyWaaGu1Z11uX0yBqx2WaA4RzXmupkzRbkSOidadw8frCoklnNZyhR/0BTK/tkP8deSQZvu38++fgXzewmF/fgFHXfeib8ZXv7KBONk55fKSHeDrl6Y3n3eKBwHup5pYIGxf5y0S+gV092vG7VAEWvvoFhOtvbvX1RJNPzfTpDFs4Gs3d073hTQLQz0t0SQRTTuPTT2SvQh6evOG7JwlENEgPwcRBWfD+2GyiHa7tvLP8nVc396NL93wqv3dlODCDzcRTq+KGIaKMXnQhe0u2xLN251zbVs3fv3IO5ghJS/TcbVE83lXAT2xgPdCWmhLNMPmSVsmKVZJFeLOKZPPlyY7p1uyJy/E8+G4bjGqqF/HdBILFElJk+w3UESrQt5atA4HXDkJj81YYq8WA8ACQ4wuxZ1TexqEO6U8WRKDBdFRydYYJpdNgek9M4pofaJAS6dz0A+4N9JKTLQ+AcdN4OroySmT42Ax0YpWSUBRSOoIGJy/WE7hWHV1GbssvWP0WtELShRLNLdJcb1WlnBx0MMK5fJFEU0MxMQAQT8HeeVaznboFifOD7ft5SDB4RMLCOvDrBQTrfBMyc+Wl1um1zvhlZDAD39LtGg924crWnDwn57HYVe/AEAV0aIMPnoNkyX5iljKwDvcxNuZycpZv589+Db+NklN2LC8T8B1E5qzsohmiomWkjsnAJzVJ1q5kckU3y0hMJkEIZMr/IzF6/HPyfNxyWPvKm2Om0t6JpPBZ7cbDqAvsYDWXptEMHE/C5ZofVbFLi69aw3x/0RcuMF9lp8igYF4V9ws0RrqMkY3SzfcLCzzdnul/u737Ot/dcZEM1mi5ZX/vfBbTXZr/+aubMVBVz2PQ/70vKu7lf7e+QZi7/vzyKFFEa2tq1dZ9FqvxVANaGCrCUDRBv9yu5r0fEkXHXJ5g/tMgHorK/kh66ien6HvkQo0u3OqE/uWTrOIqreP4h7q705nTw6rNprdWPVnW/SbcrWDPP9q/Zy/tXb1ugoMecu8aGgqT7dE23yIOcSFTE9OHU8tXtuemiAgIz9mSbpzmjK7u7tzSm279PmWlxco20URxOVDdntYogm84hSb6NZFNJcq/v7J93DP64tw0vhXXMuS+0K3ZAJB3DktWFjf3o1X562GZVkG6+H4rs9pCryxYqIlngamQCE7ZzJCnxdBnzsZURW9SnEWwZlYoLRQRKtCrnnmAyzd0Inz7puhvJyzDW4W8iRfn/CLeCqywj6kb3IjBj7yQMtroGx60UwTA2Fp4DYhcmuklZhofXV8Ze4adHTnHMJER3dOEd2iJBbwcxl1w47tk81I8d98XHX66r88YLwVwN+NUBfGCvUwX4cGbQDqGhMtb9n3dGDfQKwY00gT0VpMIloxsUDYPiTI6lr4xAJ997w+a1uibezoQXdvXn1+jGJY4X8vFz3TO/HqvDWB6la0RAsXE21tW7fnSu2z768EULw/8uQjykC410esjjOgMT1/OpM/WOX4TYgGbteu4M5ZeL9NbZR4H/UA20lw8XG7eP49k8k4MgObzsNkLSW3qUGt/rYaNgAAsGx9hyMzmB4Md+qCtbh9ykeFekJ25zRPgEwx8ITlh4hr2dLVi/HPz8X8VYUFIFNMNADYfLD/ZFfGTUQT1dMHon7Pqd7HOLJzGhZbRB+61hDTTqc3b3kOVv0mL2vaul3PSc+87WuJprlzAsCoYc1Klteor4bcFUa1mNBFoiTRy7Ms59QvSL2DxEpy3ddHPJH7I2NiAenzna99hN0vexr/fbv4LrqFIrAt0bTf27tzSn8uo/c1YkypxG0L684peQXsv31B5JfDf4zQ2oLenOWZ1VD+iy6i6WWZ6MnllfbkyGsnlzxOUOTsnIbfBocQ0dySeHRpE/co1jByeao7p7qdGAcUQ6wEO5YQF4QFm9s5mowPdLoUS7Ti717ZOTu6c3j2vRWO5C/H/PUlfPOm1/Hft5caswGHwbR10pZJipAaKzunVm5C4kxOa6PLGRNNx83IIE7zURJ3TjkOHkU0Um3IHb88iPlghUFEk54AfWIhrAA6JKszPRaY7E7mJaLJDZeYmJsUclHec7PNbjluDavcMciTyiffWebovHRXk0AimuZONCBqYoG+cuqyWbssfYCnT8gsq5DR8sFpzqxwbni7c+ZDxbrSB83Ntjunul3BnbNwPQb1XR9x3bzcObsld85sRHfOICb8YTvPXknwLCYW6HVYOJqeSfFTNgMcuONm9u89PqLST+6fEbBu4jky30dTx7mxswcHX/Ucvv7PKYGOoZcfxSVDfrZ785ajDYoz2QiSWMDr3XYTmuXEAvpkAChe+xQ0NF8yGWBgk9r2mFx6Te50svAUNJvelpsUrI1WtXY5hCs9LftZt78h1TOjxLcU+L2Dw213zsL71t2bx9UT59h/t7Nzau+7yXrCCzfLFDdLNH8RzXt70wBbtJVrWoNl5HVbUQ4aKNrpilj4QRdc/ZpJUc4WkjvnFkOaFYsmXbwJaokm79Xe3YvbXlkQaBKr1k8uJd0Bfi7vtBYxxSHTUS1Uwh1TnbQa+h4fV0lTO/nL/8x0lNlYr7r1ieD8TQYRza090a3MhLWim5VREET9j91jS9z93f3t30WG2WED1LYglzcnQRF4xUQbMSSAO6cmonX25I2xGZPOFJtIdk5DnQY1Od053WOiydu4HyeKIC6XLe+v11m0LU19i7sdPc6FcxN6dk63fdzCPpjKAtyFRb34Xzw0E9+94038Qnr38nkLy/oWy//3zvIEsnMmu3BpIilXSf36h7VQlVHd5dXvN06eh5kfr49cthudPnPB/72zzPGbmztnHKu8krhzJnTPqwGKaFXItpsNtD/P/HiD/dkk+NR5WKKJrG9iAtDckLUDPncZY6IFs7oRIoyXJdobC52DEMD9hZXL2mmLwcrf9AZq7spWz7+bj6u6cA0IaTquH6uhLmOX5WxAVfKWhXeWbEAYvGJx9eYsz0ysfmWJQYVp4iieC2EtI1amHO6cbpZofY9TWBEtyH0IOwCRM7IW3Tl7HLH2vLJzZjMZ3PGd/eyB3voAWfBMrngCy7LQ2ZOTrKHM99E0AFmxoRNt3Tm8HyLwt/ycBJkc6uhBXL9w7YtKCvp8vmjZGBZnJqtw+7sJzZlMMbC9fs5yfI0w71AUrvrK7jjkk5srv2Uld863FhXaSJNV6RSDReNayeJoZUswq9bNBjWisT4LywKWaFnPdOsquQ3OZNT4lgK/yd7wQYWJumkiByBwm+mHe2IB8b9aYtiJh8PqwNA+ieu1OqCI5jap+NbNrwfaX6+DaEPEAoS4JEETCwxuqrPFg1HDmhUxLqorpnzd75jyES57/D0c/ucXQpUhHzptS7ScZTmelSCiUJx4VvKzaFqEkH8zTaBMh5Nd093ieY7ZbBCAolgh6AhliSZENO86eiH2rcsUkjMJl0uRlVHPxJmzLE8raq+YaEEsXHtyljHmr06Sz+KGjh4lE2zUebKpSgMa6hzn4x4TzTJ+1guOkhFSF4vteHrahdSTfQHhXOTFfGTphk5jv9hUb+6LZNwSC8iXTX/PH++z/nx9wVqXfU3unN4PUVdvTnnnTM+cl1VmFOTiYsVE075HsewS6G60+nU44e/urrlR8avvD+6e7vitaImm/h7nFjmzc6YbE60USVQqGYpoVYj8Ar4239s9THY30ycWi/sGJcICYUBjnS2aiYGibM3hNaeUG24xeTW93H4WUkFion1i+ECM6RMSO7p7HS/5D7XGLIiSbgsqmiVa2GCS4pzrJHdOv5houk9/ELws0fKWZdcfKFp/uKG7i4nv+nXL5S37uRATfbfEAqta5MQCwjU4E9kSzeQupRN2NdSOiVZXtERr785hY4duyejcV44NVZfN2AP79ZKQ4Wb6vtIlvgwA/O6J9/HpSybYrtluYoBpECk67O7evDGelR9RVpxM1msvfbja/py3LCV4c5jnPIg7pxdeMdGEC7MjjpRUvzTcOQHgX6ftjR8etgNO3ns0jtt9S0fdBjYUBN0r/zcbK1s6jYK5GJj/3yHbY6thBYshWcAN6vKSyWTs/T9aq1oEyc9Yby6vDKzqsxljO+F3j4YPKkxa6yWrZxn93ROEbR/rsxkctOMI+7vox4S4EXby4ueKYrKUFddvTQB3TsB9MPza/LXG33X02GeibRZ1E7FE/axDZVf1cw7bobBP3lIs0ZxtbTDBOYnxuFz/JIb3lmXhu7e/gW/9+3Wj243+aARxn4kz8VTEBUOfJhdn6vNM11ju4213Tq19HDOiIKLpFrxelmi6tapw55TrEN6ds/C/GLtu11cvEevSIaLl854TSbmL0s9jU5+xEVB4L4P0BUm6eI67clLoshevbcc5d09XrHBMu2UzGUfb6yasB3VLjiLcuIkB+pBCLCI1S3X28kxYtKYdX//nFDw3e2XffsV7d/rNUx3bB7FEk8dTSmKBkG7bany0cFZF+byFfX7/LPb5/bP2mNqcnTNZUSWJjMqAsx0NmiDCXJY65iiF0OMlornGFHQRhmO5c2oL7Gm4c0K7vrUMRbQqRO7wlvnE0ZLn4LplxeK1BYsR0ZgNaKhzCCpqTDSPIOpSw120UHC+fC996IxhpJbjJqKpVhB7b1uIldHWnfNtQP0agXVt3VJigULdxUBNjyfjhx3Po07OzukXEy18o+qVWKA3b9mC5+Un7Oqbxl0PoC4G0aZA1V09RcFV3ka/ByukxAImd85c3hy43IRlWYFW/8M29nZMtGzWjgUIFAfrAmN2zr7/xTshhKJ1siWaS5XdVvUB4JZXFsCyiquYuiWaGPCZrp18/mIy46y31plLn+V37N8vzceFD7/ju8JssgCQ26ScZSmTno0dwWMM6vOWsC4t7u6cRTHfJBS7HT8pvrDrKPzi6J2RzWYciwoZAM2SAL5oTbvnBG5gY739LpoC+Qdhy764aLrwJqxKxj8/F7tf9rQyWMtmM7a4Jy8C+L2D8rNgctF0s9oKO4zLZjK4/Tv7YupFn8fzPzsM131jTwDugX5DJzrR2gSTaCnaysDunCEGwybrzvUd6nFEnyz6d+Em7Ndfir8XFgj6+gLLUt7d6Jk14w/IrZATVz+6evN49v2VeHnuasWKFnBx5wxiiSbts7q1C297ZP7T8bNEi+LOKfcjbtmLxcJkkyawtHf3YrVLdk63NiNOTDTbEq2vetv3iWgCXUQrxETzEB883DmbA1ghdefygdyVk5zI614lQfq+H949HU++s0yxwjG5jWUzGUWQAgJm55QtQLXtoliiuQlIbpZoDdKYuqMnh9898R7ueu0jR7n/mDwXry9YiyXrC0YCsmBoihutP+8mFHdOF0u0ZRs6cd2zH3hagavxHC2DRZ/7fd7Y2YOWzl60dvXafb3pkYvaNruhuPTGKNsRuzqGiOboA0qg83iF9nHrE/RsxWK8F8f1WzxztsdXCukz5RJpiUaqjjArXvIkTTdqESJa0Z2zzrE6qbpzetTJFBPNMHg6Zb9PeNbXbTIjd/KZTNEdqL2r13cC5PX3h6Z9jL1+9wymL1oPoOjiMKrPOmNlS1coc9miRZuUndPHNckymCP74ZVYQHa73GObYZ7iZ6Gu+j13t9IR1hWDtOyc+iVa5ZpYoPDbzx58G5++eIL9DHoRNHZC2JhePZILb4NkGbNCE6a9s3MWvm8ysDCwl4UMt85nhYclmo5sjXXinlvh5H22AWC2zJNPX8/I5obqdlP4PH3ROvz+yfdx79RFeHfpRs/9fTP95S3lHFYHtMoBgsVE88LVEi1bdLXWB/9qO1b67vOjte3KAKu5oc6zvR/YWGe7Vq+LKKJttckA4+/n3fcWAODqiXMcA165fQOKz45f3yT3R6aA+25CYNj2sb5PoNxiSDO2GzHI7pPEtXUkBpBEab2fXN3ahcsef1f5TZ/UmiyWbUs0FwFCJ4zYUJfJ4OdHfUr5TU/WI+6FEDqEJZpfMynOLJvJ2EJGLqdaoumLGlFioil1DSFiqi5UgXdzRS5Dv495y3Jcr0CJBaRK3vTSApw4/hW8I4Xe8NxXniAarksutohW+N/NEk0X15as73AVWRzunN29eHvxemX70Nk5tQnndj4imp87p7gc+byFNVr7EiTUwJm3vhHIWinNuWaQMf9CU2xBw25t3b1OES2XN/YfbpZWzkQr4Re59M3Fe6U/v/IcRNT7zYXrcPPLC/CbR2c52g7hVSAY2OhtdRfMEs0cskC+DrOXt+C6Zz/ED+5yuvXZ+1rq5zCZf+U6iL7XdMmTjmElC7HxsnOqhPXykdEtfUsh9HhZzrm1cfb8yFLbtDi1Fc+caLtSSSygXd9ahiJaFRKms8p6uHMuEiKa5M7ZqFslBczOqUw+NZdQmXMO3xG/OfbTruUEaaQzKGawa+vO+U4KvBqBXz/yjvJdrLyPGNSE+mwGlhU8SHfhWEV3TtvaRbsOpgFImGaqPptxdfMrHK8odjXV1/la1OiCXIPLoCKfL5ZbjIlmKf8L5EmpiDtVX1d051y0th15C7j91YXelUNxdduPsKtkvZKFHAA7LloQSzRxulnNEk115zTXJ8zzJIsOAxrq7Pgd4j489c4y28pBHmibsjeakKv464ffQS5vYdn64vn7mdz7Ccz6ACeoVY6xrJADJZO7IFCwHnS1RJOOUQoNTXf122fbTZXnJpPxXuUf2FRXtEQLaTUr2GqTZuPvGz2eobpsVnEzFc9BmEH2V/fexvGb2+p02JXbOq0fEwsJonp6cfJxdfH2Vw+9Y7sGCfRn0S0mWkd3zhFj0Y0wAdjrJEtAgdMNXYhoqiVa0EykGRTHDDnLUs4jiuUJ4C6Eh7GiVCbzkWqhIt/LTj1GouWcoD03e6WrZVZxP+dvby1eF6w+UhVM71MUd846Q0y0xjq1fdxuM7M7p1Gc6UPvH7p78zhxvBqPKGzMHnE/dHdOwVCHO6flKWyK+7euvdvx7AeJh7Who8ce75jaLLkeQbnl5QX44d3TAr9Hgcb8hiFhURAv/ra2rVsJ9wEAf3nmg77FZPUZlY/r1/+GXcR0xBrsFZZo6nZyOydENHmcpcfy1Pv9T44aonxfsEZ9nmUh1e06y4uWbu6cAlPSCdO+psy/XmKwLDo9+/6KvhALzu2jts1uqIJV9LL1+x3LnVO7B6WQebxEPzchSxbwgeJiRhzRTzxDou1KJyaa9N5TRCPVRpiHWhZbdHfORWsKVg8dHu6ccgemTy7c6uRliTa0uQHHaHGA9HI6e3L48b1v4eHpLtkqM0VLqHZDTDQdL3dKh4DUV/dsNoORQwuTSz+XWeVYtjAjxUTzs9YxDNS98IqHBgiLscI9bWrI+gZId3Pn3G3rYdh3zHD7d9l1Q0zIel1WD02r5Y2SO2cY3FwTdcIGu+61LeQKdRIrmPqgzPS+iQGBeL3M7pzme+rlzqkj35v6uow94OvsyWHWkg344d3T7UmLfDyv5AUCOYg+AEyZvwZPvrMM3Tlz/A8Tvn+3LOX5D2qVAxgs0UKOFfTV9mK5RSszvf7y4CztxAIAsFJye77xW3vjjAO3U+rUmytaWXzTYMU7sLHOnjSsaw9mfagj3DkF8mmbMj4Dakw0QJoAheibLjthV/zkiJ2U3052maTqxY4ebraeE+j3TryntiVaXggJfdlApQGyvkBhijuqj1vN2TnznvHQpl98JO46az87cHooS7RsxmEpqVui2THR+voCIQTkLQsrNnbi9FumYtL7zizZcmZgcR3zeUupn96neb0pD0372HZPd+vmgibCAJwT0bjIfVeXnpzBcEuumjAb3/jXa4HLFGw1zPuZNe1rdOe0nH2rjOmSNEjPiihTHkcMaa6344PpiQVm9C3SbDpQFa8ApzunScwK7c4pnr++Z2/7zVURzeSK6NX3i+ulJxUAnGMfN8Q1O/xTW7guzjwxc2mgsgDgt0+8h6feWY4nZjoz+hmPH2hx2Yl4FmRvhPXtPa7ncPPLC5TvqtWn/N459w3rRqi/I0URTf29XrFEK3yWFyLnr1YTienPwthtNlG+z9KSeMlCqtsijrzAkfO5Dl6o4o8pNqf7cyz3Ub/4z0zc9urC0liiScXFy86pfk8usUBpXA696uu2AFYMd1P4XnTnjF4PUZZop9POzkl3TlJ1hLHIUGKiaZODlq5ebOjosRtns4gWzJ1TblzFcdxebq8YXbm8hQffXIz/vr0UFzzwtnGbDIrxdNq6cr7Xw6vh162u5A57zIhCjJA5IbIdFicg2aI7p8/gopBdJvg99YqHBsCOmwAUXB/8hCuHiNZ3TeqyGTzw/XG4/IRdAQDtUicyyMcSTf46rW91s6EuG8jtZ96qVvxt0of2OQQRhIAIiQXs1aHC+Qq3tkfeWqJsZ7KyE8HzizHRnIkFknDnlN1wGuqyiiXavFXq4FF+hloDWKL15POO5+6591egp1eapPkMmvz+blnq9VvtYnHy/rKNtnVHZ08Ox/7tJUz+QI2fGKQzl1033EU0d4Hb1I6lyfFjtwIAjB29CY7ebRQGN9Ur59mbz9vXeMfNBzv2H9hYb59zVHfOLYeplmh/P+Uz9ucvXPuicZ+6PhFtcF87LGJHhlngGdhYj58c8UlbRAKA8zRRTaCvNR+80+bG7eT6yYg2UJQiqikEdK9VZrmkYuZirU0wimg5T8vL4YMacdBOI4puGTEt0fTEAro7p3hO8paFSx6bhRc/WIWzbn/TUXYxrmfRYjNnqSKaXwBswdq2bvz0wbfxo3vfQldvzrWfC2Odm/SY3pJORbeOyLkscOkZwIMQVJNXLF183DlNVicmuwy5jxdlys/PNpsWM77r1llCnN9dEyMAZ2xOkwgQ5rkGnBPO0cMHKuNYOVENUDgfMcb68l5bu5a3wbDIELSNF+1DXdYsJgLALx96x/i7F7p7qRuBDNEMD5h4FuS/tHb1uopo+qOjxp5y3QxAeBFN3/r0W17vO6b6u/ycinovkazlRewzUz0uO34Xh/uv3tbI74Zb3KsexZ2z+HtYTUm/hvq5dve6F6iLOI/PXGZsDKPERFu2oQOPzVji257Eys6pi2gx3Dnl5zKXDx8OJwqeIlpAd84kLNFE+y3iOabizil9TlqU7W9QRKtCwrx/8oDINIj7aE277Uqx6aBGZ2KBgNk5Te6cbgNtOZCnHpNi6foOfLDCe4CayWSKMdG6e32tH7wyO+oTEXlQtfcnNgUAvLkwWHY0oDiIlC3R9I5Hv3+WFa6h8rNEe3fJBlgWsPmQJowY3OQ7eG9wxERTvwvLjFYpJo4QKOasaMGMxeslF4zC38V1+HhdO2Yt2WiXqwt6prp9afwruOaZD/DbvjhEbd0B3TlDNvY9miXa8Xts2Vf3vpV6kdFPK/Z3T7yHj/us1UT9xSr+ugDunLL1kR910r0piGjFxAJ6vYJYoimrijnnBPHRGUuVFXv/xAL+7pxyvUyWaB+uaMExf30J+/z+WQDAlHlrjLHYgiweyAkiBrjEu8lmiu5Nev1FW5LNeCdSSYqxozfBS784HA/83/72b6oVp+WwmJQZ2Fh05/QT0T638xbG3/XsvcMHNdrimBuibRsxuLCvSAjg9Q66zVflPqapvg67bjXUsY1+6/3q55gc930Vz7v4XyyiyANkvT+RH4MRgwuCn36eUSzRBOL8g2QgFtRpMekAYL2PO6e88LF4rTrxNO1Xl80qbs+yGBLEfQ5Qr0tPznKddIYR0cJmxPNDcefscbYHUeYQpnoF7ePVzHPefzcFlTYdRrZaFLvL44jRmxat5NwW6Uwivi46JmGJpo8lmurrFJFvy02acfFxu9jfe/OW3Zf/VIsTCBQn3Ka6BbWMF1ae2UzGEXMrDkGTKwV5zk3ta9ESTf1dtza0t9ekrZwmVujlyoR159Sf04Vr2tGby3vGRBNWiS/PLS6wjX9uLn7+4Nt2uy3u8w8O2wFnHLid49z1+FXy4dpdxppKBuoY7Y9qxWY5rreXJZouOmWQXEy0I/4yGefdNwO3vrLQ8Te5uHjZOdV9ddf5cGUVP5dKROuMkFjAzs4p9alxsRPDRFh8C4piiUYRjVQbYcQCeYJkWnU7cfwrmDBrOQBgs8GNaKz3iokW1p3TXE/ZEm2TAeoE7szb3sCdhow7MtlM0TWltasXM30C9nr53nu5r+6wRWHQuGxDZ2BLMbEKVCcFL/czt81rq/wypgQCXkkFAGBmn7m6mIz6BUjXrfH0ayLcKkTyhR02H6Rcp5PGv2Kft6ibGAssXF1MHGDBCrTyK2IxiThEQWOihTVrFnUWk9ERkkUMUIy9og8O73ptkf1ZDMKLiQWCuHMGt0RrUCzRMpKI5oyHocZE83ft63WZ1Moru36DJr+/O0U0VejJ5y0cqVk76fFaBJalrYwbji1bn4k2AlAt+jKZjC0cu1milTKpwOjhA5XFDt2ds0d7TmVkS7QWj/dk9PAB2GfMpsa/6SJaQ11GsQ4zIYT1zfpEJSGOegmdbsKX3CbUZzOOQNCA813afLB3/fSstuI9nbVkI9a1ddvPUYPBnbM3X7AMfnXeapx331tKbDghGgaNiSbExU1crFeAYqD0jYZ31k2krpOsKQUOd86+83BaonkPvIvvQNESzeHO6bG/fG1kt9puQ5slMLnauZbvM5kPizy508cKYUMttHb14qzb3sCDbzpDUQQdtynZOQ2Taj93TlN95f7alJ1TjHW8GNzkfC910dHkHhy2X9bdOQE1Llp9NoOzDtrODjWRyxdDBjQYxhficppEHrfxyCn7qq7z4t2qy2aU7MlxMWX1NRHk2TEJgmIvfezuaommobrNedch7H02jam7c3nHucp98X7bbQZAzf6+dEMnHpz2Mbb/9VN4+cPVxcXRvnur32N9rC1bbrmFDpHFLbfEAjL/d6fTwlffvuCBoh3HY3HCJPAZY6JFiFsm4l3q1v+Fg5iF1LDoe3qJUm509hSsmfWFlFJERYtkiWa7cxb7VCCuO2dh53Qt0cyicS1CEa0KCfpQn3v4jsp3eVCyhTRJeqdPdBkxqCmyO6dqieYUj+Q+XJ4M6qbWOpZlOQbsGWTsQUBnTx7fvcPcYQk6PVb7dEFK7rDF3zp6cjj6upfwPZ/jAJAGc1l3SzStwc9b7g2hyfpEtrYxIVxNdtmyT0TzifuhT8ac1nnq9qePG+MYmIhBprhm4hmVBZG1rd2u1igmhIVk0JhoUS3RxPnr6e6F24ZXJyXOZ3iIxAJhYqLJAaHrs1nbirOrJ6+6FeTVLHKyoDJ3ZYtRVDO5cwLqiqefa4CfJVreUuPV6JY5ppTzXseUL6lpUCNPDJtdXDuzUmIBRwZaYYlWxp5TdlXsyecdz6nMoKa6QBOiL+wyyuEGJdhssPp7fV0WW7tk7LS3cVii9YloHu/gzls6LcwALeRAXcbohqtbkYwcZk6GINAnjfK3o//6YjFDoWjjtQF9Lm/hmze9jsdmqHGOtu+zxtEFXNNkuKs3b4vGXqKfECJNwerdxK66uoyjr9bbqSdnLsPxf38ZrV2Fd98W0fLuizaAbIlWTASTy1uKBYeXG7fq7iRZTfXmjTHGgOjunEmLaO0Od85wcdduf3UhJs1eiQ8N7p6RLNEMx/Z15zQcRu6v7Zg69XX47JhNseMWg/H9Q3co7u8yIR2oieAPvLnYYfH86jxn/MDfP/m+fQ1N4zkd+fkTyG1UnSaO9EjCi2mhQZxPj+GZdxuP6MXYlmjZDAYGFKCCYHIDNxFkzG9a4xbtVAbqWNtroUrZX1m0krYzBrQP9zIardl6ncKSPB7df/vNPMv81s2vS94gfWFJtAujW6KplrMBLNFkd2uXU574rlNM1vctLAqqf+/J5V29CPTxTiZjPn7YBFsypvualCVa3JhoKzd2YueLJ+B7d7ypWetGsxYOS4eH4O2bnbPvz2IuFsuds2/X5hRjosmPQRrF9ycoolUhQc0rB2orh3LA5B0NK4/DTe6cAS3R5MZVWHnIq7puQbr9RLTuXN5h9pvJFCfFQTK8eK326a6RcoctBmlvf7wec1a04Jn3Vvheezkoc72LtYvefr6xYG0g11fBKJ8JpGDXrYYBMA8sZbxceAF1hbO5IYsvf2Zrh6XOA28uLpRVXwzYblmW4q6wurXL8Qzp1+ItKTuUuGyBLdFC9qS222ZfnXXXYmE94tVJCfPsTQYa3DldOsqWzt7A8SDUmGjFxALPvr9CtUjI55XjiZho81e14shrX8QP756ONxauxdUT59jb9ObMZvCyEOi3qhnMEq34Xc/CZ7q2Xu+0PAiV3Xx3HjUEV391D8Wia0CDm4gG15ho9gSuBK6cbpz7ueLiR2+uKEKa3LgHNtRjQKO7qP7sBYfisuN3wU+/8EkMdXFDKmR9LZZdn81gmIflFFBsG4sCkLs757ABDThyl5G49ut7GsuS2xc3SzT9OZRFqRGDneKgfvvkY6zY2FV05+xr7/VVfrfn+oAdCpM4/d02raoXYqIVxKEthrqLaKL+pvhpbll26zKZQEHRZy3ZaGeLEyKIHt9MR7ZEk2O4yG25Y2FLqoqbC5iX61pUd84kLBDkR0tvlwuWaM59RrrcT6++KmhmO/nSmroe+Tdzdk7nb/IYQFy/bDaDB/5vHCacd7AyDnNr0vX38hf/mYl7Xl9k3ljjtfmFkBjn3DMdB131vOd1KoZZkEIZZOX2qfBZjDXkRbb6ugwe+eEB2HnUEHz3oO0K59N3vUzvtFuWczc3z7pMxlWAikLQDIXBxvzOOtuLunVZ3PitvdFUn8XvTtw1sCWabjnlVZ/QFoeG57Qrl/N059x51BD/OUOvKqjqY0697VPGFIYFWz0BU1LunCYLqtcXrMVul040JqkwxWtLwq1WxrSrGn8setl6uxRWRHu4L1bxs++vdAS+L0ligQjZOW13zjQs0RpEds7kz10uke6cpOoIanHjJYbsZBDRNhvsFNGCWqLJjdjgPksp2Q3GbbCipyvXae/KOQYaGQADGp1CnRth3DnrFNGib7AmDeDcJjUCMbmorytOcvyEiL8/PxcvzDGYUcPsujlySFFEu//s/XHGAWOM++7S587Z6DPZ0q3KnMkWin8/9JObY0hzg2OfZ95b4ahv3lJXaDYb3ORY+f33ywvw/rJi/Ksv3fCq8vd7py7ydfU5ZrdRAMKl9rasopuhbYmmDSyFMOY14ay3xYTCtis2dtn18Op8TC6dxsmPFhMtI72FYmIC9MUbko4nVjNnL2+BZQEfr+vAyTdOUcruMcQfAdQsj34dtH/SDHXgpa/mGQfSHtdbsRrpG/AObqrHhJ8cgpP3Ga0ITQNcYi9mMxnXmGhikFuKpAJuNDfUYZ9tC66Xvbl80Z3TYB43sKnOKDoJdtxiMM44cLuC26fBHQsoTDI2k1w6/RKXyHURMcL+OulDjPnVk47sbgCw//bDcdPp+7hat8lznGwmY5zg6VYk8kR2ExcLOxn9dtqBfoX7ufYYmvrYMw4Yg51GDilsrz2ibu6cInD4FkPcFz42G6S6xAoeeHMx9rtiknGfhrqsq8uxbkkshGthQZO3LE93TvG+1mUzdr/dmw+eWEB1R9Qs0VxmD+FENPPnqMh10sWdgoWvSagylzXII1ZfUEudvM+kVe4njNk5DWWa3DlF3Ed9kc2t3xpoEOv1oO5uCJH6qXeWY/nGTkzqC9VgokcSfgT1hsXN4X1Cv5yopyGbxV6f2BQTfnIIDvtUIQakOF/TtXJbLHEV0bLm9kkQNMaZIFl3TvX7EzOX4oqn3gdQsNAet8NmmHX5UTht3Bhl0cQLN6tS04JlWCslU1twx6sfGbJzFk8sm81g3+2Ge5b77tKCZ4145h3unDn1Hsn1FkLVBytacNrNr2PaR+scopSeYTMMltZ2ue1/3n0zHL/pIloG5jFjHJdL0z1RLNFiWbkVEGO0sIkF5HdVzaicL1FiAfe5n1t/Kq5dXhtXxrNEU0W0oEJ8GBThlO6cpL+zcmMnLvvvu7abXtCJnr4CI4+VTJZoIwY3OQSXRqUDcz+W3LiKlSLZosVtsOLnmtjW3etsJDLFhAlBVjO8JuX6hMM0cJNFsPUd3sG75ZhKdlDmnIV3l27Azx98G0vXdxgHuW6DyoZ653WTV8H3234zXNaXPVNmcFM9th0+0K6LYFBjHe4/e39MvejzrufgSCwg3btjdisE33d79uT65vKW4q7wo8/taNzPNPEWXPjwO4r1lIlGyfotKLI4JCYRuogWxJ1TnM/2IwZh04ENaO3qxZt9lh9enc8KQ3IB0yC0vi6DnUcVJu7H7LalMvhVAn33qrFEhCXayr4JhmkC0Zs323HIsZX8Vh79BOKCO2fxKLrFjn78fN5yTES+d/B2SnkCMaiURST5+gihHdBjohWF8Z5cXmlfigFgyyeiAZJLfN5ShHmdgY3eIpqMVzB+OVh2fV0GFxz5SYwa6i78iOujW4Hpcbnkbd1wWKIZ6qkPUuV2e3gAEU1fAdrY0dtXjrlTM00Wzvv8TnY/pselMr27Xb1520VzC48Yc0KA1zPXXvrYu677NNRlHfFL5b/JiKoNsN05zW3a3JUt+OZNr9mJYOqyGft8cw4RTT1fWdyXJ5nydenyEtHCxERT/DkD7+ZenlRHfTxRsBZx4iYier2LQfsn+foZLdEixESTA1qL4t2EIrd7FLSdMVGXzeDeqUWrNS8XWSGYy2MJZVwmRLQ+8VkkoRnUWKctlohj9ZVreKfd2ia3a5PNmN3NBX6LrDpeoUZkgkxk9Tqfe89b9uKmqLO4jm6l6Ydxs7oyucaGt0Rz/vb35+c6ftfbs/18RDQRIkI8J/ot1tu+vCKiFe7f6TdPxUsfrsbJN77qDPkgW8KGtUTLq22X2/6mtqLDGBPNSU/OCl0vuzzDbvJP8bJzFvYV7UjQZ18gP95yNdzcX5OmxyNzqm92TmleCMTrtsSQWyTXS0dEk49HEY30c35071u47dWF+Mo/ClY6xRS33rdX7zzkTnaMFKhV4G+J5j4ZkhtXIaLJrm1ug5XP9FlcuNHenTOu1jVLMdH8CGOJVq/FoALUBts0SZRRLNEkd85j//YyHpz2MX7+n7dDrZoYLdECuHN+esshthWBck51Wey3/WaelhG6sLh8Q3Gl93OfLqzuuopoUn3lODoH7rgZNhnYaHQJXtnShXunLsI3/jXF8bcg1NuCSPALK4s/4nx1d04RQ8rLaqPevsZZ7LHNJgCAxWsLyRS8xpQiTpGMcaU8m8HjPzoI0y8+Ep/YbCC+sOso+2+dSuY71Z1TWIGKyanIJipjyoQF/H975x0mRZH+8W9P3JwDsOyy5JzDkoMkExIMCCrKmTArKoYzoZ75jGc4TPc7znyingkVBUFEUMkISBCQnGHZXXZnZ+b3x0z1VFdX9/TsLjuzu+/neXxkZ3pmqrurq9566/u+L/DHwRLue6unRPMKSg7RcBKNvQqvT+f07tM8lAeFjTN+vx+frwmEPPDqD01ONCEPGv9v1n8/Xrkbvf82T3V2hMKxozt1sufoYHG5WtBDlh8xzmE3XdTxNMtMMHyPzx/ntNnQMjsJP909HPkZcvVYKCea3DnEq8427NHnvePhxxK7TZGGnYr90O2wYXz3PADA9FFtTL8f0C8wmXrFSKUrcw6nxDtVQ56f74zml3IPlxPN1IkmV6I1l8zRDJfDTIkmf509G16/3lENADe8s1KT08rOFxYQ1GuigtMoEbFGieY1VgwciKBiMT9m1EQ4J98mUe3h9cmdSkbjouhoykpyoXFwvraq1NFeP30/FKv3ioSLuGLnYxSxbqT0qY4TDQhsiIltkBFKDB/qx+IYAYSczywFRLPMRI19wVJhsEW2TKlu7CwDPrymv+51h10ebs6I2IkmGTtki1YrC1mzDASi8sxqX9QW8gm9Lt2Ui1ClZHROpYJTRLxH4fKiMdjmqBgFwxweG/cW44+DJZrnjSXY3xucH3x+45QPgfcjPGcxnDOCj+uUaIpieA2r6vdYtu2wzibj/65edc7A/5kiOtLCAtq8jvw9qyUnmsnAGrY6Z7C57Byq6uQMfFfgs8zulYX5muHx+rBm5zFTh6jGcUpKNKKuw5QtzIHD5qpwiyfR0cFPRi2yk5AiqMAyEl26UD5NHh6TSZp/0Nj38g4usS2fXj8Qj4zvjHO6NjE9h5JyvRLN7w/tqltSopkcI+YZ0obP6U/4aKnW+SHm0uFDBNW8S9wAu/VACSJBtiDKNXGAMTpwSbw1uUUs5NERHXf9W2YBAPq1yFQXuLIk5+JnvX4/yoN9gCkHZR87XFKOu+as0YQnAsCwttn6gyWwc4okXwO/q8TuuVhYIDUCJRoQ6kuVPj/KKryYbxayIjE4ZTtdTpsNTrtNraBotynolp8GQBt6VOH1CeGcgX6632Rx6jGozskjLjzEZ1E0qroG28bgK6cBgUXGr9uPqEaHWMHX4/Xpnlc+4Tq7xQt+P4AX528BICrR5HnQ+LHLJuSTKj5ZqSaQDyW1RlRhz9eDn/2mvibr3jaDHGIAdOGTOclxapioSDznQI7jFHxGlYDVhWyiXAV2ZudGaj8d0CpLegyDX/gqihI25w0QuM9Pnd8Vy+8dKVUmiBs+4rDDNgaMHE6igZnsduicSl6fHw9++hs+CuZqESmv9Kp918yJlpXIijNolWhmFRNddpthTjRjJ1oonFM2/oiFDXg1tahEE597TYilRokW+ky5x2c43hRL5nkjtNXxLH3E/Psk6lb+PdlvGG2siDbZmZ0bo0dB4JmrSnVO2aKVb488nFP/GTY3+rnzMXIgdWySik+uG4D3r+6neV0Wzhl6z9wWFTc7zTaYWN90ajb/9P9mcyILmS7M0m4SFASV+LuPlaG80isNQTRUotkU9GyWjreuKNK+HiYnmpWq2DyyTWBpMQkLXYc/E7GviXauVXWJNnTa3HkbaVVIoxy2JTpHtvZ72zdOQb8WmWHzurH+I/bzCq8Px8o8GP3sQgx7aoHGxpGpvUTnoNYRZtoEHdpQ0MicaLrCAjBWNFUn2fwCoUKnJh9cdZRowf9Hsnbj4Z9V3gl1IkLHdVUxu6biGuH04GY3e53ddzZ21UROtEQXW2dHdh3v+2QdxvzjB/zju82Gx/Dtq04Ib32AnGj1AHHgUpVoYSYRUfXDTyZuhw0Pj++s/p3sdsDtsOucHLxBbrSgEtsoy3MmGiudm6ZiclGBTv0jUlrh1e2a+/x+VYUnDl73nt1B9x1iYQIefXVOrWpLRFSivfL9Vs3fzLiw2xQ1VJXPDRfvske0ey5bKOWahFkxWFEBQDgnCwobcRHWuWkqfrhjGN6c2lt9zcj4FPPhMOURu88yw/2wJKE2YG6084SqwVq/rh6pEk0M57SgROPuD+tLHq8P9/9vrbqbKUM2Mcl+R3adWXt5Y9Pj9WsLCwQdbGaVQCt9vrC6cn4R98WaPWh371xNWA4zQB+d0BkPje2IKX2baT7PnA2MwyUVOPflH/HYlxsA6M+5olKrRItz2jAsmNuGfR8A/MQpZjRONG48Mc53o7+uzFCPhcICgHbMYBglpxcXsGd1boyRHXLx2qW9dMda2cXnwz5dDvkco4ZzGjiHbDYF717VF0+d3xU3DG8lPUY9VrjU8WHmBCDwrNptCjIS5epWWXt4WE5CI4fTxa8v1fzN5jTeqfT1ur14Y/EfuM8g7PKkx6fmIzNT/rJrKCrRZCFTDKdDX52TYaSuY8+GaMD/34/bAEC3KOWdhuHCOY1yqIhKNLMBp9xifighIqraeDVONCEnmkHSao9XXtlYPNZl1zoirSCGCovw4UtSJ5rkZ9h8s5wr3GM2xnXNT9MpV80cZWah4oA+V5glJRrn+NEWFpA78EVVbFaSC0luB/x+YMehUgMlmrwNzE7p0jRVo/Cy27ThnO9c2VfzORYmbhXZAljWT6wonvhxUHRQiLaNUV/UV46Xq65k/S7SBOdWNz3F77XbFLxzVV98esNA088xW1fs5xWVPjXNBaC16WWFBUTnIG+7ReoM8QoOOLO1gC4Rv06JZtwvquPsWvXnUW07uDZWrzqnVkFlVu1SBr92qODugeh0PVWYOZN0TrRgnmZmy4opmKqTE409eqHrGNn5M/v9mXm/Gx7D3/PaKNoQy5ATrR7CBki3wWJjWNtsuB02nNmpkeZ1fgB3OWyaUt2Zkgpn7DhGhoHqANDKxWVONKNdTzPHHMCUaGIycuMS3V2apupeM/PUi4tpbTinvs2iE+2XbVr1FLs3TrstVLmOc2QkuhwRTbyDW+vVWLmpxqoGBisqwNrCMFIvfH5jyCAR1YgA0DQ9QWOIGX0PP6A/+sV6nRJN5hQScwExjPq3SChs1vqkzCZEh01RjU8x5CEt2I9Penx48qsN2C1JoqzJ5xS8JhWVPrz/y0719ZtHtNb/vqStMsNUdp3Z/SwRFlOynGhmCbuNCgto2xl6/9q3lgMIhOX8sOmg5v0uTVNxSb9C3ULL55fvrLM8eKLx8e7Pf+KfCwOO6Ul98vHzX0docgDKvot3tvL3UAzhZCiKolmUAaEwHNXYsaDYPJXw1+XVKb3wj8nd1XBhkXindgF7Xq+meHVKL7Tn1KgMowIvvG3MO1NkFUEBLpwzUT4WtW+UgjinHef1bGrqQAL0c4OR445H3HwZ3THX9HjxrJnqSzbWAcDv+05o/mbqONZWnx84HkZ1snFfsfp8mIZzJrLKvh7NQt9s5ztQWMBAiWZwTkZz7f3/W4fikx7ds+uwKer5en3acE6xbUbFBPjxI1BYQNqEwPsW1RNGC/uqwi9WxUW01ydX6/r9Bs4O4RScjtB9sp4TLfRv0YFwuKQCK7lFrmxhJ7smXp8fxSc9OPflUMoEI5uMIdpYZk60cLlt9dEEFpxoBnYLa7dos4rzt6Ioqhpt55Ey6fNk5IBnj1ZynBOtskOKULtQ+KSxkFrDihKNP3fZBq+8X1lxooX+LYZEitemKqpI/iOyPMOyvlh80oN/fr9FTXER7ngZRjmNxUgaETYOivvG5ZU+zVjDVwwXHRIuu00vYqhGTjTNBkAYJdqAx77TtE1fWEAxvI/VUQ+JTkf+J6pXnTPwf/b8RFxYgJvv+PHErNKvVZ78agP+8q+f1flXdl/N5qdy4T32vLHNA111zmq0lbUtKZgTLdJwTmu/Efp3dRyy9QFyotVD2ELPbbDYeP3S3lh1/yjVicPgDXS3w6Yxitix4tjBO06MQncA4JmJ3VCYmYAXJnWXhuMYGVnhVASBnGgyJZr83PmFBRt0zZxo4gChDX3UPz6iIcaMNPV9rrJZdvCaFpdrlWiRcGHvAjx3YTc1uTwQquZmRuvckOHHh0UYqReapIZCv6zkVDdSovET47s//6lee7bold1vo3BJq2XY1bDZMIP91gMn8MnKXfD7/ep9FCs/8QtNFs4JAC/O34IZ/12NY0I4r1g9k7UjjftsskmOp8WbD6oGptSJJlEOOiRONLHynRUlWiCcM4wTzcBwYEqdSs5pDGhza7HPm/2EeO+f/GqjajjGOe1IjnNCURR1gSBbTCS65U4fvqvxz6lMibYnGN4XK0o0/rqM7JCLs7sYh72LY4rR2AgYh2HzRqMmr1CYcM6UeP24fvnA5hjbzTxMn0dskpXKcaKy4rkLu+OLGwcZHm80z4TbxGGw51ndSfb5keQOH3YKBOY+M8V1WoJLvQaHuTyi5rkYbYZjuVGeOrO556THp3tfo0Tza/vkCk7RBIjhnKF/i9U5rThPwqFdxFr6iIatB07giv/7RT0H/mfFcC6/39hRJ5tvRCe/k1OiyUMz/Xhn2Q6s3XVM+h3fbdivyUn6+z5tfkFZH5E1d8PeYjUtCEMJ0/XF+des/yRxc1wLSS4/ccFsNlXLwjm1hQUC/84Q7CDZ88A2fo+WVYRVSjkljjoA6F6QFnrdBuw8EnIINdI50cIv6DXOKJkSTXIDf9xyKGwFW77N4sLaLdxLoyqy4k+Li+lftx/Gl2v2aJw7DFnOqIc++w2PfrkBg56Yr1N5suf9+UndpW0RjxORbdbzONXCAnolGh8CeIg7F9Ehk+C26xxSfHMizonGh6KH+fzuYycxe8l29W+Zs8RIvWuWv4tHtjYSN9o0oX3VCucMfJatO3cdLYsoFJFvFv+5rQcjS5Ej48X5W/Ddhv2Ytz6QgkV2mnw//HTVbjz82W/q/RTtWGaflHm88PtDeYFDOdGq3lYxJ9qpKCwg+72GCjnR6iGhcE797e3XIhM2m7yCEG9EuOw2jVFk5CBL5ibbdBMnWvvGKVhw+zCM6dpE6kT7x2TzidKIQHVOYULwax0eicHzKMhI0BhSrB3v/7ITe47JS7GLk4I2nFO/8BJ3xcQFH5ucXQ4bUuIdukVavNMe0c6JogBju+VpzitctbsLejXVOFgdGseg/LN8X7AS8mnkZCgWzo1dL7OcaEZYTWTMzi/c7ttpf/8eN727Eo9+uQHnvxLYkRcVSbz6LV2o+rf0j0PYflg7YfP3gt0jT6UPzTJDCwnZOVd6ffh1+2Fc9NpSDHpifuBzVsM5g6/xYT2b9hdrjLvjJytR6fXhUIlJOKckJ9qLk3to/ubHDLEpXh/njAy+KS68wqlLxHLzPHwftnMKIBGtEo0rJmBT8PYVRXhobEf0bRHKm2W3KbpnW803KRg70SKSnCbic2LmsDE6LyPb2FCJFrx+vHOqWWYC3r2qL+49u4OlEEuGuPi1okAVnYFxTrtGfStidDuNKlyKhJRogb+9fr9hIm9xjE1LcJr2JxaWCkAtRACY52L0+/2GauCW2fKCBGa55jxen16JZg/l9fQJ4ZzzNx4Qko5zSjQ+ETU3fhwqKceRUmOljpU+P3vJNjzyxQb176qY91fP/hXz1u/D+JeChZr4cE6PXolm9COysU108rvsobFGpuL45rd9uGvOGpz9wg+G33H5//2s/ltUwlutznmivBJT3/xZ81o4JZrTbtMUFjHatAW0dqKsIIaouDJbmFVIlGiawgJCTjSGbKxiG2Fz1+4NW+Wbt3v4x7VzXii6wW5T1IImE3rk6ezscOpUIHxREtlG0bEyD0Y98z2AwLP/3193YvN+rUOVv51isnWxCNmNw/XqeBmi6vPcl5fgmreWYw3n9GXI7K/Fm0NpF/760Vrt8cHzzEszVyobjQvhNluYXagL5/T6NNWANUo0wVGV6HLoCwtYyIk2oJU8bYJYlCDc+MX3wzKPsG5Q9GHSDCtrjJ+3HUa7e+fi6a+1z4U4V/F9oHrVOQP/Z2uN9XuOY8iT8y1/nu8G/HPz+eo9VW6TyIFi7WYqD9+/b3hnBV774Q98Hax+K/ZR1jfX7jqOif/8Sc1pqFbnrFY4p9aJdmqUaDVzz+sD5ESrh7BBjZ9EZpzeFvec1R4vXdTD6GOah0FRFM1OjlE4Jz8ZG+18i4jV1SYXFWhydEVCableicamHrZYZGc1c2xHqRMNAM4NGswi4gChcYpInEniJMvH4981Z7Wq/GnXKBmKouiu6/e/H8BLC7ZI2yKDtSfcLiTPE+d11fytSdBr4CCLc9px/5gOmHF6W9PQo3DfIy782CTP+mo4w50nUiWa1cF+1sKtar4ycSHKLxREJ1p+RgJ2CGEJ/GLepeZm86nJwgF5RVePz48fOQMT0CfZB+ROT1k45y3vrdIY3xWVPuw5dtJ0x0u2W3lWl8aav/lrKhpXx8s8utLd4qLCzBEQ7n1NaKaqiNGfEN9P+M8oAPq3ysIl/Qo11TZZPi0etkseK040oxAWGeJzYpYr0+j5M1rUGjnRZN+Tk+y2XDmN52yhz53WLkdXFEEkEied2fFWNgyA0JzGhzcaLWDEeTLJ7QyrbGTqYt6JZuZU8vr9hm0X1dFG7eI56fHqwoIdNkV97ip9fl2f5EOfxMX2L9sO48FPf9OMUW8EQ7iNCOdE8/v9uFfMP1eFxci2Q9qNEDNlm5gTjTlQAHnOukiVaKKyTHbcut3H1X+LSmiZ48LqFbEyxE3sla/+2+2wGeY+418X1VmAPszRLDyxUuJE0+Z1Dapg4xya+VE2VrGUDF+t22f4e7Lf4MeLxpxK364o6FWYgZ/uGo4nBTsLkOeyFOH707ZDpXhz8R8alZaR2oc5oJdsPYTbPliFEU8v1Cx2zZRo4jdmJ7ux9ZEzMefa/uhTmGF4nDb8UH4+bKwOtwn40YpduHr2L5i7NuD0CKXUMB+DjcaFcHNAaKNH+3pFpQ/Xv71C/Zu/VqLzMcFl1zm/xeIAIjcOb63ZRNV8Vrie4ZwpfFoJqRLNwE6wooic+WlgLH1eSDBvNldVJ0yU3Ud+fbgvgqrMfAqUsoqqh5Wacbgk8IzJc/7pX2O5VUU7lt8IXLbtsJqDT1WiVaONrMuwwgJM7WYVK+sq/tvIiUbUK3YdLZNW58xJjsMVg1qYqsXEPExN00PGAXtQxMclXMJYGXwYHBCZ+kikpKJSTU7PYKfBdjTY5OIQFCb8+e0+dlI60IgDBD8xy3b6RYcev0hYseMogMDEy9QxRs5JK1zarxmaBA2UAyesTzYi4SqOMqYOaI5rh5onAWdYzRn16qLAwomFE0TiRBNDEIxg90l0cFn7rPEQmZ6o7cd5afG63+CvA/uuCq9f049kDlCv16epTuX3+y0XFmDnK85tm4Sd6T/CyNytGFoeXyAE6+dth/X5eUorQoaw3UCJVh0nGmeIsMugGrDcZeGvkUaJxt0Dvt+7HTad4X4imAuJjQeR9NNTgZX8UG9eFij0oQvnNHlujMI5jRa1RuOFbOFjljPTjCn9CnHnGe3w6pRAIYQElwMLZwzD8HY5YT5pHaM5yOrGEFug84mBZZX1+GMZSW67Nrfg0Jb4+LoBmmPYPMFXyDTrA16f3/De9OYWxTzmTjSfTsFot9nUBVWl16cL4eJVZfzQ4PP5cd4rS/DG4j/wwKchp5dZoRVAvonAmP3TdnR/6Bvd61Wx73WOMpNHLeBEC/396ITO6nWXhQeKz1Egd13gusoWI7IchWYqErYhw/JByQsLWLsoVsa4VjmhNBJuhw0r7huJGae3RVch92wSl66DTyNy+cDmAPRVzc02Cdh1dWkU9HpVmqIomjFHFpqdlmAt5BrQ2nv8nMJvKrL71Sg1Tjo3W8mJJjpeZn76m1poBzB3MP5v1W5Nxe3lQZsT0OZ9FPvQEUn4pc2moEdBOrKSQ9dQ/G2+rTLn3rqZo1WnvTwdhfYafbVuH6b9Z3nw+0KpT8wIZ0MYwTbBFUXRjG2b958w+ghKK7yaFBYJbofuOfdq7LbA//nzHNgqy1AlJ1b2DPeo8hv5usICMA7ls6KINHr+xTEpnNPQKuw+iutD2Tm8s2wH3lq6XfMafx8iTaZvBj9eHgmmU5D1OdlrrE06J5qg2mXrBgdnP1SVUDhn4Df8/sg2XY1CuXn45jVwHxo50eobV/zfL6FwTj5kz4KnSpwM+AddppaZc21/jO2Wh0l98k0VbiJiws/qLEgDOdHkoQBi7he7kDC8JZcQFgD+PBwK6Tzp8eLPw6WmXnaZE00cvHklGlv0PDOxm/qaUX6acIxon4uZYzupf1dn0HVIHD3VxUp/4wkp0ax/JlIl2ncb9uOW91ZKDVmjJKZOoUF8VxUnQr8fugS5/HVQc6J5fRqHtSwv2QOf/obnv92k/n2ivFLabpmzwmgxLO62bz1gbCwC0FSoMqLS68fCTQfV8FeeIyUVqpqN9TExJCxcHhqzyZ9fFIXCOYPfx30tf8/43+dvLW+oxzntuv7LEjEzJYlRqFxtYbRw6NksHQDw9AVdMSzoZDq14Zzm1TkB4LUpvdCvRaa0MrIVbDYF04a0xMgOoeIANa0EVHSlBQJYDedkzeErLcryGQH65zPR7dCcz00jWqNbfprmGLUIDedE8wSdSjJnmc/v14zlU/o1wzMTu2Le9MFoaqBEc9gVvC6p2AoAJyu9ugWdXVHUpNxbD5agzONFnNOmpn44yuVv04T8cP/eeSQ054Ybz82UaPd+vFbniAHMq9tZxWxuDRQWCLzfs1k64pz2UNi+pL26HKsOcyWazDY6YcGJxiq6VkjGV1HhbIQVu6x3Ybr6b4c9kIfv2qGtcLFQhZkfT7O4jUN2z48K9qWZg1iWr5RvKv9bfF40uRLN2LEvjjG8Wpl/h6+KHO6avbl4G/760RrTY2Q257fBXEyAXG3NuPGdFZq//7dyV+gPPvRPsHdkOcwYyVxuR1HtxDtQROVtWoITiW6Hep9kKiWzcbxSzX0nn6/YOmJ4e/OiMUbw/WfFvaPU6vJmNkdphVfz/CU47aaFBdi/+ageu03R2Y6s4Bk/ZvgthHPy5yBzHFVHiWZ0Z8Tphm9jVXOi+Tgls5hW4HiZ6GD34p6P1+Kej9dqnIG8c9NKHjCrmwn8ObE5TVo4QxriGThOHM9EJyrLuVsTOdHY+JDIpTGJpEhDktuKEo2bzxu4F42caPWM9XuOq52aXyxZWXSMaJ8Du03RyLfZ4M7CFPiHu0dBOlwOGx6d0AVndtaG3JiRJCwaquNEC1TnlCelFUN+7DZFowwSc3P8uOWg+u/HgslOlwnVNXlkDgxdOCc34bJ8aHy7rDrR+AqEgH4QfuPS3shNcePff+lj6ft4jMIiqkOki9y4KijRzHKiXcIZ8fxi8qMVu/DIF+t1x/MJu3mMKtnJKK2o1CvRDMI5eYPy3B55CMfRUo803ElenVN+DcW2hUu4yies5nnvqr7qvyu9Pny/8YD0uIMnKrid2MB1FHcZ+ZxnYphwhVAlS4TvtzbOeQFojRw+/IBX4mpUpRq1mk2npGSLB2/wvsVSYQGet64owmc3DNSElYmFBMzUw0bPrVHhF6PE+3y/HNEhF+9c1RdN0+XOm6pSk6ZbTop8HLYazsn6El+d02gBI16zJLcDuSlxuOG0Vrjj9HbS3FLMMcUnuWbPhmzn2Ovzq4VrgMDcM757U7TKSTZ0VjltNgxsnSV976eth3RKMbtdUZ8D9ty1bZQSStbOObU0OdHChKPxfZcnkjyAjEgXI1I1usmX+LiQK/bosLFEmhNN+CqXPVScYcHGAzr7gX8cWUifbAHMFmtHywL9g1XFlRV++fs3vxuej9FvG5GZ5MaC24ZiyV2naV4X1a78ApMfS5iNelSYf83URbLqnDz8GJYZRokmzkdAIL3IFQObY+5N2kIk/LzK30e+kJOVXFNvLd1h+n64pOXhFq38GPHZ6j1qH+BtqxKhnx00iWTg79eSrYfwarA6tthWse8y2zZUUMmakp4hc5byfHvrULx+aS9cwIUUi5htGPH3M95lR4fGKWELyZSUV+J4WegeK4reeSLmNQO0wgGHTdG1a2TQEah1ooUf83jbVledUzGeg0THlAyjcNiazok2f8N+dJ35NTbsDURKiI5t0cFeXhmoNO/3Awe5DWj+PsicaDPP6aj522pbeVudzVG8w/jZoChCdq9Ym4wKC4iwZ6U6fin2WafDpvZxMVrLDN6eMEpJQdU5Q5ATrR4iq85pxamRluDCupmj8S63SJ59eRH+O60fRndsVGPtUxRFM6lEsh69Iij/Z5RWeHU7/syozUvXOtEcdkWTQLUgU7uoW7wltEP7rx+36X57hLDjJZvcxcTDGida8N+8UWLVifbhNf0xb/pg9W/RUTKsXQ6W3j0Cg9tkSz/Pdn9lu7GavF0ROI3MMHIyjGgvD8FSlWgR/LwYpsb/JD+xi45BmXNIFs4A6A1vs65aWuHF9kOiEk0fclLhDSXcv35YK0vP1oa9xZgfdFbxz7LM6WlVTbj1gN6JluR24PyeTQEYh1cVtcjEzSMCiYcrfX5DZyYfYsyelSSXdsHPQlltCvDXM9tr3jtW5jFdTGkqpwpKNN6g5/tFOrdo0qoXQtfM7dAr0VguFDa2RjsnmpFzMc5pR6e8VI0BzIdfdMpLkVaDDX1e3nceHtcJbXKT8MzErprXjcaL2rg+1Um+Kw5PuSlxuHZoS90uuNUQVJvqRAu9ZhRSog/nDDwTt45qi2uGtpR+huVf5B1T7NmYeU5H5Ka4cc9ZoefH5w8WrwnONXxRBSMnmsOuSPN8AsATczfiV6F6o5geAQA6NE6WtlWjzvDJk8szjELsqhK2FUkXOXSiHAMfn69bFJv1Mz6ckz1z7P5aSerP50Rbv+c4bhCURLzjo8N9X+GNH/6QKtGYmpnlEMoOOoWr4niU/bYZhVmJmrxggH6TT5s7U5t/EtCHc/L32u/3a+6BR6JQ4lvKj+V8ugzZWNVHEtqcmxyHe87ugNa5yZrXHRonWqg9LocNZ3dpjM55qZoq6VVFFq4ZiRPtoc9+U/99qKQCq3YeQ3mlV+qQZeQbqFMBbSguAPyN24Tkr4PouMhWnWhs81DfbjNFt1rZ22BMyk52Y3j7XNO5xkzdKlauzE2Jw7zpQ/DwuE4GnwiM6Rr1k8+vy4nm1TiVAv/nlWgOu1aJ9tC4TurmHh9VU+nz4bl5oWgEGfyZ68M5FUNFlhUlmtFlNa3OWYXx5pq3ftUUHBPnYHFs0BajkecIFefedo2ScZqQ/sFsc4SHzw18VAjnzEh0YUCrrODv+3VzBWtruIJzDHZtxe85WlqB695eju9/PxDW7mHv2xVFHQsjyVXHPzOyCDRAyIlG1TmJuo6Yf0JWndPqoibOadcMkqnxTvQqzFANxJoIjwCgUSUYhdKIXD2kBQYIO+Ul5ZWSyk6B/4tKNJuiIDPJjX9M7o5/Te2tU2QsFxYJPG9O7Y1Xp/TUvGalsMCGvcW47q3lOOnxqjtF/CI2y2JOtPQElyb/iNVcPYy3ruiL4e1yMOea/rr3ToUSTZbLZVDrLPxDqO7IYJNKJAnBxd2cNG7y5e1M8ZxksmujnTmxTLpZ8zbsLdaEJwGCw4sL82Ft6JSXYumc+dBL3kEpe67D7abKvpMxuE0WioLJ3/ebJHUNhab6dc5MxgHOCcfugdgvdgWvl92m6BY5R0srTBfO/PMXykUV+JvfeeMXg2lcMQj+dd6Ydzttuut6tNSDzfuLY6awQOucQCh6uApkIreOamv6/thueejaNFXnzGmRnYSvbxmC8d2bal7nf//9q/up/66pccSMqsxEk/rkIz8jHmO6NtG9N+P0dlh530g05hKfmy0uefo0DyzG+X5hVBVLvDZWcpDIHDPs361zkvHTXcNxxaAW6nvMBvj6liF4ZHxnTXidUZ9x2BXpuG2E3aboHC0dGqeoTrAjpRVqG/m1VaDogfHvGIXYLdx0UPq6Gb/tOW7Z2frW0h3YdVRfpdvMZ8EXFmBnFKrCLFG1SXOiha7FvPXakHtxnHnws99URTsPqy6+eudRAEC3pmmBNlQj0Xd1xLYthAqwohKHEc6J5vf7MeWNZRj34mJ1gR5SovHhnPI5UZMTTdLvC7MS0b+lttiJ0yCEuzVnf4l96h+Te+DTGwbWSDoMWfgwfx8jVX6c+/KPOO2p7zV2NhubOjROwVmdG+P5Sd0NP2+mXOavg+i4YCHFoeroMiWa/Hr5/X7VRrLbFdxxejvDNphh5kRrLClOU5CZgIv7NsNvD47GQ2M76t4vKfdqbEWfz697xngnKFPf8UWoHDabJmSOz5HGX0NZsRYRtgnp9/t1jlGgmuGcFgeA6lZqFDfc9U407QY3Pwce4jZqeUfRJyt3az7TND1Bt16w6vuRK9ECbXDZbRp7W69K1I5ZDKNKxg7ViaZ9/e6P1uDz1Xtw6RvLMHHWT6ZzWihvb2iMtJJDV/08991ioRoGKdFCkBOtHvDXs7S5ZthDwCdwNUsmHQmynbuq8PLFPXBh73zkprgxqI08hITx+Y0DccNprXDjaa11DoJATjQxnDOoRBMmSeaVP7tLEwxtm6MLczJLRum02XSTijQnmmTh9PmaPXhnWUjCzxslZko0XuEj/lakirG2jZLx+mW90Ykrx87QVOesoZxoMlrnJBv2Q/Z6JGFyvIHUODVO892jgvmTMhJdunMSJzSvz48r/v2L9DfE/H2iw1esVimiqeaq5gbxqQalWbhYvNOOCcFQzznLQ7lN+LAImTNVXKB2aZoqVXfslijykt1O5ASNX7NE3+y8PD6foRKN/34jo4EtWm2Konu2j5TqlWhduVxRMiUam9C1SjTeiebkPiNtEuIcdpSW65/jEU8vVI22aBcWeOXinhjbrYkuAb3x8T0wfWQbDDVQqjLinHZ8cv1Ay4sWfhyK0xR6qA0lWuSfeXRCFyy8fZjhwlBRFE1YcVNBzXxx3wK8ObU3HhnfWX3tsQmdMbpjYLyxaZxo8oWKH9q+Z6U4j8yJxgxjl0PRzU3MmG+UGofJRQWasdHIUWak+DDCYVN0Tp72nBNt3vp96HT/V3ht0VaNY6D4pMdUIZXotkvnt1e+t161mmexxRxgRqoYs0WC1xfqhzZBiSYLhTGrzinDak603UdPYs+xMuw7Xg67TUGPZmkAqqdEi7TCLU/L7CTNWHvFoBYY1DoLj4zvjHxuA5X1S1HxUOH14cfNB7HlQAkWbTqIVTuPYcnWwH2UhXMa5UQLF84JAJP6FGj+NnoOhnBjZ3XXjaaLYKkTLXQfq5L/dtfRMs01Yjk+exWm48WLeujyA/NM6NHU8D3+Ooi5iVUlWvB+PPftJizZon0WxZyzjPLKkI3ktCm4ZmhL/PbgaMN2GCHam41SAhskt4xoY6qGTXA5kJqgd+aXVlRqKqwGlGja+8HbLMwBwztz7TZFLQgGBPorK5LF2y0VlT7VuSaq9BnPfbsJz3+7CeWVPl2fDIRzGinRjMM53//lTzz99UbD0GRRKcn/VZWcaGnCdRZtVbGircaJxinRzH57dMdcTSEqwLrzh/89FvbMrqvbadPMGx6vT3N9WHEws+qcPKoTTdgi5HMiLvvjsJpDTQavjOY3u63CH2ukRBO3MM2KndR3yIlWDxCNPxaa1rFJCp6+oCumDWmJouY14/w6rV0OZl3SEwtvH1at72manoDHzu2CpXePwLC25lXWOjZJxa2j2gaSlErCrAydaOn6nGg8YugSv1MmGvHSKoiS14wccbuDzgK3w6b5biMnWvvGKapMOPBbNk2bRWlydeCdTGbVOSPl1Sm98MS5XdS/yzzGu19VKizAOW86NE7RKDqGts3Gh9f0x3e3DtGdkzihLPz9gKFqRFSiXT0koPY4s3MgBPMfk7rjm1sG6z7HkIXKeryh3UuzcIY4p029zzuPhMJE+dbLq3Nq++6Np7W2XEU33mVX80OZOdHYeXl9fkOHLmtzvNNuuFBkyj2X3SZXonHPZEFGAppwKiH+PNnXq0407jlk9wrQ7gjzRhffJ9xOG4rL5cbD7J+2B387uk60wqxEPHdhd7RvnBL+YACnd2qMG4e3rtbCWIZRhbzauD5GZtvpYcKjw10D/lkRnWjNMhIxrG2OZkwZ1z1P/U5+E8BoTPH7/XjnylDKBEtONC6fIsOj7obrHdRWF9r8YxlJ/kdArkRr1zhFfcYWbDyA8kofHv58vaY9Ow6Xmiqk4pz2iBWWZvy255il44zug9m19HNKNOZ7YZs7suqs4mLD5VBMVXkyh2exZHH74Ge/4edtASV9m9xkpATV7qITLdxip6bm/0DKDl5x78bsy4swuagAnZum4rEJnfGfy4vUayU6BhdvPojJry3FiKe/V1+75PVl+G7DPoNwTm5DxaCwgFH/FtMpiGPXYxM648Le+bioKORsq24Ik9kCXlYNVhvOWbXf5O3k57/bDECfEkNGRqILc28eJH2PPw/R9s0WlGhHSj2Y9OpPmmOM7ILjJz2qM4B9PsHlsFxMiiE60d65qi++unkwbgqmozBDVEQBgXM8VhZy3Hh9fp3z5g8upQezX7RKNEWzNnHYQxuI/MZLRaVPVTyZVZF9+pvfDRPHG1WINlKiHT/pwYz/rsbz321Wc5SJ6MPdQ/8W+/W63ccwd+1eo6YD0F9n8VzF9R0/dxw6wTnRgtc6WTKOj+rQSCeasBzOyT1wpRVelJRXapRo/Djk8Wr7g9fAiRYul6zYNFFRaGTC8M55O5duIZLNFG0hhfBKNKBhh3SSE60eIO6cqeoOm4IJPZrizjPa1ZgSTVEUjOrYSJdPrLYQHQSl5frqnAxZYQEe8ZqEkpJ7dYOebFGoKHoDmA346eJuShnLh6Z9nS8fzhjUOgtf3jRIMxmwti+cMQxvX1FUs040TY6tmhsSRnbIxQW9Q0lfjRaVQNUKC/AGVavcJDx3YTc0To3DU+d3haIo6NksHWkJLl3IgEeY6M12dVKE+3Vpv0J8fN0APH1BNwCBPiAzthhaJRrLieZT+5pZWG6c066eI58I+LEJIRWMbAHmEvqq26l3UJn9Zk5ywFFlFkrJFrnlHp/hwoyNQ2YFIFg1U6dD5kTTK9H4Z5bfxRarGrHn8PbRbdElGNoEBJ7Ls7o0xoj2uRqVAm/8uew2jGifi/yMeEzmFk4A8Pu+QAhstJVosQI/LvL3r3aUaPp+d0anRhFVipbx+77Q4kHMicacDPx5888w/7wbLWz80PZj2Rwgwn6DT2rNDGtZ+JnVXXa+HZGG4Dps2l34punxSHI7pMna+fbsOFRqatTHO+2GytWqsE3IU2lEgkvuRDNbH7AE10Coz7NrKttQE29LQImmHff8fr86fom3xGW34YRERXKguBz3f7IWANAtP81QgXDCQB05qU8+Nv3tDI1CprrwbRedohf2KcDA1lmGORi3SPJ1AsD9/1unqiOspC3gc6K5DY53OWz4YFooFF2cky/sU4DHzu2isT2rq7wwU83InLY+fyBU94JXluCX7cbFrsyQOU4SDfq8CF88AQiNbZqcaLrCAoFrb+aYNdpsWfT7QekxZraEDLF/NUqJQ1uLeevSJHad3w/8tDV0/St9fl2Y6iZu/mDjXEaiNicavzap9PpVZRK/lgk40bzB87CbXkcxFzPDqEJ0cblHmi/NSmEMs2qklT5tXrCznv8B0/7zK75Yswfv//yn9DcThWqQ4tgvfqbSKJwz2C4xhx8QKCAiXj+rz7A4hh4oLlfnXrfTpvleD2fbs7/fXPwH5q7TOhKN1OChtCSh75DdE6M5if/tQDhnoF/tM9kQF+Gvr1jUwej3W//1S7S/d67l36hPkBOtHiBORJ4YqSB3KhANJ5kSjTkeMhJdpnnhREktG4T5hYrRZxnitWeGsyhR3lccGMTECoSicQKEdmZkA21Ochz6t8qqUUVJbSlIejVLN3yvKjnR+F3Uxilx6NgkFUvuGo7zemrDD/RKNK3Rc8SgMicApMRrJ2SbTUG3/DTN4tMtOGPjDRam7N8er09NVmq2cBVVi0Cg/5zWLlTgwooSTczbYEac04Z0icEhwkIdjpZVGKpKmMosQTCS7j07FH7OnINOuyQnWpk2J9rQttmaxZhWiRZUxgVnd2aMdhCUWoqi4MXJPfDapb00fY1f1NhsCpLjnFh4+zBN2B5PbeT8qgvw1yHScMBTgdNuiyivl4wbhwdUChf0aqp7vlxBA98hyccHaHeIjTYNzujUSDN+MKe1GWyM/mHzQcxduwfXv71c7bOyZztc/7xqcAu0yknChb1DTuJI82zabYrGxmDpI9IlYVB8ZeDtYZxoCS5jJZosr1K4ggM7LDrRjMY803BOPida8FrEc060X7Ydxt8+/011OoTLiQYAN727Eu3unYs/D5fq0gekJzql4ZxAKF9P9/w0VXUl5sKR5f684/R2eHRCl7ChpZFiVNyEJ9LN3T8Ph3LW8baKkdmQGSYnGoNXIbbJDe9kiSSk8qe7huPVKb00r5k50Yz629Wzf8WybYfx14/WWv5tHpkTzapTSqzOfKiE5eIKvWakREs1yHEIGJ/rrR+sUv8ty6FnFd7eXnDbUEvKO4aR+uujFaHUGuv3HMfHwfxbLA3G1gMluvx9aUJOtOQ4J8Z0bYL+LTORlxavOnj5nIzlnBLN7bCZbnDLNmx8fn1ONTZXfLFmL7o9+DU279fmxbVSvEWnRNP9rv4z1761HDM+XI3nvtUXShDnSXFdJq7v+OMPSgoLiIrip87vCkC/trBcnVOQhu4vLleLUrgddo2YIpDvWBvOO/PT3yBj5jkdMW1ISxRyghR2j/mW/bbnuL5NBjY3f0qKoqj38/L/+8VyblD+/hoXFtB/V0NVo0Xf6iWqjZHxF+3k16cC0clTWuFVCwt0aZqKCd3zMDxYRVNR9LkHeMQdDzaoHpfs9BotSsSFI6vOmOjW7hyxBOqiOk5W/Y1N3rV1+zRqhkFyUwAAVNhJREFUklOQE23h7cPwxHlddLlHeJgjKpKf5w2q3BTjhaj4HIgTkJi4lEdUosnboW10okRBCISM+AUbD6iVMc1y0AV2H7XvZyS4NIagzBAQnxG3SXiUeG3inQGjIDtM1diMoFF4pMQjLV0PhAxscbf78oHNseSu0zSvOSWOviOlHpQHDaOW2Yk6Ra0mJ1rwo2I4p1WjW6ywBZg7dOvj2FoVeBUNPxTWxtWR2WzGOTysM6lPAd6/uh8eGd9Zt3Bhz7DhnMv1GXFhc83QlvjH5O64cXhrzfOYmxK+QjMfinbtW8vx2eo9ujYBwKMTOiM72Y1HJ3SBGXef2R7zpg/RKKYj7dN2m7YQAcsfKVNw8FWLt4cJ57TZFEOFkuxzsgXky5wacdshuapJxHhhon+d3eatB0rUhQq7FGx8Punx4rxXluDVRX/g5QWbpd8lc1z9b1VgUf6fn7brjk9PcEkLC/B0K0hTVbriglf2fGg2JmrUiRb+mOpESPC2k9FPhSsswMjhnC09CtLC/nYkQrRGqXH6yoAm/d9oLWqmmLeCLLm4kfpSRLxPh4POC75/6goLBG2IltnGucfYs/PKxT3x4TX9pMfwY7CZ6l/GfWM6okPjFDxxXhcUmuRAk2H1tz4NPq/NMhMQ77SjwuvD9uCmgSwnGrtmL0zqjrev7AubTZHmyKrw+rBix1EAARuuSVrIxj1byMUrGwMrvXonGr8pfNLjw3cbtIVMrDjRzJRoAPDdhv2G+UDnb9ive03cFBDtQF6dt3bXMYx9cbH6t6ywAK9E65afpttUD7Vb+rKOCqFAzIHi8lA+UjuzB0LKX34eMbKNAeDS/oW484x2mjWqGFEBAGt26tMReAy+l78XdpuiyRlXYhIJpPlubpw4ZrA2ko1RDXVjmZxo9QCjHYp6KETTORUOl1Rg7a7AIHPV4BZ4emI3jVGaJxmgGLqcaEEpskxybFWJxreTNzyYKkfMsWO3KZqcTUCoOlltLdR5R+CpUKIVZCbggl75YRxGLCea9d+P44xiWaUlhvh8iCqIwyXGC28rhpQ46fP5Nvjflik9zBRfbqc+wbbToWiUbjLDWGyPmLeBR9x1ZwvAbBOnJBBQRACBxK7hKsDJdruzk9waJ7HLbtM5+vhwzssHtkCCy6E5RlOdk1UPDs7uzKi0uvMcaUJcCucMwHcrfgc4wWIOvurA74ZeM7QlHDbFUq6bcDjtNvRpngGH3aYPp3NojWYRTXVOIQdkVpIbZ3dpArfDrtnHzbagRONDtMWuyl/3SX0KsOzu4ejQxFquvEjzoPHYFK3TkOWPFFXYIjsOlUjHLTYWtspJMgznlH2uRLJg4xelu4+WVWlxCARCe2VONH7B8NKCQMED9kooJ1rIjtgcrISsV6LpizMw7DZFqlyT5URjJLkdaJmdpPZPr5D4nKnseYUOPwcZVUusClbGSCNnaThGtM/R2FfGSrTQeZoJJTKT3Pjwmn6YN32wpeJKkSb3F++x0SIYMFZ0WMkTKBZCkjGQy7UrhtJZhTnR+LaKjhwWStvaRNnHnme3w4aezTJ0ynFA2z+fPL8LMhJd0sqZMvLS4vHFTYNwQa/88AcLJMc5I1pDKVDQOjdQoIGFdFaoSrSQHSlzHIcLX3c7bLiSq74s5oaTOa2Y09WmAOcHHUm3CdW5RRV0uGqggGScFP688t+/4LEvN0iVT7I+LIYrisfwztmHPtOquvicaOyZ4ufDQpO0Q1afYdERdqD4pBomy+YZtm4a+tQCtQAKoHfAAdA5i5MllYv5a7dml8SJ5vVJry9/TjZFey2tbjDy99cwnFPyWkPdWCYnWj3AyPFRH8M5s5L0Bjqb0MXEkYDWaaULzZEYS3OW75Ia3EaOykwDxY6orGETgahEA4CXLuqpkfuHlGi15ETjcurUZE60cPCGBTMiIgnndDpsmDqgEOO6NUHXpqmGx4k7JKIBa6ZEE8NvZfBtTolzoHdhKGzVzlc+lRanML7ebodeneUKKheygk4oWVUtneJSyInGT6ztG2sNXGbg5YQ5b7Y4OVJaETZpqWy322G3afIDllf6dA7Dd5btUBei7D23oRItGM7pY+GcQSdaDeWCFKmpHJN1HX6MinfZ8faVRfjP5UWWC1nUFHec3g6r7h+FHgXGIeNVQcx7yZ7Hga2z0ConCWO6NtEdzy6JGKbCT9N5afHISXajaXq8pYWvWailOGZGNIZWQ3msKIrGQZ4Y/Hd6ovnGQ0mFPucoACy9ewQ+vX4gWmYnGVYv+3b9Pry2aCv2czleZAtI3hnk82vDpBjFJz1YvuOIuhiROTamvvmzNNE73+9ZqCp7jbWddyp8sWYvjpV5dA4Sr89v6kQTnfvllV6dcoMfz7s0TdUklAYEZUFwUZSpqRYY+rws3LOqWOmFVR2fReW5GPbK4JU34RwEPZtloFWOtXxZ1c6JZrLxZLS4l7389AVdNX9fPrAF7jyjHdISnJg6oFD6Pa1yQjZDJNefz9HLbG6+TbwzOzC+Be5RQYaxI4ONA2x+l2168eNZxyap+PWeEbikX6HldlcVu02RJqk3Ytm2w2gd7D8sdyp79uKddrx5WW+8dFEPafRJuJy1bodNs9YQNyZlOdHYmNckLR5Pnt8VGx8+XZMfFtBvHso2KUTEz8j667+XbJdv8ErOUxzPxPmL34wQf0lTnTP4TPFOKbM1lPXqnNrjHvj0NzUslY29Lm7T4tq3lqvH7jmmnXf+7y990LNZhuY1PlIjlBMt9L7MifbIFxvQ55FvsVdQp/KfsymK5t4cMygSIOKxUJ1TNhZVx5aoy8TEWb/44osoLCxEXFwcioqKsGzZMsNjX331VQwaNAjp6elIT0/HiBEjTI9vCFjZFa8vmO1yyxa2YmlpHtli49YPVqnVZPgwG9luNxCoQHnV4Ba6143UP2LFUAZv9DL1U23dP61aqvb6TAJ3v9iOdKc8awoKIOAsun9MRzx7YXfThaM43osGLJ9XQcRKviKerGS3NA8aIDcgzKtzSpRowT61+M5hWDtztLTPi6+JlS95B4cYrtq3eSaA8E40tlD2+vyqQW2EUd4V/pZ5vHonGgAs2hRIMMze45ULfF9lxlKlz48v1+xRjSuri4RzezZFs8wEw4WHiJgjpqHC92+7oqB/yywMbJ1l8omaQzTkEk+R444fh5nR7HbY8c0tg/HCpO7644N9sbRcu7CxCWPBwhnDMP+2oZacXkaLLNGJFyliERIjFs0YJn2dry7Nci6lmeRAMiMj0YXOwc0QI9XN9PdX4eHP16vqLwAoKdcvIMWpUxbSef4rSzDhpR/x+Zo9uPujNbjnY32uqV1Hy8Iq0RiynGg8N7+7Qud8Ka/0GYbBKIqiCzM/VubR9fu+LTLVf7NNOt724Be9LFUFbxfxvy9zNlaVUxnOKdpWRk5XRVEwuagAfQozLIVpWqWaPjTTMC8jB53olGiVk6QrBJGT4sa0IS2x4t6R6GKwsdineQb6FGagXaNk9GmeIT1GxsIZw9AumJRfDefk2no4qArqXZiO+bcNVcdNsciWNvF6MK9j8Hm3kqOtpitMm8HPKeE2VCf2yleVaKw4jSeoRHLabRjWLgdndm4s/Ww4laHbYddcx3hhY9KoiA0QcmK6HXad3SJugFpT7GqPkTlUmqbHSwu+iQ6pSq/PsDAcg42jfx4u1W14HymtUPPPsWeKd0qZ9RXLOdEkzkC1qnxw898oYkUMxZStr/g+pirRgquWkvJKbDlwQveZhb8fwIHicvxj/iaMf2kxbnxnBQBRiaZoxqkzn1+Et5fuAABsP1SCd5ftkG6A82OTYXVOiRatPvobrBD1lcB7772H6dOn45VXXkFRURGeffZZjB49Ghs3bkROjr4C4YIFCzBp0iT0798fcXFxePzxxzFq1CisW7cOeXl5UTiD6GNkhFU3wXJdQxYaYJSfivHrPSNwuKQCI59ZqL42f2Mgbj89wYUElwP7j580TDbbPCsRd5/ZHoWZibj7ozXq6yc9XunCR6ZEA7ShacxRWGtKNF4tVYu7CbyqiCnRLipqhvaNU/CXf/1sOIAzrF4fcREkTuT7TSrXWFGiafBr28X3ua5N09AmN0ndpQTM8wjEyZRo3CLeiP4ts6AoIePG7dR+T7zLDpSEvm/+bUOx8PcDGNAqS626KzoPR7TPwfjuodwSbocdSW4HTpRX4t9Lthu2BTB2bvC3xef3m+bjY+/x5+2QhHNe+e9fNAogq+FCKXFOLLDo0AD0VXYbKnaDypS1QW3lsXXabaGS9tyYbtRXmNNirzCuiMdH4kCQbcjkJLs1lXqrgtXd4/yMBGQkunQOc97GYAVaxITcLodNXZwlux2m4YiMcLmatLle9N8nqiVkxQU27A0sdF9esAXrduuTNzNkTjRZCLuaE83Aibbsj8NoISiH2+Qm69QKDIdEicauv92m4LqhLXG0zIMElwPf/34AQCgfEH9fPZU+IDiNMaWZ2eZiTWEtnLOqTjTtd5/RqTHeb/UnejXTO4WMisNUh0jDOUUqvX7sP34SXr8fjVO1NqFVB53P59c4PcZ1a6Lmf1IUxXADKTnOgfenyfOPmZGe6ELfFpnYsLeYy4kWev9AMD9VktthOk5WVPpUxRkLi2Pze6wpvHkVVNP0eBwoLtcd07FJCv56Vnt0aJyi5jD7bPUeHDyxRJ0Dwo2zYcM5nTa4HKFnVrRrjIrYANqUHeKm6eqdxzCpT+jvqhQWkPVXm6KolUV5Vv55FBv2Hke7RoHNcqM8XbePbosnv9oIIFABfn/xSQx6Yr7uOL8/kDs3O9mthk7ytpnZ0GY9nNP4OJZSZuqAQtz7yTrd++JcJ3OW8oW3mCqY+bH2HCsztXMWbz6EPw6WYMWOo3h+UneNU9um6CuY3/3RGkwuKsCwpxbA5w/MUVMHNNccw4sMjMI5ZfGclBMtSjz99NO48sorMXXqVHTo0AGvvPIKEhIS8MYbb0iPf+utt3DttdeiW7duaNeuHV577TX4fD58++23tdzy2MHI8VEfwzkB4M2pvTGyQ67udakqR7Po1l+PzCQ3mmVqE44yiazLYcNXNw/GT3cPDxueJH73ut3HpbsORko03pBli5DoKNFqb0jgz49XZPUoSMdzF4YUHvec1R6X9G2Ge8/uoFbaAawP2uLO7sET5diw97j6nswwYmRKwodNf8vv1xiN/DOYnujC17cMQRG3+2t2vd1Ouy5nkZXCDwWZCejfMqROcNu1ijZ+t9ftsKF5ViIu7V+oCfPIEZKdv3Zpb5wlJLMNF7bFMMpLxhsxPr95fia3RIkmC+cUjcm4CKpxRVQZNsaM/WjBP4O1qRAA5LuhpwK+n4cLuzGjOvOxbJy4sE9BtdV3p7UPbFQyhQkA/PsvfaQKt8V3nIZldw/HkDbZuGJgyPBukhpwuA9ukw0gMA/zz2nj1JBD3mquNj6JNl/Nl8ErL0TFH6BXG5sVFxBz8ojI1lCyUCXmNFILCwhjUUmFV1U/TOnXDD/dNRwZiS5d4RWG3abo5i7mvEtyOzB9VFs8OLaTZixiC0i7TVEXkLzagDnReEcnP46+fFEPZCa68NYVRdI21TT8XBTvtOODaf0sqSt1FagdNrx1RV/cMrJNjbdRRnWVaOWVPvR55Fv0e/Q71VGzYscRLN16yLJCZuvBEk2I6jMTu2nGCVGtxKjOOMTCgGU50VjfbJpuHL4JQHWubNpXjN3HTsKmhMYIq9VCawt+fDVaA7gdNvRvmYW0BBd6NEtX7dqfth5WjwkX4RFuXolz2tE8KxFd89PQuzBd5ww7XCK3YZ12BRf2CeWDSxKUaO8s24E/DobGRuZEM1t7iGOSbB4+ftKDIU8skH7+ybkbsWTLIZRXejVjb15aPMZ1Czz71w1rpY77ZR4vfjPZ5GB9kT1HGYm8E017HnyEhfiYHTGIqDALce1dGLDl0yUhujJcdn3/5sd/MTKlrMLcqbmP26g7VubRjB2iEo2Hvb7sj8O693glmtHcKPvaU5FPuy4QVSdaRUUFfv31V4wYMUJ9zWazYcSIEViyZIml7ygtLYXH40FGhlyWXF5ejuPHj2v+q28YjXf1Nfn1sLY5eHVKL9x4WivN6zLVCb+AN1Lmic6Y48GwFBYGZ0V1Ik46ZR6vbuET57RpcpHw8JNsWm2Hc3K/7azF3YRGKXEY0T4Hp3dspMs9wV+n7gVpeGhcJ1w+sDmacYlCrV4f2URyzj8CFX4Ol1aY7jRF6lQUv8kumVhacNWqTMM5TZRo4eAT6bocohItdK2NnHLhwjmBUIXOcMiq9QHAuT1CyjZRiXaWEPYgU+Dx98aoK5wqZ1cD3XTTEU0Jf20p0Rpx+ZeqU724XWO5mtkKst9talJMxSo5yXFYdf8ofHrDQPW1wW2y8cKk7jijU6DgDQsLi3fZkZMSh//7Sx/cwzm25lw7AE+e1wWXc461dG5syOVUrZ3ytCFmTJktPqf53EJcllNp3vp96qJJVKLZFOhUEDIlGuOExAnHI3NqyBbFbC8qzkCJBoQWKGnxTjQKOg7EhS1DlhONoSniwdk4/DzKHAAHueTbzLbhw4/4TbQzOjfGL/eMwIBW1Q/JtuJUFzc+exdmoG2uPs+nSLTz71Q3J1oxVwH+QHE5vD4/Lpz1EybO+gk/bwstbF12Gyb2ysctI9pgSr9meHRCZ82955VD4vU2ckhVJ0KFOQuYEvRnySK8vaQ4AHOOAKE2v/njNgDAyA65yAmOsbG2OfXPS3oi2e3Apf2aaVREb18ZcjLzNllqvFOzIcEIr0QL/77dpuDja/vj/av76TYc9x7TO9HGd8/D+1f3U1VfgEE0zvYj6r+ZU9ZMNCCOSbJ5+GipRzr+AcC3G/Zj0qs/4bVFf6hOmrQEJxbNGIZnJnZTj2P5r096vKa5g1mFTpYbk3doiUPQ17cMVv/Nj+sfr9iF7g99g9lLtum+3yx/4enBonBWN7Nk9rssWmrX0TL8tvu4eg2N0ofwm8ZdZ36Nez8JpSSw2ZSwajtZv+PP1yjfsayoQW3m044lonrWBw8ehNfrRW6uVlWUm5uLvXv3WvqOO+64A02aNNE44ngeffRRpKamqv/l50depSXWSY5z4uK+BRjdUXsdj5gkTK8PTB/VVpMnQCaJ1ihXIgx7jcRQE50h1w5tqRswT3p8hoYl/3pqbRcW4M6zNsM5FSWgcHrlkp6668KHmxhdB6vKF1m1K2bI7TMJ5TQquW6G+FOyPtecK7XOJp53r+qL7gVpmvx6cU67bvFstU+e1bkxRnXIxbk9miLeJSjR+DBag3BHK7ngZAlyZaQbONtmnB6qFOX1+TUT+pCgqoUhy4mmycdVA89wJDS0UHkjoinhryUfmiaJeVWUaM9O7IZXLu5RraIHfPEXhljpuaqkxjulz8nj53XBA2M64LVLe0k+FaJRahzO75WvmX/53KX8AqBjE+2C7t+X98EZnRrhv8JYyzvOjB7hv32+HoBefeqw2VAu5NnZftjYiRYumb5sIfLSRT11r4k50WShSmyxy48fRgtWu6KvzsngrymvtuUdcl2DScR/3R5ydLBE0RonmmC71JSiVFZp0QzmYBTzfMmozc0+GdUN5+T7htcXqAjPHBj3/y8QFpaXFo+1M0fj8fO64KYRrfHg2E6Y1KcAozuGqrnHu4zHIyOHVHU2PkQlGu+AYXSX5J77+wXd1H+XV/pwpKQCc5bvBAD8hQsni7Vwzo5NUvHrvSMxc2wnzXPB54IU1x2y/FhVcaI9M7Gr7v1A4RoFbuH79hXr7dhnJnZDdwtzzvo9IWFJhTfQL82caOKYJHOoWOHJrzaq41GiywGbTdFcYz4s/kS58RjNchqzeYC3N0WHX1qCS7Vb+Wf45vdWAgDu/WQddh0tw/mv/Igv1+wJfIeBIyk/I15VBFotQCF1ornk0VJnPr9IzQFnlHNN5Nv1gVRE7Gtkt+Zfi/9Q/y32Xb/fr7lmRuG9sjtOOdHqII899hjeffddLFiwAHFx8kXfXXfdhenTp6t/Hz9+vF460h4e1xkerw+t//ql+ppsR6i+wU9O4cI5I33II1kw8YPVh9f0Q7f8dCyV7NIZwYensAHzjE6N8Mr3W9RwmVMFfw1rs7BAtkFlU0DroOF3tKoi9zeb5PebhHLKpNdhf0uYXmR9riAj5ERj17tvi0x8dO0AtagFEKzOKYZzWuyTDrsNs7iKr/zneHWmoRKNC+d8/2q5M9GqhD01QW4A8HmP/P6Agbjw9mGo8Pqw84h20avmTDFUotXuBF5fVb6REk3DaWr/Qiz74zAGneJCBo2q6UTrlp+GwqzE8AeaEEmRmpoiJc6Jy4R8KVbh1acJ3AKjNVf90GlX0DI7CS9frHdIteHUHEY52Gf/tB0PjeukCzmx2fQbJzsOl8Ln86vOK35OCFeRTjZ9NM/Sq+PYk5AVVPHulDju2LjGh9QZqRhsFpVo2nDO0Os9mqXjh80HNdXdmMOQDweLOO+nRe49uz0SXHY1T1c42Hwg5giTYRb6XxtUN5yT77NlHq8m9xZDUeTjzX1jOuBYWQXGdG2CIW1yMKFHnuow5TFKo1CduYvZZUdKAlW5xWenV7N06brDblOQGu/EsTIPyit9+Gz1nzjp8aFjkxRNcQPevstKcmFIG31e7NqG3QNeec8/c+I9kj3P4exq2eZ157w0w9/IFtJtmOX1DQcfKllRFSValX8ZajEX2e+x11bsOIpp/1mue5/BlGhsncCHqsucQKz/G21Q3PfxWvy87Qh+3nYEax4YhWvekv/2LSNCoePVUaLxz2MjYa131exfAVhf95RbCMd94NPfDNsjXhNjJZr+tYaaEy2qTrSsrCzY7Xbs27dP8/q+ffvQqFEjg08FeOqpp/DYY49h3rx56NKli+FxbrcbbvepMRJiDd7QHt0x95QZR7GKLJyT36WNNBdEJAsmfmLp2CRQZl6cOM12E0q5kBS2O9A1Pw3zpg/R5JQ5FfA70bUxEL44uQfeXrYdd53Z3vAY3iHKJ3Hu0DgFUwcUookFQ5sxtE0O7DYFzTISsJXL/3DS4zU1PqriIPD7gUS3eZ/Lzwi1XfwNvg/HOe26PlRVZZWusEAQt8HOLx9O2zpHHl5jFs7ZLT8NK/88CsA4nJOHTd6ssIGYwFwN59RU5zQO53Q5bJrcczVNpLny6ivRlPCf0bkx5t82tMYUWUbwhm1VwjmN1J6RIP6uolhzNkQLPo8cP5bwY59JgUK04JyORtV/2dgpKtHsioKzuzTGP7/fgv4ts/D2sh2oqPRhf3G5ei/LLSTQZsgWEjK1FlsMsU2vVUJlNiBU1Y1XohmpGBSExsXzejbFf3/dqb7HK874BT2/GGU5LrceKIHP58fP2w6r1TdT4514flJ37DhUUi2FpBlpCS48NK5T2OOeu7Ab7v14rVrptlDioHzuwm545pvfsS0YlhvtBVtV1TeME5wTrbSiEmUefR8wsj9S45147dLe6t9PcyovHiMlWnUuHZv3th4sweLNB3XvXzGohe41BpvDKyp9avGuyUUFUvVRi6xEzJs+JKYU3/w8w9vMoopM1jetOH1vG9UGB4rL0a5xClrlJKFFViL6tchEUpxDpxhqJoS4i0VsImH93uPwB3P5qk40k+rjXrHCZjU8yqy4C28zMxpbTFdw6IRWicavs2QFF9hUqs0fFnKM8zniZv+0Xfqb53RtgglcOhKZE7AgIwH7i09qqo/K7AfePmiRJbe1rRR84AlXmIchTmPiveTnyS0HTiAn2Y3kOCflROOIqhPN5XKhZ8+e+PbbbzFu3DgAUIsEXH/99Yafe+KJJ/C3v/0NX331FXr1Mg81aKjEsoFdk/APczSVaHzZZzZQig6Ply/qYfj5ga2zkJcWj6752pwxrQwcGDUJXxm0NsI5z+rSWJekXsYtI9pg9c6jGMAlyVcUBfeP6RjR76UmOLFu5mic9HjR7cFv1Nc37i3W5IsRqcqk4PcHQiEfGtcJCU679Hq2zkmGy2FDWrxTN9nxhm+c0waH3aaZ4MPlzjCC78u8CsHIKeCw2/Dfaf1Q5vEaKs4yDBxJw9vl4KFxndD/se8AWDMgxfAYcQEgy4nG3x/x2V5538iwFa+skpbgxNFSD+Kddjw4tiN+3HII47s3zErQItHeqGleTYWXFfhwzqo8fzXRD8W5KCvJXa0iB6eaeGdoXLuoqAD/+nEbejZL1yxwzBRgiqJgxult8dXavRjdqRFmfLhadwx75sWcaHabggSXA9/eOhQA8MWaPThUUoGjZRWqE634ZPgKoYwdQUVZj4I0nCivxPD2ubpwUSC0EBTVBDzMeWKzoETz+f3qQk9UIvCLtm5c+Bw/bjJH5B8HS/DfX3dqrmFKvLNG8p7VBGO75eGcrk1UZ0rj1Hg8d2E33PnhGlVd0i0/De0bp6hOtGj3fSshp2aUaJxociVaddXORuqV6oSiZnNpHj5asUv9d5LbgUapcdKCXww2dp6s9KohhKIDlykpW+YkxZQDDQjY6H//5ncAWntD7Iuy62tl8+X601rrXnvnqr7SY8XiDfuOG0dUhONoqQd7j59E49R4SznRRJXvCQtjKV9tU4ZsDLQqHjgULKrAonl4m1qWGJ9dq/d/+ROd8lJ14Zr8RvvBYvn6QOznsuvlsCto1yhF3UwG5P1gdMdGuKx/IYa0zYbRnmSkz0K4QngM0ckozmtsA2n9nuM447lFyE1xY+ndI6SbCPYGmhMt6uGc06dPx6WXXopevXqhT58+ePbZZ1FSUoKpU6cCAKZMmYK8vDw8+uijAIDHH38c9913H95++20UFhaqudOSkpKQlHTqHQ5EbME/zDKVDq8YiTTXRyS7nfw4zAY8ccDsb2K0JrgcWDhjWFQSlvPOiOokzq5pbhqhNyqqSpzTrjNuft1+xLQyWyRO13inHWUeL3oVBozCS/o2MzzW5bBh5X0j4fPrf4NXiTGnsNNuU42bqobb8oYeL3c3U8n0KjRXchkp0e44o51mkWElX4Q4J4uhKKxfaotgyMM5FcX6TpwV3rqiCI99uQEzRrdD56apOL9X/UsHUFV6F6bjxtNaoUV2/Z17eUehlcX7lYOa49VFfN6R6o+p4lyUGGNV7ET4sPZWOUlYdf8oJLrsEc3B1w5thWuHtjJ832FT8Nvu4/iYW8wD+jE1Nd6JQyUVOFYayqsTriInD1vwpye4MOfaAQCgWRgx2MKWd7oawU+zRs4OjzfkRBM3Ffiwzby0eNx9Zjus/PMoejQLOSWYcuZQSQU++PVPzefF6n7RRuwXY7vl4dv1+/G/VbsBBO4hv5kTLQXsv//SB1+s2YNrhras1vfw/a+k3KtRqzCqawsaLaQjUWGKpMY70aMgDct3HMWWAycABPriDzNOg9OhmNpMbOxc/edRFJ+shMtuQ0th3jizS2Os230cF5nYT9Gie0E6/nlJT+SlxWv6n2gzy/YGalo56XLYcE7XJurzISqVejVLl30MQGDO/nmbNpfdh7/uxMTeBerGhqkSLTgmHSguR2q8E8dPmueUBMIXqpKNR3FOO7KT3ThgknIFCBROKSmvVDco+PFU3GDh+feS7XhwbCfsOXbSMDybL1Bjtpktu167j5ahdRtt/5bZD3FOOx44JyAM2BhU5okYhVUaIVP28XRskoJ1u49r0ggBQKlHe71Yv/puQ0A5yhyQsssV7TyV0SLqTrSJEyfiwIEDuO+++7B3715069YNc+fOVYsN7NixAzZuwHr55ZdRUVGB8847T/M9999/Px544IHabHpM0rVpKlbtPNZglBLhyoG3yU3GNUNbGlbFNEMcYMyolMSmRBp6F638Qrxjpj5LckXD+8HPfkNuivHkHonh89mNA/Hxil2aCnVmGDl5eDUlm6h5o7cgs2rKG76MNl+MozqLEaPCAqy6z31nd8DWgyfQ08SgY4i7m6ITjV0LPjyW76u8E62miwl0bJKK2ZcXhT+wAaIoCqaPahv+wDoM38+t9C2+GhpQM0400ckQbSVOOPjqhYqiWE6MHI4El13dPXfYFJz5/CLdMeI8mhL87WNcAYFjYYoJ8KzfE1jY8PeAL5DAyA+GWDntNjw0rhPu/Xit7hiG1umvDQ1j473X51PtijinXfOe6CC5arDeqSPbkGHU1P04lfAzQnKcU2PD1WbuVp7BbbIxWCh6Y5VGKXFq2B1fEbbMU4kv1+7RHV9dJZpRVEGkoWEiVw1ugWn/Wa4u+BNdDsO8pzxMkfvuzwGH7vD2ObpxLCc5Dk+e31X32ViBFXXgHfLieOOVrAVOhW3//KTuKCmvxLdBBwcA3D+mAw4Ul+OyAYWGn3vjst4Y++JibD0QUlw99fXv+Gz1HnV8Mdv4/GjFLlWF2KVpqibdioxnJ3YL2+eMIm6apscbOtHYXHDwRDnu+2Sd+jo/7p2QbJakJzhxpNSDlKDj60+TojPbuarOXfPTsGLHUQD68dRpt+GuM9rhhe82q7950uNDklv7XISbt40e+Uif2XA52ib0aIp1u39DcXklftx8EN0L0hHPza0Mnz+wxtaNt5Jb3lALC8SEJXb99ddj+/btKC8vx9KlS1FUFFqwLFiwAP/617/Uv7dt2wa/36/7jxxoAd67uh8WzRiGrvlp0W5KrSDbwRO54/R2prkaePhBzGwXQ0RWBpnPC2MlN0i0cNRyOGe0kBneZjL4SK5Fy+wk3DqqraYqXVWI11TO1O8mXdDLWpJmkQRuZ4pvY3XsdKNzZfn9/jKwOR4e19mS+kR0hicYhHPyE7XDwPkbS2pKou5TmJkIl8OGrCS3YZ4hHk0ftSk1MqZmJLowtlsT9e9Yd6KFWVcBqNpzyi8OjDbQRFVrqsSJdvCE9fAnlkeMb67TbsPbV2gd63xF0Uv6NjNVX4gLjucu7IabR7TGsLahROqHSirwn592AAj0I17hJi7OZLjsNnV8Fxd9KfFR3z8PC++ItdsUTdW9WO//Mj6YFirQw+diLa3w4sX5W3THn6pFaXWUaACQlxbo58x5YjXpOcutyvJgdavDaxRewS9utsvGvpqqeCsiOktGdsjFjNPbmVZXT45zoj+XIoWxYW+xmg/MqCiFyOqdxzTVPUUmdM/DuO550hDX20eHNt9kmxJAQGVrBBtv1+06jg+Xh/JF8rajTHH8778Exm2Xw4br3l6OmVyifZEfgnn/2uYm4+KikDpStjF29ZCWuOOMdprXkgWFWrhnuiAjQZM3lBHOUSkSLpyT5Sle+PsBTH5tKV5btBUAUBp07vNO1IpKn6b4hMfrU5XmfFGQ+izAMKPuzUSEKXFOu7oj2hDg5bY1AW/YW4n1Z8gM+ukj26JjkxQ8NLajaXhftNGGyNXfgZA3ZEa0l1d96pQXmsyjkbxYpkTrHQwR/c/lRVXOr8RPqnyi/+rkR5YZz01S49ApL1VydGTowjkd+jyDfDgnb5xES6VA1E9Y+PXCGUMt5Sbhj6kJFRrjuQu7q//mK7fFIpf1LwQAnNZOP86yMMPRncyLR8ngF94lBkpxcdde5kQLFyIkQ1QGJQgLlXyhwEUHg4UhoB93x3bLw80j2mjST7y5eFvot22KRjVtFm7FUBRFzQkrOiyt5syJJuLCOyMGwjmrQ35GgqrKnsOFIBvl56uJCtCynJXVzYUnhopZdbgMa6dV8KVZUK/FKrydtoXLoQVoi6Kcangn2rC22bpcaUaEqwWQzIVXGkUcWIHZbWKkAQCc0akRElx2tMlNQl+JUw8wr0Ddt0UmWmQn6nJr8ptWJeX6OYI9EwdPVODz1XuwcZ88hJLn1Sm9NPauLP82AHQXHMPhwipF4px2zL91KD69fqDmdU+lD1dYjHIBQuGfRrZwjhCBw8YjtgHOK0t/31eMj1fuVv8+XuZR5y/+OtTFMbkmiP2ZlCBMqG6pcREXFzIhkwIbMaFHHp77dhOGtg0ZCtnJbnx+46CabeApgDew67MSjWdyUQHmrQ/J4Cf0yEOS24HzejbFOf9YDCA68mTeIGVOv9cv641jpZ5qOcf58NHkGsqHI1ZF/PKmQWiVk1Qj4ZSi84H10dY5SehdmI60BJfGWeHQONEaRh8mao9IcuzxIcdGxnZVef/qfvjvr3/ijtNjO4S2Z7N0/HjnadJF/OzLi/DRil24fID1RcGH1/THh8t34qbhrfHNb/tMjxUXVTXmRBPmA34zItFl1y02OzROwYKNB6TfVSZJJA8Eqr69tXSH7vVyj1cTatPZ4kZFvCuQq7NYsGXqwjwvbkymx0A4Z3WRbcztMAgnq4k16Zxr+uODX/7E899tBhDI11hdB6roNEu0ODYObp0NRQk5kFPj60eF60aCQ2L6qDYor/RhbLcmyEpy69RINUkS56RpFEExuXDVZVO4NrfKTsKyksORNw4hO84nWai1yE7C2gdGQ1GMlXpNTZRoaQlOZCe5NWGpYtoe2RrOqLJ686xETWVOhk0BGqfFaZxtRrmEO+WlIiPRpVaUtqIYFnHYbWiRrXXE2u0K/npWeyzecshU+cdg6ul3ruyL2z5YpRZkYXQXCnq0DP5eaXBeCuSoC3yHON8eP1mpbmAlaJxodXNMri6xP5MSRC3CL95l5ZGNyExyY/m9I9Uy7XUJ3qCu7wMhk4f3LMjAWZ1DFUL7tcjEg2M7aXbyoqJE4/ofM3RS4pzVVpfyO2JaI7jqXui0BBc+vX4gvrhxEFbcOxLtG6dE7MBiu2szBKeAaFSxPmqzKfhgWn+8OkVbldlOTjQiRuC7X00q0YBA+MQT53Wtdth4bdAkLV76LDbPSsT0kW0s5VFi9GyWjkfGd0ZuShza5JoXsRCdaGwRW3yyEmt3HcMHv/yJ/SZOtCsHyZ17ojKIDy/MTYnTjVlTTZyERoUNilpkakJkGEfLPBjePpAnuE/zDOkxMth8EkkOuFihn6BO4QvZ1NUxXhby9Cmn8qhp8jMSMH1UWzXn1Nhu1c+VLIa0W1WiZSa50aVpmvp3XVaiAcBnNwzEhB55uPfsDprXU+KceHRCZ/RtkYlWOUmWCo1UFV6JlmXgHJLBO6jnXNtf9z6f6P+09jm4qKgA1wxtia75aTirS8huDhdWrSrRuN+Lc9pw/5jANbPZFNNQVzNlXWq8U9f3njivC4CQM61do2Td55x2myYvMMNIOczmMd5xH2cSEfLlTYPQNjcZD43tqBFVRIIYpvvyRT2hKAp6cJWYGbJ8cruOBBxgvQozMP+2obr3k9wOTdvmrd+P1TuPquGcSW6HunEtKvX2Hz+Jn/8IOFX5eaih5kQjJRpBcPCqrMIIk7jXxTwdgGDY1fNx8LvbhqC80oeUOKdmR5ZNxqnxTuQku+Hx+sIm5zwVnCqFAL9bzMvSrcr/jejctHqhm3ef2R6TiwrQvJohEJpqWXX0OSTqB7yzRZbXkKgej53bBRNe+tHwfVFkwdSA5ZVenP3CDwDMKx/ySt2m6fHYGVyQiJ/hFSYytUl2shtrHhiFf3y3Gae1y8HEWT+p75lt0HXLT8OyP7TKj6OlHsw4vR3aNUrGcINUBDLigmP98TroRLukbzO4HXY1f1MG5ySoq/l3FImBJaoEGWt3hVecWOXT6wfiQHE5CjKrn+pFVNdGErI2rG02VgUr29Z1J1qnvFQ8fUG3qLaBt2EjKZ7GC8N6CKokQDue+f3A38Z3Vv9esHE/Pl8dKISRlejC7mMndZ9nsPQjfOj72gdGW7ZzxXDORyd0xl1z1gAI9B/RocuuxwfT+mHWwq2GVXSzk904UqodEzs0TlHP67yeTfHfXwN51vKDNjK/NjSrap+bEoevbhms/t05LxVrdh0zPkkLsA2Fszo3xqqdR3FW5yZYv+c4xvfIw9Q3f9YdP21I6LyNnJSvXNwTX6zZg+nvrwIA3PjOCgxsHQj1jnfZ4bQrqPBCfV4ZX67dizKPF01S49CNc+rV1Y2N6kJONILgcDls+OyGgXht0VbcNjq2Q2ZqCmcDimV3O+zqxM4bCmwyttsUfHHTIPh8/qhPCtXJVybCOwTjnXa8e1Vf7DxSViP5y6qDzaagRba5ssQKYjJ3gogW/AK/ppVohFYFwC92jGBjO1+EyCwNRHqiC3lp8fD6/OjXIhMfBL9fVI/x4Z1GIfLJcU7cdWZ73etmlb89Xn3i96NlHiS5HTiTU09bgV2ro6UVEX0uFnDYbZhcVKD+zSvRZNeoLtAk7dSpksyId9lrxIEG6Me0eKf1ZeSwtjl4dt4mAEBaPQnnjCa8XZeZZFzIRCScbcmPZ2IRkp7N0pGe4ETL7CRNmGD7xim6UEO2oTm2WxN8uWYPBrTKimijWCwsMLBVFkZ2yMW6XccwqkMjLPr9oLTdLbKT8Ni5XQy/NzvZjd/3ndC8xosmBrXOCjnRgon+tVWUrTuOOzROqbYTjdG/VRY+u8E4RdDdZ7ZDpyap6FUYXqkc57RrNq93HC5VC9lsOXBCtalF1fbbywLHnNY+RzMXkxKNIOogZ3RqhC/X7sWkPvk18n1Ouw2d8lLxLJfEub5TV3d1qwufnJnfXc2KwBg5lRhVLKoKvPos3mVH3xbyRK51FcqJRsQKpEQ7tfBhNef2CO9EiwuqBswcV1lJbrVip9tuw4LbhwIAXlkQqpq4ePMhw89byXvUtWkqVu0MLKZKDXKiAdpK3y67DRVenzSMxwrs3OtiOKcIH7pllIw/1vnrWR2QEufE/uJy/G/Vbtw+ui3KK334eMUuFGYlYnDrLDz8+fpoN9MURVEQ57SpTmmr1TmBgCqnX4tMVPp80nyJRGRonWiRKNHMvWguhw1PntcFCzcdxPk9tWur5DgnFt95Glx2G6b+62cs2lQOu03BC5O64bxXluCy/oWqo5TlBnM77Hhzah/L7WOI0SAJLjtmXdITXp8fDrtNVdqG2mbNpSGz8Qe2ykJynANtc5M1ERpMicbnkYszUaKJ+KuYMsXlsOmK5MiYOqBQLUKjQEH/CAqHpHB5PfmNJaa+lsHadGHvAo0ir6FuXtNqg6jTPHV+V8y6pCfuH9OxRr7PTKZbX9EMfjVcqCGW4aXwNZ0AvDp8f/tQvH91P7TO1edzqCrxkqqfsU4kxck0OdHqyPkR9RP7KarOSQRolpmItrnJGNUhF90tOJeYI9MomT8AnM3l+XE6lGAOHBsmcUooWXg/y0N0hgWFGL+IFIuy8FT6Qgunb28dggfHdtSE50QCczzVdAGmaFPdNATRIjXeiXvO7oDnJ3XH8ntH4rphrTB9ZBssnDEM//5LH02evViGtycSIgjntNkUvHNVX3wwrX+DVa7UJHxhgUg2fyf2DjjGWLXYVy7uiZEdctX3nXYF5/fKxwuTukvTYyS4HHDYbXh0QmeM756HT64bgFY5yVhx70jcPKKNetyWAyd0n42UH+4YhjinDT2bpSMj0QVFUVQ1W4JBOGc4soVrlZnoQmqCE0vuGo53r+qr+R6m4OQrjEaiRKvq2Pufy4uQm+LGyxf1MD3u3rNCOflKKuSbC4+f21n6ulFRkDtOb2f6mxmJLnRskqKxbxqqGIOUaESdJtHtwKiOjWrs+8RS8A0Bs8Se9Rk+OXckO0unmmaZiWgWYT6+cKQnunDdsJZQoNRYdc5TjV1RUGkxppWfwF0NdDInYgO7Qk60U4nLYcPcmwep89ZjEzrjRHmloYKHLfiPStRYjwUTgH+8cpf6Gj8vZCW5MW/6ENz3yVrcOLy17vP/u34g1u46plmAGpGR6MIH0/rh89V7cN2wVobHeTglWn5GAqb0Kwz73UaYJcCui3x6/UBsOXBCXfzXZcRqroBWIfTJdQNqszkREe+04wgCz1NCBOGcRM3CP9+R5ETr2yITi2YMU4senN6pEU7v1AgP/G8ddh4pRVeuAIQZTdMT8MzEburfbEye0CMPc5bvwpWDWlhuk9lvrH/wdM33M8TCAkkWlWiiCpI5gpnzTJY3mC+OEIkDuHNeali1tIw+zTOw9O4RYY/j0woYFayZ2LsAd3y4Rvd6drIbaQlOHOXyw7XOScK0IS3w+NwNhr/ZNjcZiqJoHKwN1SlOox9BcFBS8obDae0CCZptCk5pBaVY4fbR5rtLsYbdpqDS4jYeVeckYgXeqI0lhWt9gl9MXdgnoBb7vyXb8OdhfRgKuweHS/QVOSf2zoeiKBoFUIagBmqVk4S3r+wrbUeTtHg0STNWlYn0LsxA7zD5aiprMN+XGO5U1+ncNLXaxWximbO7NMEHv+7EkDbZ6JqfFu3mGMKPa5GEcxI1Szk3VkRasVlW8f2Bc2omoufJ87ri1lFtdTnNqorRRj/fD+OcNsu2n6jaE5VlWidavPQzVplcVACP14cBEYRZVpVIbV+7TcF3tw5Fj4e+UV8b3j5Xd73vOau9ZpOqbbDqKX/dajKHc12CnGgEwdHQFz2ycsn1lYxEFxbePgxHyypiJg8aEcJhU6Bf9hodGzIeyIlGRBMK54wObXOTDZxogXsge48tFvhKgTKFUG3CK9GqS00tYonaId5lx/tX94t2M8ISV8VwTqJmYYqxzERXTCmB7DalVsYePqw4yW09wkJUookRSBmJLozskAuHTUFO8NhOeam456z2EYeSO+02XFEDijwzHhnfGXOW76yS8k8MgWVrwBcn98AnK3fhnrM6oCAzAYdKKvByMEdoyIkWum7e+pYzwCLkRCMIBGLAZy3cgnvP7hD+4HrI97cPxdFSj3R3qj5TkJmAAjSsc64r2CIwCrVKtNgxJomGh62KVbyI6vHg2E7YcmApLu7bTPO6lY0xfjEQfSdazSnRpg1piV+3H8Gv24/U2HcSBB9GR0q06JGR6MLPfx2BxAbqyOT7YYrFUE5A70QTc2ErioJXp/TSfe5UO8OqyuSiAk0lYxkOg8gOl8OmFrABQk60s7o0xllcrtBE7lrLnGjbDpVU/QTqMOREIwgA1wxtiWlDWjTY/GCBPFzRbgVBhIik2g9/rCwBOEHUFnxfbIiFaqJFk7R4zL9tqO71eAtONDunZI22U6AmnWgZiS68fWURHvl8Pf5vyXYAQLNM2jQiqgefQzaecqJFlYZc5ZQfq63mQwNk4Zz1f56Od9pRbJAzjS9m0zJbno+ZrxTaJlj0TFEUNM9KxB8HSzCodXYNtrbuQKMfQQRpqA40gohFIglPsJMTjYgR+L5Y3xK710WMisbwFTIHtc5Cu0bJ6JyXGnU7wFHD4ehuhx0zx3bCdae1wr8Wb8OkPuaKBYIIB++YbqgqKCL6xGnCOa3bfaLauCEoxuNdxk40XqBmVHhs55FQOgT+Wn92w0B8tnq3pQrV9RFabRAEQRAxRyRONF79k0xONCKKaMI5SYkWdVx27QKpX4tMtM5NwtQBzdXX4px2zL15cG03Tcpfz2yPDXuP10hlO56c5DjMOL1uFZchYhM3FRYgYgDemZscgRJNtC1ZeGJ9RqxkKsPM5J7YOx9zVuzCoNbaAgmJbgcm9m64GzO02iAIgiBijpzkOOw7bq20AK/eICUaEU2osEBswSc+/+mu4chMcsV08ZHCrEQsmnFatJtBEIbEa5xoNN8S0YF3DEVSWEDkpuGta6I5Mc3FRc3wty/Wo3dhuuExjVONi0EUtcjEgtuGonFa3KloXp2FRj+CIAgi5nhmYjfc+sEq3DCsVdhjecdFJLJ+gqhpeP9MQ6/2HAtkJbnxwqTuSHTb0SiVFgAEUV3iSYlGxABVVaLxtMhObBAbr38Z2BztG6ega36q4TE9mhk72IDABg+hpf73HIIgCKLO0SonCZ9cN8DSsQ5yohExgrY6Z+wqnhoSY7o2iXYTCKLewI9rVsLECOJUwPe9SJ1ovQvT8fO2IxjfLa+mmxWT2G0KBgqhmIw3L+uNd5btwMxzOtZyq+o+tNogCIIg6jQaJVoVdyQJoiZwcJUeG0LCYoIgGhZ87Y1ECuckokR8FQsLAMDrl/XGL9sON9iqkjzD2uVgWLucaDejTkKjH0EQBFGncVB1TiJG4HxopEQjCKLewVfzi6eQdSJKaMM5I8uJlhLnxGntcmu6SUQDgyw8giAIok5j5xJRUTgnEU14VSTlRCMIor7h55xotgiqaBNETaIpLEARCEQUICcaQRAEUaehnGhErGCnnGgEQdRjfLwXjSCiBD+/JpPdR0QBsvAIgiCIOg3lRCNiBV6Z4XaSiUUQRP3CT040IgZQFEUN6axqdU6CqA5k4REEQRB1Gh+XpCWJEh0TUYRXojntZGIRBFG/8JEPjYgRMhJdAIDMJHeUW0I0RGi1QRAEQdRpTnq86r8T3ZSHiogevBLNaad8QQRB1C/G98jD7J+2o0PjlGg3hWjgPHl+F2w/VIrmWYnRbgrRACEnGkEQBFGnOVnpU//tIPUPEUX4/HwOG/VFgiDqFz0K0vH97UORmxIX7aYQDZz+LbPQv2W0W0E0VMiJRhAEQdRpyiq84Q8iiFqAz8/nICUaQRD1kGaZpPwhCKJhQ9ukBEEQRJ3mZCU50YjYwEY50QiCIAiCIOo1ZOERBEEQdRrKzULECnw4Z3qCK4otIQiCIAiCIE4FFM5JEARB1GnGdGmC0govehSkR7spRAPHZlPw+qW9cNLjQ3YyVQwjCIIgCIKob5ATjSAIgqjT2GwKJvUpiHYzCAIAMLx9brSbQBAEQRAEQZwiKJyTIAiCIAiCIAiCIAiCIMJATjSCIAiCIAiCIAiCIAiCCAM50QiCIAiCIAiCIAiCIAgiDOREIwiCIAiCIAiCIAiCIIgwkBONIAiCIAiCIAiCIAiCIMJATjSCIAiCIAiCIAiCIAiCCAM50QiCIAiCIAiCIAiCIAgiDOREIwiCIAiCIAiCIAiCIIgwkBONIAiCIAiCIAiCIAiCIMJATjSCIAiCIAiCIAiCIAiCCAM50QiCIAiCIAiCIAiCIAgiDOREIwiCIAiCIAiCIAiCIIgwOKLdgNrG7/cDAI4fPx7llhAEQRAEQRAEQRAEQRDRhvmImM/IiAbnRCsuLgYA5OfnR7klBEEQBEEQBEEQBEEQRKxQXFyM1NRUw/cVfzg3Wz3D5/Nh9+7dSE5OhqIo0W5OjXD8+HHk5+fjzz//REpKSrSbQzRgqC8SsQD1QyKWoP5IxALUD4lYgfoiEStQXyRE/H4/iouL0aRJE9hsxpnPGpwSzWazoWnTptFuxikhJSWFBgAiJqC+SMQC1A+JWIL6IxELUD8kYgXqi0SsQH2R4DFToDGosABBEARBEARBEARBEARBhIGcaARBEARBEARBEARBEAQRBnKi1QPcbjfuv/9+uN3uaDeFaOBQXyRiAeqHRCxB/ZGIBagfErEC9UUiVqC+SFSVBldYgCAIgiAIgiAIgiAIgiAihZRoBEEQBEEQBEEQBEEQBBEGcqIRBEEQBEEQBEEQBEEQRBjIiUYQBEEQBEEQBEEQBEEQYSAnGkEQBEEQBEEQBEEQBEGEgZxoBEFYgmqQEARBEARBEARBEA0ZcqLFOHv37sXu3btRVlYGAPD5fFFuEdEQKS4u1vxNDjUimrDxkCBiBRoTiWhTWVkZ7SYQBE6cOBHtJhAEAGD79u3YuXMnAMDr9Ua5NUR9Q/GT5ReTeDweXH/99fj666+RkZGB5ORkzJ07F3FxcdFuGtGA8Hg8uOGGG7Bu3Trk5ORg7NixmDJlSrSbRTRQPB4PbrzxRmzbtg3Z2dm49tprUVRUBEVRot00ooHh8Xjw3HPPoWXLlhg/fny0m0M0YCoqKnDPPffg4MGDSEtLw/XXX48WLVpEu1lEA6OiogK33nor1q9fj5SUFEycOBEXXHABzc9EVPjkk08wfvx4nHPOOfj444+j3RyiHkJKtBhk165dGDx4MDZt2oS3334bN910E/7880/ceeed0W4a0YDYunUrevfujQ0bNmDGjBlITU3FY489hmnTpkW7aUQDZO/evSgqKsLq1asxZswYrF69GtOmTcOTTz4JgFS6RO3x5ZdfomvXrpgxYwY+/PBD7N69GwCp0Yja54MPPkDz5s3xyy+/oGnTpnjvvfcwbdo0/Pjjj9FuGtGAmD17NgoLC7F27VpceumlKC4uxnPPPYevvvoq2k0jGijLli1DUVER/vzzT3z44YcASI1G1CzkRItBFi1ahLKyMrz99tvo168fpkyZgoEDByI5OTnaTSMaEF9++SXS09PxxRdfYMyYMXj99ddx4403YtasWZgzZw45LYhaZfHixaioqMD777+Pa6+9Ft9//z3Gjx+P+++/H+vWrYPNZiMnBnHKKSkpwUcffYSRI0fikUcewcaNG/HJJ58AACkuiFpl5cqVePPNN3HDDTfgu+++w4MPPoilS5di8+bN2LZtW7SbRzQQfv/9d/zvf//DjBkzMH/+fFxyySV4/fXXsXXrVjgcjmg3j2hgsLXJsWPH0Lt3b3Tv3h3PPfccPB4P7HY72YlEjUFOtBjk6NGj2LRpExo1agQA2LNnD1avXo2MjAz88MMPUW4d0VDYvHkzKisrkZCQAL/fD0VR1MnnkUcewaFDh6LcQqIhwAyiAwcO4MiRI8jLywMApKam4uqrr8bAgQNx9dVXAyAnBnHqSUhIwGWXXYZrr70Wd955JwoKCvDll19i9erVAEgRSdQeFRUV6NChg5piwePxoGnTpkhPT8f69euj3DqioZCdnY3bb78dl112mfraoUOH0LVrVyQlJaG8vDx6jSMaHGxDdfPmzbj44osxfvx4HDp0CC+//DKAwDhJEDUBOdGizLJlywBoDe9+/fohNTUVRUVFOO+881BQUIDU1FR8/vnnOPPMM/Hggw/SIEDUKLJ+mJycjLi4OHzxxReqc2Lx4sWYOXMm1q5di7lz5+o+QxA1wX//+1/MmzcPe/bsgc0WmKbsdjsaNWqERYsWqcc1atQId955J37++Wd88803ACikjqhZ+L4IBBy1/fv3R9u2bQEA06ZNw86dO/HRRx/B7/er/ZUgahrWF1n4cJ8+ffDUU0+hSZMmAACn04ljx46hpKQEAwYMiGZTiXqMOCamp6ejT58+SEtLAwBcf/316NOnD/bv348xY8ZgwoQJmnmbIGoKsS8CgZBNRVFgt9tRXl6Ovn37Yvz48Xj99ddx8cUX4+mnnybHLlEjkLUXJT7++GPk5eXhzDPPxLZt22Cz2dTKSl27dsWPP/6ImTNnYv369XjjjTewYMECzJs3Dy+//DKeeOIJ7Nu3L8pnQNQHZP2woqICADBp0iQkJSVh8uTJuPDCC5GcnIxNmzbh8ssvx7hx4/DBBx8AAC0aiRpj9uzZyM3NxZNPPonJkyfj/PPPx5w5cwAAvXr1wsmTJ/Hjjz+qfRQAOnXqhNNPPx2zZ88GQGo0omaQ9UWWnNjn86nO2pEjR6Jfv36YP38+vvvuOwDkyCVqFrEvXnDBBWpf9Pv9mo2so0ePwufzoXXr1lFqLVFfCTcmMg4dOoTPPvsMP/zwAz755BMkJibijjvuiFKrifqIWV+02+04cuQIli9fjqKiImRmZqK0tBS///475syZg5EjR8Ltdkf3BIh6Aa1+o8Bbb72FRx55BIMHD0b79u3x2GOPAYAmd0BhYSGOHDkCu92Oiy++WJ2gBg4ciIqKCjV0hCCqilE/dLlc8Pv9aN++PZ5//nk888wzyMrKwn/+8x8sXboUTZo0QUVFBQoKCqJ8BkR9obKyEs899xweffRRPPLII1i0aBE+/vhjtGzZEq+99hrKysrQvXt3DBw4EHPmzNEkzc7NzYXT6SRnLlEjmPXFWbNmoby8HDabDYqiqPPyDTfcgJMnT+KTTz5BSUkJ/H4/fv/99yifCVHXsdIXFUXR5INcsGABAKjqNAA4fPhwNJpP1BOsjolMCPD2229j9OjRSExMVFW7J0+eVBWUBFFVrPRFACgrK8OQIUMwZ84cdOnSBbNnz8aIESPQrFkzdd6mIgNEdaFVRy3CHthWrVph+PDhePzxx3HOOedgwYIFquHDP9QsNGT//v3qAvHzzz9Hjx490KdPn1pvP1E/iKQf5ufnY+rUqfjHP/6BsWPHAghUSdyxYwdatWoVlfYT9Y+SkhIcOHAAl156KaZOnQqXy4X+/fujQ4cOOH78uKo8mzlzJjweD2bNmoVdu3apny8rK0NGRka0mk/UI8L1RbZQBEK5V9q1a4fx48fjl19+wcMPP4zevXvjoosuIiOdqBaR9EWmwP34449x1llnIT4+HitXrsSoUaPw0EMPkTqSqDJW+6HD4VDz5zK8Xi+2bNmCXr16aRy7BFEVwvVFlurI6/Xi/fffx5QpUzB48GBs2rQJjz/+OAoLCzF9+nQAAcUaQVQHKptSC2zatAmtWrVSH9iioiL07NkTDocDZ555Jn744Qc8+eSTGDp0KOx2O3w+H2w2G3JycpCWloYRI0bg+uuvx9KlS/HJJ5/g3nvvRVZWVpTPiqhrRNIPZcbQ9u3b4XA4cMcdd8Dn82HChAnROhWiHsD6o6IoSE1NxXnnnYfOnTvDZrOpY2B+fj5KSkoQHx8PIJAD7e6778bzzz+PAQMG4MYbb8TKlSvxyy+/4K677oryGRF1lUj6otPp1HyWjZPDhw/Hvffei59++glXXnklXnjhBTLSiYipTl8sKSnB8ePHUVRUhGuvvRazZs3ChRdeiCeeeILC3ImIqGo/ZP2srKwMhw8fxgMPPIDly5fjlVdeAQCdXUkQ4YikL7pcLgABAcA777yD5s2bq6KTtLQ0jBs3DsXFxeqmAvVFojqQEu0U8v7776N58+YYM2YM+vbtizfeeEN9jxnXHTt2xLhx47Bt2za8+eabAEK5BUaMGIFHHnkEzZs3x0cffYTDhw/jxx9/xM0331zr50LUXaraD/md67KyMrz22mvo0qULduzYgQ8++IDCOYkqIfbH119/HQDQrVs3zSYCEFDeduvWDS6XS1WjnXfeeXjnnXcwevRoLFq0CIcOHcLChQsxcODAqJ0TUTepal8U1WivvPIK+vTpg2HDhmHz5s345z//qRrzBGGFmuiLmzdvxvz58zF58mSsWLECa9aswX/+8x+ds40gjKhqP+RVt3PmzMGdd96Jnj17YvPmzfjss88wdOhQAOS0IKxT1b7I1GgTJ05UHWhsPXPFFVfgtttug6Io1BeJ6uMnTglff/21v7Cw0P/iiy/6586d658+fbrf6XT6Z82a5S8tLfX7/X6/x+Px+/1+/86dO/2XX365v3fv3v7i4mK/3+/3nzx5Uv0ur9frP3r0aO2fBFHnqW4/rKioUL9r5cqV/u+//772T4KoN5j1x7KyMr/f7/f7fD6/z+fzl5WV+bt06eKfPXu24fexzxBEpNRkX1y1apX/vffeq83mE/WImuqLCxcu9A8dOtT/zTff1PYpEPWAmuqH69at8z/11FP+efPm1fYpEPWEmuqLlZWVtd10ogFB4Zw1jD8oVV6yZAkyMzNx5ZVXwul0YvTo0Th58iRmzZqFrKwsjB8/Xi0kkJeXh/Hjx2PVqlV46qmnMGHCBPz1r3/FSy+9hPz8fNhsNqSmpkb5zIi6xKnoh127do3yWRF1lUj6I9sdPHz4sBqaBAQk/S+//DKefvpp9Xvj4uKicj5E3eVU9MUuXbqgS5cuUTsnom5SU33xpZdewjPPPINBgwZh/vz50Twlog5S0/2wQ4cO6NChQzRPiaij1PT8TCkViFMJhXPWMOyh/u2339CyZUs4nU5VWvrwww8jLi4On3zyCfbu3QsglMB92LBh6NOnDx588EH07NkTHo8HOTk50TkJos5D/ZCIJSLtjwAwb9485Ofno3HjxrjpppvQoUMHbN++HR6Ph5JkE1WG+iIRK9RUX9yxYwc8Ho+aCoQgIqGm+yGNiURVofmZqEuQE62afPPNN7jxxhvx7LPPYtmyZerrw4cPx5dffgmv16sOAunp6ZgyZQqWLFmCjRs3AgjkpCopKcGsWbPwz3/+E0OGDMHy5csxd+5cuN3uaJ0WUcegfkjEElXtjxs2bAAQ2I387LPPsHbtWhQWFuLbb7/FkiVL8OGHH8LpdFIuC8Iy1BeJWOFU90WWH4ggzKAxkYgVqC8SdRmacavInj17MGbMGFx88cU4fPgw3njjDYwaNUodBIYMGYKUlBTMnDkTQCip4ZVXXonjx49jxYoV6ndt374d7777Lt58803Mnz8fnTt3rv0TIuok1A+JWKK6/XHlypUAAoUsysrKkJiYiBdffBFr165Fr169onJORN2E+iIRK1BfJGIB6odErEB9kagX1GL+tXpDSUmJ/9JLL/VPnDjRv3XrVvX1Pn36+C+77DK/3+/3Hz9+3P/www/74+Pj/Tt27PD7/YEkiH6/3z9kyBD/FVdcUfsNJ+oV1A+JWKKm++Mvv/xSi60n6hPUF4lYgfoiEQtQPyRiBeqLRH2BlGhVICEhAW63G5dddhmaN2+ulhg/88wzsX79evj9fiQnJ2Py5Mno0aMHLrjgAmzfvh2KomDHjh3Yv38/xo0bF92TIOo81A+JWKKm+2PPnj2jdCZEXYf6IhErUF8kYgHqh0SsQH2RqC8ofj9l3asKHo8HTqcTAODz+WCz2XDRRRchMTERs2bNUo/btWsXhg4disrKSvTq1Qs//vgj2rVrh7fffhu5ubnRaj5RT6B+SMQS1B+JWIH6IhErUF8kYgHqh0SsQH2RqA+QE60GGThwIK688kpceumlapUkm82GzZs349dff8XSpUvRtWtXXHrppVFuKVGfoX5IxBLUH4lYgfoiEStQXyRiAeqHRKxAfZGoa5ATrYbYunUr+vfvj88//1yVllZUVMDlckW5ZURDgvohEUtQfyRiBeqLRKxAfZGIBagfErEC9UWiLkI50aoJ80H+8MMPSEpKUh/+mTNn4qabbsL+/fuj2TyigUD9kIglqD8SsQL1RSJWoL5IxALUD4lYgfoiUZdxRLsBdR1FUQAAy5Ytw7nnnotvvvkGV111FUpLSzF79mzk5OREuYVEQ4D6IRFLUH8kYgXqi0SsQH2RiAWoHxKxAvVFoi5D4Zw1wMmTJ9G5c2ds2bIFLpcLM2fOxB133BHtZhENDOqHRCxB/ZGIFagvErEC9UUiFqB+SMQK1BeJugo50WqIkSNHonXr1nj66acRFxcX7eYQDRTqh0QsQf2RiBWoLxKxAvVFIhagfkjECtQXiboIOdFqCK/XC7vdHu1mEA0c6odELEH9kYgVqC8SsQL1RSIWoH5IxArUF4m6CDnRCIIgCIIgCIIgCIIgCCIMVJ2TIAiCIAiCIAiCIAiCIMJATjSCIAiCIAiCIAiCIAiCCAM50QiCIAiCIAiCIAiCIAgiDOREIwiCIAiCIAiCIAiCIIgwkBONIAiCIAiCIAiCIAiCIMJATjSCIAiCIAiCIAiCIAiCCAM50QiCIAiCIAiCIAiCIAgiDOREIwiCIAiCqGP4/X6MGDECo0eP1r330ksvIS0tDTt37oxCywiCIAiCIOov5EQjCIIgCIKoYyiKgjfffBNLly7FP//5T/X1P/74AzNmzMALL7yApk2b1uhvejyeGv0+giAIgiCIugY50QiCIAiCIOog+fn5eO6553Dbbbfhjz/+gN/vx+WXX45Ro0ahe/fuOOOMM5CUlITc3FxccsklOHjwoPrZuXPnYuDAgUhLS0NmZibOPvtsbNmyRX1/27ZtUBQF7733HoYMGYK4uDi89dZb2L59O8aMGYP09HQkJiaiY8eO+OKLL6Jx+gRBEARBELWO4vf7/dFuBEEQBEEQBFE1xo0bh2PHjmHChAl46KGHsG7dOnTs2BFXXHEFpkyZgrKyMtxxxx2orKzEd999BwD48MMPoSgKunTpghMnTuC+++7Dtm3bsHLlSthsNmzbtg3NmzdHYWEh/v73v6N79+6Ii4vDlVdeiYqKCvz9739HYmIifvvtN6SkpGDw4MFRvgoEQRAEQRCnHnKiEQRBEARB1GH279+Pjh074vDhw/jwww+xdu1aLFq0CF999ZV6zM6dO5Gfn4+NGzeiTZs2uu84ePAgsrOzsWbNGnTq1El1oj377LO46aab1OO6dOmCc889F/fff3+tnBtBEARBEEQsQeGcBEEQBEEQdZicnBxcffXVaN++PcaNG4dVq1Zh/vz5SEpKUv9r164dAKghm5s2bcKkSZPQokULpKSkoLCwEACwY8cOzXf36tVL8/eNN96Ihx9+GAMGDMD999+P1atXn/oTJAiCIAiCiBHIiUYQBEEQBFHHcTgccDgcAIATJ05gzJgxWLlypea/TZs2qWGXY8aMweHDh/Hqq69i6dKlWLp0KQCgoqJC872JiYmav6+44gps3boVl1xyCdasWYNevXrhhRdeqIUzJAiCIAiCiD6OaDeAIAiCIAiCqDl69OiBDz/8EIWFhapjjefQoUPYuHEjXn31VQwaNAgA8MMPP1j+/vz8fEybNg3Tpk3DXXfdhVdffRU33HBDjbWfIAiCIAgiViElGkEQBEEQRD3iuuuuw+HDhzFp0iT8/PPP2LJlC7766itMnToVXq8X6enpyMzMxKxZs7B582Z89913mD59uqXvvvnmm/HVV1/hjz/+wPLlyzF//ny0b9/+FJ8RQRAEQRBEbEBONIIgCIIgiHpEkyZNsHjxYni9XowaNQqdO3fGzTffjLS0NNhsNthsNrz77rv49ddf0alTJ9xyyy148sknLX231+vFddddh/bt2+P0009HmzZt8NJLL53iMyIIgiAIgogNqDonQRAEQRAEQRAEQRAEQYSBlGgEQRAEQRAEQRAEQRAEEQZyohEEQRAEQRAEQRAEQRBEGMiJRhAEQRAEQRAEQRAEQRBhICcaQRAEQRAEQRAEQRAEQYSBnGgEQRAEQRAEQRAEQRAEEQZyohEEQRAEQRAEQRAEQRBEGMiJRhAEQRAEQRAEQRAEQRBhICcaQRAEQRAEQRAEQRAEQYSBnGgEQRAEQRAEQRAEQRAEEQZyohEEQRAEQRAEQRAEQRBEGMiJRhAEQRAEQRAEQRAEQRBhICcaQRAEQRAEQRAEQRAEQYTh/wHnBdCUARplmQAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "for column in google_stock.columns:\n", + " plot_stock_data((15,5),google_stock[column], column, 'Years')" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [], + "source": [ + "sentiment = pd.read_csv(\"date_sentiment.csv\")" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "google_stock = prepare_stock_data(google_stock)\n", + "sentiment['Date'] = pd.to_datetime(sentiment['Date'])\n", + "\n", + "# Merge the DataFrames\n", + "merged_data = pd.merge(google_stock, sentiment, on='Date', how='left')\n", + "\n", + "# Reorder columns\n", + "column_order = ['Date', 'Open', 'High', 'Low', 'Close', 'Adj Close', 'Volume', 'SentimentIndicator']\n", + "merged_data = merged_data[column_order]" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "merged_data = fill_sentiment_gaps(merged_data)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Moving Average technique to determine price of stock" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
DateOpenHighLowCloseAdj CloseVolumeSentimentIndicator
02018-01-0252.41700053.34700052.26150153.25000053.189472247520003
12018-01-0353.21550054.31449953.16050054.12400154.062481286040001
22018-01-0454.40000254.67850154.20010054.32000054.258255200920004
32018-01-0554.70000155.21250254.59999855.11150055.048855255820001
42018-01-0855.11150055.56349955.08100155.34700055.284088209520004
...........................
16282024-06-24181.279999182.080002180.229996180.789993180.789993181983002
16292024-06-25181.145004185.750000181.104996185.580002185.580002189177001
16302024-06-26184.199997185.929993183.990005185.369995185.369995133757002
16312024-06-27185.645004187.500000185.449997186.860001186.860001130257002
16322024-06-28185.720001186.580002183.324997183.419998183.419998230324002
\n", + "

1633 rows × 8 columns

\n", + "
" + ], + "text/plain": [ + " Date Open High Low Close Adj Close \\\n", + "0 2018-01-02 52.417000 53.347000 52.261501 53.250000 53.189472 \n", + "1 2018-01-03 53.215500 54.314499 53.160500 54.124001 54.062481 \n", + "2 2018-01-04 54.400002 54.678501 54.200100 54.320000 54.258255 \n", + "3 2018-01-05 54.700001 55.212502 54.599998 55.111500 55.048855 \n", + "4 2018-01-08 55.111500 55.563499 55.081001 55.347000 55.284088 \n", + "... ... ... ... ... ... ... \n", + "1628 2024-06-24 181.279999 182.080002 180.229996 180.789993 180.789993 \n", + "1629 2024-06-25 181.145004 185.750000 181.104996 185.580002 185.580002 \n", + "1630 2024-06-26 184.199997 185.929993 183.990005 185.369995 185.369995 \n", + "1631 2024-06-27 185.645004 187.500000 185.449997 186.860001 186.860001 \n", + "1632 2024-06-28 185.720001 186.580002 183.324997 183.419998 183.419998 \n", + "\n", + " Volume SentimentIndicator \n", + "0 24752000 3 \n", + "1 28604000 1 \n", + "2 20092000 4 \n", + "3 25582000 1 \n", + "4 20952000 4 \n", + "... ... ... \n", + "1628 18198300 2 \n", + "1629 18917700 1 \n", + "1630 13375700 2 \n", + "1631 13025700 2 \n", + "1632 23032400 2 \n", + "\n", + "[1633 rows x 8 columns]" + ] + }, + "execution_count": 12, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "merged_data" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [], + "source": [ + "merged_data['MA_for_250_days'] = merged_data['Adj Close'].rolling(window=250).mean()\n", + "merged_data['MA_for_100_days'] = merged_data['Adj Close'].rolling(window=100).mean()\n", + "merged_data['MA_for_30_days'] = merged_data['Adj Close'].rolling(window=30).mean()" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABNYAAAHWCAYAAAC7TQQYAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOzdd1yV1R/A8c+9jMteCgIyXAiunKnkXoma5SjNlTMzV2bpL9PMbJmrXKUZijlSK22YliNX5J65F4iKDNkbLvf5/XHhyhVQIBTD7/v1ui/uPc95nnOeC5H3y/d8j0pRFAUhhBBCCCGEEEIIIUSxqMt6AkIIIYQQQgghhBBC/BdJYE0IIYQQQgghhBBCiBKQwJoQQgghhBBCCCGEECUggTUhhBBCCCGEEEIIIUpAAmtCCCGEEEIIIYQQQpSABNaEEEIIIYQQQgghhCgBCawJIYQQQgghhBBCCFECElgTQgghhBBCCCGEEKIEJLAmhBBCCCGEEEIIIUQJSGBNCCGEEGVOpVIxY8aMsp6GKAW///47DRo0wMLCApVKRXx8fFlPqVS0bduWtm3blvU0HpoZM2agUqm4c+dOWU9FCCGE+E+RwJoQQgjxhAoKCkKlUqFSqfjrr7/yHVcUBU9PT1QqFc8991wZzPDROn/+PCqVCgsLi3ITDHrUYmJi6NOnD5aWlixZsoTVq1djbW1933NCQkIYO3YsNWvWxMrKCisrK2rXrs2YMWM4ffr0I5p52fj1119p06YNLi4uWFlZUa1aNfr06cPvv/9u6BMeHs6MGTM4efJk2U1UCCGEEIUyLesJCCGEEKJsWVhYsG7dOlq2bGnUvnfvXm7evIlGo3noc0hLS8PUtGz/WbJmzRpcXV2Ji4vjhx9+YMSIEWU6n/+iI0eOkJSUxIcffkjHjh0f2H/Lli307dsXU1NTBgwYQP369VGr1Vy4cIFNmzbx1VdfERISgre39yOY/aM1d+5cJk2aRJs2bZgyZQpWVlZcuXKFnTt3sn79egICAgB9YO2DDz6gSpUqNGjQoGwnLYQQQoh8JLAmhBBCPOG6du3K999/z8KFC42CW+vWraNx48aPZGmYhYXFQx/jfhRFYd26dfTv35+QkBDWrl1bJoG11NRUrKysHvm4pSUqKgoABweHB/a9evUqL7/8Mt7e3uzatQs3Nzej45999hlffvklanX5W2Ch1Wr58MMP6dSpE9u3b893PPd9FEIIIcTjr/z9S0UIIYQQxdKvXz9iYmLYsWOHoS0zM5MffviB/v37F3hOSkoKb731Fp6enmg0Gnx9fZk7dy6Kohj61K1bl3bt2uU7V6fTUblyZV588UVD27011nLrPV25coUhQ4bg4OCAvb09Q4cOJTU11eh6aWlpjB8/nooVK2Jra8vzzz/PrVu3ilW3LTg4mNDQUF5++WVefvll9u3bx82bNw3Hn3vuOapVq1bguf7+/jRp0sSobc2aNTRu3BhLS0ucnJx4+eWXuXHjhlGftm3bUrduXY4dO0br1q2xsrLi3XffBeDnn3+mW7duuLu7o9FoqF69Oh9++CHZ2dn5xl+yZAnVqlXD0tKSpk2bsn///gLrgWVkZPD+++9To0YNNBoNnp6eTJ48mYyMjCK9R99//73hnipWrMjAgQO5deuW0f0MHjwYgKeffhqVSsWQIUMKvd7s2bNJSUlh5cqV+YJqAKampowfPx5PT0+j9j///JNWrVphbW2Ng4MDL7zwAufPn893/okTJ+jSpQt2dnbY2NjQoUMHDh48mK/f6dOnadOmDZaWlnh4ePDRRx+xcuVKVCoVoaGh931PSvqe3rlzh8TERFq0aFHgcRcXFwD27NnD008/DcDQoUMNS7eDgoIMfR/0fcl14cIF+vTpg7OzM5aWlvj6+jJ16tT7zvP69evUqFGDunXrEhkZed++QgghxJNKAmtCCCHEE65KlSr4+/vz3XffGdq2bdtGQkICL7/8cr7+iqLw/PPP8/nnnxMQEMD8+fPx9fVl0qRJTJw40dCvb9++7Nu3j4iICKPz//rrL8LDwwu89r369OlDUlISn376KX369CEoKIgPPvjAqM+QIUNYtGgRXbt25bPPPsPS0pJu3boV6z1Yu3Yt1atX5+mnn6Z79+5YWVkZvR99+/YlJCSEI0eOGJ13/fp1Dh48aHQvH3/8Ma+88go+Pj7Mnz+fCRMmsGvXLlq3bp2vdltMTAxdunShQYMGfPHFF4ZAZFBQEDY2NkycOJEFCxbQuHFjpk+fzjvvvGN0/ldffcXYsWPx8PBg9uzZtGrVih49ehgFBUEfzHz++eeZO3cu3bt3Z9GiRfTo0YPPP/+cvn37PvD9CQoKok+fPpiYmPDpp5/y6quvsmnTJlq2bGm4p6lTpzJy5EgAZs6cyerVq3nttdcKveaWLVuoUaMGzZo1e+D4uXbu3Ennzp2JiopixowZTJw4kb///psWLVoYBcHOnj1Lq1atOHXqFJMnT+a9994jJCSEtm3bcujQIUO/W7du0a5dO86ePcuUKVN48803Wbt2LQsWLHjgXP7Ne+ri4oKlpSW//vorsbGxhfarVasWM2fOBGDkyJGsXr2a1atX07p1a6Bo3xfQBw+bNWvGn3/+yauvvsqCBQvo0aMHv/76a6FjX716ldatW2Nra8uePXuoVKnSA98TIYQQ4omkCCGEEOKJtHLlSgVQjhw5oixevFixtbVVUlNTFUVRlJdeeklp166doiiK4u3trXTr1s1w3k8//aQAykcffWR0vRdffFFRqVTKlStXFEVRlIsXLyqAsmjRIqN+o0ePVmxsbAxjKYqiAMr7779veP3+++8rgDJs2DCjc3v27KlUqFDB8PrYsWMKoEyYMMGo35AhQ/JdszCZmZlKhQoVlKlTpxra+vfvr9SvX9/wOiEhQdFoNMpbb71ldO7s2bMVlUqlXL9+XVEURQkNDVVMTEyUjz/+2KjfP//8o5iamhq1t2nTRgGUpUuX5ptT3vcm12uvvaZYWVkp6enpiqIoSkZGhlKhQgXl6aefVrKysgz9goKCFEBp06aNoW316tWKWq1W9u/fb3TNpUuXKoASHBxc2NujZGZmKi4uLkrdunWVtLQ0Q/uWLVsUQJk+fbqhLe/P1P0kJCQogNKjR498x+Li4pTo6GjDI+970aBBA8XFxUWJiYkxtJ06dUpRq9XKK6+8Ymjr0aOHYm5urly9etXQFh4ertja2iqtW7c2tI0bN05RqVTKiRMnDG0xMTGKk5OTAighISGG9jZt2pTae6ooijJ9+nQFUKytrZUuXbooH3/8sXLs2LF8/Y4cOaIAysqVK43ai/N9ad26tWJra2v4Oc2l0+kMz3P/m4uOjlbOnz+vuLu7K08//bQSGxt73/sQQgghnnSSsSaEEEII+vTpQ1paGlu2bCEpKYktW7YUugx069atmJiYMH78eKP2t956C0VR2LZtGwA1a9akQYMGbNiwwdAnOzubH374ge7du2NpafnAeY0aNcrodatWrYiJiSExMRHAsHvi6NGjjfqNGzfugdfOtW3bNmJiYujXr5+hrV+/fpw6dYqzZ88CYGdnR5cuXdi4caPRctcNGzbQvHlzvLy8ANi0aRM6nY4+ffpw584dw8PV1RUfHx92795tNLZGo2Ho0KH55pT3vUlKSuLOnTu0atWK1NRULly4AMDRo0eJiYnh1VdfNaqNN2DAABwdHY2u9/3331OrVi38/PyM5tW+fXuAfPPK6+jRo0RFRTF69GijWnjdunXDz8+P3377rdBzC5P7/bOxscl3rG3btjg7OxseS5YsAeD27ducPHmSIUOG4OTkZOj/1FNP0alTJ7Zu3Qrof8a2b99Ojx49jJbvurm50b9/f/766y+jnx9/f3+jTQGcnJwYMGDAA+/h37ynAB988AHr1q2jYcOG/PHHH0ydOpXGjRvTqFGjApe23quo35fo6Gj27dvHsGHDDD+nuVQqVb7rnjlzhjZt2lClShV27tyZ72dJCCGEEMYksCaEEEIInJ2d6dixI+vWrWPTpk1kZ2cb1UDL6/r167i7u2Nra2vUXqtWLcPxXH379iU4ONhQ82nPnj1ERUUVafkhkC8QkPshPy4uzjCWWq2matWqRv1q1KhRpOuDvh5a1apV0Wg0XLlyhStXrlC9enWsrKxYu3at0b3cuHGDAwcOAPqlcseOHTO6l8uXL6MoCj4+PkbBIWdnZ86fP5+vKH3lypUxNzfPN6ezZ8/Ss2dP7O3tsbOzw9nZmYEDBwKQkJBguPeC7tXU1JQqVaoYtV2+fJmzZ8/mm1PNmjWB+xfLzx3H19c33zE/Pz+j73dR5f7sJCcn5zu2bNkyduzYwZo1a4o8j1q1anHnzh1SUlKIjo4mNTW10H46nc5Q7y63hti9ivLz82/e01z9+vVj//79xMXFsX37dvr378+JEyfo3r076enp9z23qN+Xa9euAfqah0XRvXt3bG1t+eOPP7CzsyvSOUIIIcSTTHYFFUIIIQQA/fv359VXXyUiIoIuXboUaWfHB+nbty9Tpkzh+++/Z8KECWzcuBF7e3sCAgKKdL6JiUmB7Xmzxv6NxMREfv31V9LT0/Hx8cl3fN26dXz88ceoVCpD7bWNGzfyzDPPsHHjRtRqNS+99JKhv06nQ6VSsW3btgLnfm+GVkFZe/Hx8bRp0wY7OztmzpxJ9erVsbCw4Pjx4/zvf/9Dp9MV+z51Oh316tVj/vz5BR6/d4OAh83e3h43NzfOnDmT71huzbUHbRxQ1krzPbWzs6NTp0506tQJMzMzVq1axaFDh2jTpk1pTbfIevfuzapVq1i7du19a+QJIYQQQk8Ca0IIIYQAoGfPnrz22mscPHjQaPnmvby9vdm5cydJSUlGWWu5SxS9vb0NbVWrVqVp06Zs2LCBsWPHsmnTJnr06IFGoymVOXt7e6PT6QgJCTEKjF25cqVI52/atIn09HS++uorKlasaHTs4sWLTJs2jeDgYFq2bIm1tTXPPfcc33//PfPnz2fDhg20atUKd3d3wznVq1dHURSqVq1qyFwqrj179hATE8OmTZsMReoBQkJCjPrlvs9Xrlwx2n1Vq9USGhrKU089ZTSvU6dO0aFDhwKX/91P7jgXL140LHPMdfHiRaPvd3F069aNb775hsOHD9O0adNizeNeFy5coGLFilhbW2NhYYGVlVWh/dRqtSHo5e3tXeDPSlF+fv7Ne3o/TZo0YdWqVdy+fRsoeLkmFP37krsctqAgZkHmzJmDqakpo0ePxtbWttAl4UIIIYTQk6WgQgghhAD02VRfffUVM2bMoHv37oX269q1K9nZ2SxevNio/fPPP0elUtGlSxej9r59+3Lw4EFWrFjBnTt3irwMtCg6d+4MwJdffmnUvmjRoiKdv2bNGqpVq8aoUaN48cUXjR5vv/02NjY2+ZaDhoeH880333Dq1Kl899KrVy9MTEz44IMP8mXVKYpCTEzMA+eUm+mW9/zMzMx899ikSRMqVKjA8uXL0Wq1hva1a9calsrm6tOnD7du3WL58uX5xktLSyMlJaXQ+TRp0gQXFxeWLl1KRkaGoX3btm2cP3++2Duw5po8eTJWVlYMGzaMyMjIfMfvff/c3Nxo0KABq1atMtrx8syZM2zfvp2uXbsC+vfv2Wef5eeffzbKeouMjGTdunW0bNnSsMSxc+fOHDhwgJMnTxr6xcbGGn3PC/Nv3tPU1FTDkuJ75dYozF3iaW1tDZBvR9mifl+cnZ1p3bo1K1asICwszOgaBWV+qlQqvv76a1588UUGDx7ML7/8Uuh9CCGEEEIy1oQQQgiRx+DBgx/Yp3v37rRr146pU6cSGhpK/fr12b59Oz///DMTJkygevXqRv379OnD22+/zdtvv42TkxMdO3Ystfk2btyY3r1788UXXxATE0Pz5s3Zu3cvly5dAgrP9gEIDw9n9+7d+TZhyKXRaOjcuTPff/89CxcuxMzMjK5du2Jra8vbb7+NiYkJvXv3NjqnevXqfPTRR0yZMoXQ0FB69OiBra0tISEhbN68mZEjR/L222/f956eeeYZHB0dGTx4MOPHj0elUrF69ep8QRBzc3NmzJjBuHHjaN++PX369CE0NJSgoCCqV69udO+DBg1i48aNjBo1it27d9OiRQuys7O5cOECGzdu5I8//qBJkyYFzsfMzIzPPvuMoUOH0qZNG/r160dkZCQLFiygSpUqvPnmm/e9n8L4+Piwbt06+vXrh6+vLwMGDKB+/fooikJISAjr1q1DrVbj4eFhOGfOnDl06dIFf39/hg8fTlpaGosWLcLe3p4ZM2YY+n300Ufs2LGDli1bMnr0aExNTVm2bBkZGRnMnj3b0G/y5MmsWbOGTp06MW7cOKytrfnmm2/w8vIiNjb2vj8//+Y9TU1N5ZlnnqF58+YEBATg6elJfHw8P/30E/v376dHjx40bNgQ0P9MOTg4sHTpUmxtbbG2tqZZs2ZUrVq1yN+XhQsX0rJlSxo1asTIkSOpWrUqoaGh/Pbbb0ZBxVxqtZo1a9bQo0cP+vTpw9atW/NlxQkhhBAiR9lsRiqEEEKIsrZy5UoFUI4cOXLfft7e3kq3bt2M2pKSkpQ333xTcXd3V8zMzBQfHx9lzpw5ik6nK/AaLVq0UABlxIgRBR4HlPfff9/w+v3331cAJTo6usA5h4SEGNpSUlKUMWPGKE5OToqNjY3So0cP5eLFiwqgzJo1q9D7mjdvngIou3btKrRPUFCQAig///yzoW3AgAEKoHTs2LHQ83788UelZcuWirW1tWJtba34+fkpY8aMUS5evGjo06ZNG6VOnToFnh8cHKw0b95csbS0VNzd3ZXJkycrf/zxhwIou3fvNuq7cOFCxdvbW9FoNErTpk2V4OBgpXHjxkpAQIBRv8zMTOWzzz5T6tSpo2g0GsXR0VFp3Lix8sEHHygJCQmF3kuuDRs2KA0bNlQ0Go3i5OSkDBgwQLl586ZRn6L+TOV15coV5fXXX1dq1KihWFhYKJaWloqfn58yatQo5eTJk/n679y5U2nRooViaWmp2NnZKd27d1fOnTuXr9/x48eVzp07KzY2NoqVlZXSrl075e+//87X78SJE0qrVq0UjUajeHh4KJ9++qmycOFCBVAiIiIM/dq0aaO0adPG6NySvqdZWVnK8uXLlR49ehi+d1ZWVkrDhg2VOXPmKBkZGUb9f/75Z6V27dqKqampAigrV640HCvK90VRFOXMmTNKz549FQcHB8XCwkLx9fVV3nvvPcPxgv6bS01NVdq0aaPY2NgoBw8eLPR+hBBCiCeZSlFKqfqvEEIIIcRj4uTJkzRs2JA1a9YwYMCAsp7OI6XT6XB2dqZXr14FLlMUDzZhwgSWLVtGcnJyoRtoCCGEEEKA1FgTQgghxH9cWlpavrYvvvgCtVptVPy/PEpPT8+3RPTbb78lNjaWtm3bls2k/mPu/fmJiYlh9erVtGzZUoJqQgghhHggqbEmhBBCiP+02bNnc+zYMdq1a4epqSnbtm1j27ZtjBw50rD7Y3l18OBB3nzzTV566SUqVKjA8ePHCQwMpG7durz00ktlPb3/BH9/f9q2bUutWrWIjIwkMDCQxMRE3nvvvbKemhBCCCH+A2QpqBBCCCH+03bs2MEHH3zAuXPnSE5OxsvLi0GDBjF16lRMTcv33xBDQ0MZP348hw8fJjY2FicnJ7p27cqsWbNwcXEp6+n9J7z77rv88MMP3Lx5E5VKRaNGjXj//fdLdZMNIYQQQpRfElgTQgghhBBCCCGEEKIEpMaaEEIIIYQQQgghhBAlIIE1IYQQQgghhBBCCCFKoHwXHikinU5HeHg4tra2qFSqsp6OEEIIIYQQQgghhCgjiqKQlJSEu7s7avX9c9IksAaEh4eX+13DhBBCCCGEEEIIIUTR3bhxAw8Pj/v2kcAaYGtrC+jfMDs7uzKejRBCCCGEEEIIIYQoK4mJiXh6ehriRfcjgTUwLP+0s7OTwJoQQgghhBBCCCGEKFK5MNm8QAghhBBCCCGEEEKIEpDAmhBCCCGEEEIIIYQQJSCBNSGEEEIIIYQQQgghSkBqrBWRoihotVqys7PLeipC5GNiYoKpqWmR1n8LIYQQQgghhBCidEhgrQgyMzO5ffs2qampZT0VIQplZWWFm5sb5ubmZT0VIYQQQgghhBDiiSCBtQfQ6XSEhIRgYmKCu7s75ubmkhUkHiuKopCZmUl0dDQhISH4+PigVssqbyGEEEIIIYQQ4mGTwNoDZGZmotPp8PT0xMrKqqynI0SBLC0tMTMz4/r162RmZmJhYVHWUxJCCCGEEEIIIco9SWspIskAEo87+RkVQgghhBBCCCEeLfkkLoQQQgghhBBCCCFECUhgTQghhBBCCCGEEEKIEpDAmjAyY8YMGjRoUOjr0rquEEIIIYQQQgghxH+dBNbKuQMHDmBiYkK3bt1KdP7bb7/Nrl27Htjvxx9/pG3bttjb22NjY8NTTz3FzJkziY2NLdG4QgghhBBCCCGEEI87CayVc4GBgYwbN459+/YRHh5e7PNtbGyoUKHCfftMnTqVvn378vTTT7Nt2zbOnDnDvHnzOHXqFKtXry7p1IUQQgghhBBCCCEeaxJYKyZFUUjN1JbJQ1GUYs01OTmZDRs28Prrr9OtWzeCgoLy9Zk1axaVKlXC1taW4cOHk56ebnT8QUs4Dx8+zCeffMK8efOYM2cOzzzzDFWqVKFTp078+OOPDB48uMDzdDodM2fOxMPDA41GQ4MGDfj9998NxzMzMxk7dixubm5YWFjg7e3Np59+ajgeHx/PiBEjcHZ2xs7Ojvbt23Pq1KlivT9CCCGEEEIIIYQoubTMbF799ijfHQ4r66mUGdOynsB/TVpWNrWn/1EmY5+b2Rkr86J/yzZu3Iifnx++vr4MHDiQCRMmMGXKFFQqleH4jBkzWLJkCS1btmT16tUsXLiQatWqFXmMtWvXYmNjw+jRows87uDgUGD7ggULmDdvHsuWLaNhw4asWLGC559/nrNnz+Lj48PChQv55Zdf2LhxI15eXty4cYMbN24Yzn/ppZewtLRk27Zt2Nvbs2zZMjp06MClS5dwcnIq8vyFEEIIIYQQQghRMiuCQ9hxLpId5yLp19SrrKdTJiRjrRwLDAxk4MCBAAQEBJCQkMDevXsNx7/44guGDx/O8OHD8fX15aOPPqJ27drFGuPy5ctUq1YNMzOzYp03d+5c/ve///Hyyy/j6+vLZ599RoMGDfjiiy8ACAsLw8fHh5YtW+Lt7U3Lli3p168fAH/99ReHDx/m+++/p0mTJvj4+DB37lwcHBz44YcfijUPIYQQQgghhBBClMyFiKSynkKZk4y1YrI0M+HczM5lNnZRXbx4kcOHD7N582YATE1N6du3L4GBgbRt2xaA8+fPM2rUKKPz/P392b17d5HHKe7yVIDExETCw8Np0aKFUXuLFi0MyzmHDBlCp06d8PX1JSAggOeee45nn30WgFOnTpGcnJyv9ltaWhpXr14t9nyEEEIIIYQQQghRPFGJ6fx66m4t92ydgolaVYYzKhsSWCsmlUpVrOWYZSUwMBCtVou7u7uhTVEUNBoNixcvxt7evlTGqVmzJn/99RdZWVnFzlq7n0aNGhESEsK2bdvYuXMnffr0oWPHjvzwww8kJyfj5ubGnj178p1X2NJTIYQQQgghhBBClJ6gv0ONXiekZeFkbV42kylDshS0HNJqtXz77bfMmzePkydPGh6nTp3C3d2d7777DoBatWpx6NAho3MPHjxYrLH69+9PcnIyX375ZYHH4+Pj87XZ2dnh7u5OcHCwUXtwcLDRUlQ7Ozv69u3L8uXL2bBhAz/++COxsbE0atSIiIgITE1NqVGjhtGjYsWKxZq/EEIIIYQQQgghii8i0Xjzw7jUzDKaSdl6/FOvRLFt2bKFuLg4hg8fni8zrXfv3gQGBjJq1CjeeOMNhgwZQpMmTWjRogVr167l7Nmzxdq8oFmzZkyePJm33nqLW7du0bNnT9zd3bly5QpLly6lZcuWvPHGG/nOmzRpEu+//z7Vq1enQYMGrFy5kpMnT7J27VoA5s+fj5ubGw0bNkStVvP999/j6uqKg4MDHTt2xN/fnx49ejB79mxq1qxJeHg4v/32Gz179qRJkyb/7g0UQgghhBBCCCHEfWVodUav4yWwJsqLwMBAOnbsWOByz969ezN79mxOnz5N3759uXr1KpMnTyY9PZ3evXvz+uuv88cfxdv19LPPPqNx48YsWbKEpUuXotPpqF69Oi+++CKDBw8u8Jzx48eTkJDAW2+9RVRUFLVr1+aXX37Bx8cHAFtbW2bPns3ly5cxMTHh6aefZuvWrajV+iTLrVu3MnXqVIYOHUp0dDSurq60bt2aSpUqFfPdEkIIIYQQQgghRHElp2uNXselZJXRTMqWSilJ9flyJjExEXt7exISErCzszM6lp6eTkhICFWrVsXCwqKMZlh2pkyZwv79+/nrr7/KeiriAZ70n1UhhBBCCCGEEI9O76/+5tj1OMPrOS8+xUtNPMtwRqXnfnGie0mNNVEgRVG4evUqu3btok6dOmU9HSGEEEIIIYQQQjxGUjL0GWsVbfQbFsSnPpkZaxJYEwVKSEigdu3amJub8+6775b1dIQQQgghhBBCCPEYScpZClrZ0QpTtYoMbXYZz6hsSI01USAHBwcyMjLKehpCCCGEEEIIIYR4DCXnZKzN6lUPP1dbVCpVGc+obEjGmhBCCCGEEEIIIYQoMkVRDEtBHazMntigGkhgTQghhBBCCCGEEEIUQ4ZWh1an3wvTRvNkL4aUwJoQQgghhBBCCCGEKLLc+moA1uYSWCsz+/bto3v37ri7u6NSqfjpp5+MjicnJzN27Fg8PDywtLSkdu3aLF261KhPeno6Y8aMoUKFCtjY2NC7d28iIyMf4V0IIYQQQgghhBBCPDlyl4Fam5ugVj+5y0ChjANrKSkp1K9fnyVLlhR4fOLEifz++++sWbOG8+fPM2HCBMaOHcsvv/xi6PPmm2/y66+/8v3337N3717Cw8Pp1avXo7oFIYQQQgghhBBCiCdKyJ0UAOwszcp4JmWvTPP1unTpQpcuXQo9/vfffzN48GDatm0LwMiRI1m2bBmHDx/m+eefJyEhgcDAQNatW0f79u0BWLlyJbVq1eLgwYM0b978UdyGEEIIIYQQQgghxBMj6O9QAJ6tXalsJ/IYeKxrrD3zzDP88ssv3Lp1C0VR2L17N5cuXeLZZ58F4NixY2RlZdGxY0fDOX5+fnh5eXHgwIFCr5uRkUFiYqLRQ/x7wcHB1KtXDzMzM3r06FHW0ylVM2bMoEGDBmU9DSGEEEIIIYQQ4pFLSs/i5I14FEW/YcHZcH0cpXdjj7Kc1mPhsQ6sLVq0iNq1a+Ph4YG5uTkBAQEsWbKE1q1bAxAREYG5uTkODg5G51WqVImIiIhCr/vpp59ib29veHh6ej7M2ygzQ4YMQaVSMWrUqHzHxowZg0qlYsiQIUbtBw4cwMTEhG7duhV7vIkTJ9KgQQNCQkIICgoq4awf7LXXXqN69epYWlri7OzMCy+8wIULF4z6hIWF0a1bN6ysrHBxcWHSpElotdpCriiEEEIIIYQQQjx57iRnMHHDSf65mXDffkNXHqHHkmD+vBCFNltHTEoGAG72lo9imo+1xz6wdvDgQX755ReOHTvGvHnzGDNmDDt37vxX150yZQoJCQmGx40bN0ppxo8fT09P1q9fT1pamqEtPT2ddevW4eXlla9/YGAg48aNY9++fYSHhxdrrKtXr9K+fXs8PDzyBTuLKjMz84F9GjduzMqVKzl//jx//PEHiqLw7LPPkp2dDUB2djbdunUjMzOTv//+m1WrVhEUFMT06dNLNCchhBBCCCGEEKI8mrjxFJtO3OLFpX/ft9/R63GAfgnozvORKAqYqFVUsDZ/FNN8rD22gbW0tDTeffdd5s+fT/fu3XnqqacYO3Ysffv2Ze7cuQC4urqSmZlJfHy80bmRkZG4uroWem2NRoOdnZ3Ro8gUBTJTyuaRk3JZHI0aNcLT05NNmzYZ2jZt2oSXlxcNGzY06pucnMyGDRt4/fXX6datW5GzzkJDQ1GpVMTExDBs2DBUKpXh3L1799K0aVM0Gg1ubm688847Rpljbdu2ZezYsUyYMIGKFSvSuXPnB443cuRIWrduTZUqVWjUqBEfffQRN27cIDQ0FIDt27dz7tw51qxZQ4MGDejSpQsffvghS5YsKVLgDmDWrFlUqlQJW1tbhg8fTnp6utHxI0eO0KlTJypWrIi9vT1t2rTh+PHjhuPDhg3jueeeMzonKysLFxcXAgMDAfjhhx+oV68elpaWVKhQgY4dO5KSklKk+QkhhBBCCCGEEP/WvkvRAGRodYX2SUzPMjzff/kOo9boP/s622ju7giaFvfwJvmYK9PNC+4nKyuLrKws1Grj2J+JiQk6nf4b3rhxY8zMzNi1axe9e/cG4OLFi4SFheHv7/+QJpYKn7g/nGs/yLvhYG5d7NOGDRvGypUrGTBgAAArVqxg6NCh7Nmzx6jfxo0b8fPzw9fXl4EDBzJhwgSmTJmCSnX/rXM9PT25ffs2vr6+zJw5k759+2Jvb8+tW7fo2rUrQ4YM4dtvv+XChQu8+uqrWFhYMGPGDMP5q1at4vXXXyc4OLjY95aSksLKlSupWrWqYUnvgQMHqFevHpUq3S2i2LlzZ15//XXOnj2bL6B4r40bNzJjxgyWLFlCy5YtWb16NQsXLqRatWqGPklJSQwePJhFixahKArz5s2ja9euXL58GVtbW0aMGEHr1q25ffs2bm5uAGzZsoXU1FT69u3L7du36devH7Nnz6Znz54kJSWxf/9+w3p1IYQQQgghhBDiYcrKNg6mpWdlY2FmYnidkqHlvZ/P4GpnUeD5lew0+idnNsGWN6H3N+DT6aHN93FVpoG15ORkrly5YngdEhLCyZMncXJywsvLizZt2jBp0iQsLS3x9vZm7969fPvtt8yfPx8Ae3t7hg8fzsSJE3FycsLOzo5x48bh7+8vO4LmMXDgQKZMmcL169cB/SYD69evzxdYCwwMZODAgQAEBASQkJDA3r17DbuyFsbExARXV1dUKhX29vaGbMEvv/wST09PFi9ejEqlws/Pj/DwcP73v/8xffp0Q9DUx8eH2bNnF+uevvzySyZPnkxKSgq+vr7s2LEDc3N9CmpERIRRUA0wvL5f7b1cX3zxBcOHD2f48OEAfPTRR+zcudMoay13F9pcX3/9NQ4ODuzdu5fnnnuOZ555Bl9fX1avXs3kyZMB/Y61L730EjY2Nly6dAmtVkuvXr3w9vYGoF69esV6D4QQQgghhBBCiJK6cDvJ6PXkH04Tm5LJkv6NsLcyY8Guy2w6fqvQ851tLSDuOvw8FrJSIHS/BNYetaNHj9KuXTvD64kTJwIwePBggoKCWL9+PVOmTGHAgAHExsbi7e3Nxx9/bFSM//PPP0etVtO7d28yMjLo3LkzX3755cObtJmVPnOsLJhZleg0Z2dnw9JORVHo1q0bFStWNOpz8eJFDh8+zObNmwEwNTWlb9++BAYGPjCwVpjz58/j7+9vlPHWokULkpOTuXnzpqHGW+PGjYt97QEDBtCpUydu377N3Llz6dOnD8HBwVhYFBxJL+68793wwd/fn927dxteR0ZGMm3aNPbs2UNUVBTZ2dmkpqYSFhZm6DNixAi+/vprJk+eTGRkJNu2bePPP/8EoH79+nTo0IF69erRuXNnnn32WV588UUcHR3/9fyFEEIIIYQQQogHOXY91uj1L6f0sY55Oy4y84W6HAmNLeg0Azd7C9g7Wx9U8/KH9k9mXfMyDay1bdv2vkvfXF1dWbly5X2vYWFhwZIlS1iyZElpT69gKlWJlmOWtWHDhjF27FiAAt+rwMBAtFot7u53l7kqioJGo2Hx4sXY29s/tLlZWxf//czd0dXHx4fmzZvj6OjI5s2b6devH66urhw+fNiof2RkJMB9a+8Vx+DBg4mJiWHBggV4e3uj0Wjw9/c3quH2yiuv8M4773DgwAH+/vtvqlatSqtWrQB9lt+OHTv4+++/2b59O4sWLWLq1KkcOnSIqlWrlsochRBCCCGEEEKIwhwLiy+wfffFKACikzLue35T+zjY953+xbMfgcljW23soXpsNy8QpSsgIIDMzEyysrLybRCg1Wr59ttvmTdvHidPnjQ8Tp06hbu7O999912JxqxVqxYHDhwwCp4GBwdja2uLh4fHv7qfvBRFQVEUMjL0/9H7+/vzzz//EBUVZeizY8cO7OzsqF27dpHmfejQIaO2gwcPGr0ODg5m/PjxdO3alTp16qDRaLhz545RnwoVKtCjRw9WrlxJUFAQQ4cONTquUqlo0aIFH3zwASdOnMDc3NyQMSiEEEIIIYQQQjxMlyP1S0Hd7I1XfsWnZqHTKUQ9ILDW8tYKULLBpzN4NHlo83zcPZnhxCeQiYkJ58+fNzzPa8uWLcTFxTF8+PB8mWm9e/cmMDAw39LIohg9ejRffPEF48aNY+zYsVy8eJH333+fiRMn5tuUoqiuXbvGhg0bePbZZ3F2dubmzZvMmjULS0tLunbtCsCzzz5L7dq1GTRoELNnzyYiIoJp06YxZswYNBrNA8d44403GDJkCE2aNKFFixasXbuWs2fPGm1e4OPjw+rVq2nSpAmJiYmGWoD3GjFiBM899xzZ2dkMHjzY0H7o0CF27drFs88+i4uLC4cOHSI6OppatWqV6H0RQgghhBBCCCGKSlEUwmJTAWjs7ciW07cNx5LStUQkppN5z06hbX2diUvJ5NTNBJqoLuBw9Sf9gXZTHtW0H0uSsfYEsbOzw87OLl97YGAgHTt2LHC5Z+/evTl69CinT58u9niVK1dm69atHD58mPr16zNq1CiGDx/OtGnTSjR/0C/93b9/P127dqVGjRr07dsXW1tb/v77b1xcXAB94HDLli2YmJjg7+/PwIEDeeWVV5g5c2aRxujbty/vvfcekydPpnHjxly/fp3XX3/dqE9gYCBxcXE0atSIQYMGMX78eMP4eXXs2BE3Nzc6d+5stMzWzs6Offv20bVrV2rWrMm0adOYN28eXbp0KfF7I4QQQgghhBBCFEV0cgapmdmoVdDA0yHf8bPhifnagoY25eexLfmstTlr7RajUnRQrw+4N3wEM358qZT7FTl7QiQmJmJvb09CQkK+wFN6ejohISFUrVq1VArjiydLcnIylStXZuXKlfTq1euhjiU/q0IIIYQQQgghiuJoaCwvLj1AZQdLpnT1Y+y6E0bHx3fwYeGuy4bXb3WqybgOPnDpD9g4GLRp4FoPhv3xn6xD/yD3ixPdS5aCCvEQ6HQ67ty5w7x583BwcOD5558v6ykJIYQQQgghhBAAhMbol4F6V7DCyco83/EztxIACKjjSt+nPWnr6wzRl+D7ofqgWtU20OvrchlUKy5ZCiqKZNSoUdjY2BT4KEn9tcKsXbu20HHq1KlTKmPUqVOn0DHWrl1bKmOEhYVRqVIl1q1bx4oVKzA1lRi2EEIIIYQQQojHw5WoZABquNjgkCewVs1ZHyj764p+c74GXg6083NBlZ0JPw6DrBSo2hoGbgJb10c/8ceQfNoXRTJz5kzefvvtAo89KC2yOJ5//nmaNWtW4DEzM7NSGWPr1q1kZWUVeKxSpUqlMkaVKlWQVdZCCCGEEEIIIR5HuTuC+rjYUMvNljc71qRKRSvWHgzjWnSKYeOCjrVyaonv+RQi/gGrCtBrOZhIOCmXvBOiSFxcXAoszl/abG1tsbW1fahjeHt7P9TrCyGEEEIIIYQQj7PLORlrPpVsUalUvNHRB4BfT93dHbS+hz01XGwhMRwOfqVv7L5QMtXuIUtBhRBCCCGEEEIIIcqJc+GJdJi3h9/P3C7weHpWNjfi9DXWarjYGB2LTs4wPP9fFz+IvwHr+oI2Hbz8wa/bw5v4f5QE1oQQQgghhBBCCCHKiQkbTnA1OoVRa44b2rTZOlIztQDcjEtFUcBWY0oFa+ONC9rWdAagtpsdz1SvCJtehYjTYGoJz30OKtWju5H/CFkKKoQQQgghhBBCCFFOpGVl52sbFHiYs+EJ7JvcjhuxaQB4OFmhuidQNqxlVbwrWNGlrhuEn4CwA4AKBv8CLrUexfT/cySwJoQQQgghhBBCCFFOmJsYL05UFIUD12IA2H420hB483KyzHeuvaUZvRp56F8cXKr/Wu8l8Gz68Cb8HyeBNSGEEEIIIYQQQohywtzUxOh1cobW8DwxPYvbCekAeDpaFX6RpAg486P+efNRpT7H8kRqrIlSExwcTL169TAzM6NHjx5lPZ1HbsiQIU/kfQshhBBCCCGEeHyYmxqHemJTMg3PP/rtPKduxAPgVeE+gbXDy0GXpd+woHLjhzHNckMCa+XYkCFDUKlUjBqVP7o8ZswYVCoVQ4YMMWo/cOAAJiYmdOtW/J0+Jk6cSIMGDQgJCSEoKKiEs36wr7/+mrZt22JnZ4dKpSI+Pj5fn9jYWAYMGICdnR0ODg4MHz6c5ORkoz6nT5+mVatWWFhY4OnpyezZsx/anIUQQgghhBBCiEdBc5/AGsDR63EANPR0LPgCmalwNFD/3H9Mqc+vvJHAWjnn6enJ+vXrSUtLM7Slp6ezbt06vLy88vUPDAxk3Lhx7Nu3j/Dw8GKNdfXqVdq3b4+HhwcODg4lmm9mZuYD+6SmphIQEMC7775baJ8BAwZw9uxZduzYwZYtW9i3bx8jR440HE9MTOTZZ5/F29ubY8eOMWfOHGbMmMHXX39donkLIYQQQgghhBCPgwcF1kC/I2htd7uCL3DqO0iLA8cq4Nv1IcywfJHAWjEpikJqVmqZPBRFKfZ8GzVqhKenJ5s2bTK0bdq0CS8vLxo2bGjUNzk5mQ0bNvD666/TrVu3ImedhYaGolKpiImJYdiwYahUKsO5e/fupWnTpmg0Gtzc3HjnnXfQau+u727bti1jx45lwoQJVKxYkc6dOz9wvAkTJvDOO+/QvHnzAo+fP3+e33//nW+++YZmzZrRsmVLFi1axPr16w3BwrVr15KZmcmKFSuoU6cOL7/8MuPHj2f+/PlFuufs7GwmTpyIg4MDFSpUYPLkyfm+P7///jstW7Y09Hnuuee4evWq4Xj79u0ZO3as0TnR0dGYm5uza9cuAL788kt8fHywsLCgUqVKvPjii0WanxBCCCGEEEKIJ9O9mxfEFBBY869eARO1Kl87Oh0c/FL/vNnroDbJ30cYkc0LiilNm0azdc3KZOxD/Q9hZXafNdCFGDZsGCtXrmTAgAEArFixgqFDh7Jnzx6jfhs3bsTPzw9fX18GDhzIhAkTmDJlSr7td+/l6enJ7du38fX1ZebMmfTt2xd7e3tu3bpF165dGTJkCN9++y0XLlzg1VdfxcLCghkzZhjOX7VqFa+//jrBwcHFvreCHDhwAAcHB5o0aWJo69ixI2q1mkOHDtGzZ08OHDhA69atMTc3N/Tp3Lkzn332GXFxcTg6FpISm2PevHkEBQWxYsUKatWqxbx589i8eTPt27c39ElJSWHixIk89dRTJCcnM336dHr27MnJkydRq9WMGDGCsWPHMm/ePDQaDQBr1qyhcuXKtG/fnqNHjzJ+/HhWr17NM888Q2xsLPv37y+V90gIIYQQQgghRPmUt8aaTqcQlxNY61ynEn+cjQTgpSaeBZ98eTvEXAGNPTQc8NDnWh5IYO0JMHDgQKZMmcL169cB/SYD69evzxdYCwwMZODAgQAEBASQkJDA3r17adu27X2vb2JigqurKyqVCnt7e1xdXQF9tpWnpyeLFy9GpVLh5+dHeHg4//vf/5g+fTpqtf4/dh8fn1KtbxYREYGLi4tRm6mpKU5OTkRERBj6VK1a1ahPpUqVDMceFFj74osvmDJlCr169QJg6dKl/PHHH0Z9evfubfR6xYoVODs7c+7cOerWrUuvXr0YO3YsP//8M3369AEgKCjIUBsvLCwMa2trnnvuOWxtbfH29s6XZSiEEEIIIYQQQuSVN7CWlpVNdFIGAB6OVnzwfB2iktLp4OdS8MkHFuu/Nh4MGtuHPdVyQQJrxWRpasmh/ofKbOyScHZ2NiztVBSFbt26UbFiRaM+Fy9e5PDhw2zevBnQB6L69u1LYGDgAwNrhTl//jz+/v5GGW8tWrQgOTmZmzdvGmq8NW7839phJCEhgdu3b9Os2d3MRVNTU5o0aWK0HPTy5ctMnz6dQ4cOcefOHXQ6HQBhYWHUrVsXCwsLBg0axIoVK+jTpw/Hjx/nzJkz/PLLLwB06tQJb29vqlWrRkBAAAEBAfTs2RMrq+JnLQohhBBCCCGEeDKYqu8G1lIytRy4FgNALTc7XmzsUfiJkecgdD+oTKDZaw97muWGBNaKSaVSlWg5ZlkbNmyYoZ7XkiVL8h0PDAxEq9Xi7u5uaFMUBY1Gw+LFi7G3t39oc7O2ti7V67m6uhIVFWXUptVqiY2NNWTTubq6EhkZadQn93Vun3+re/fueHt7s3z5ctzd3dHpdNStW9dog4YRI0bQoEEDbt68ycqVK2nfvj3e3t4A2Nracvz4cfbs2cP27duZPn06M2bM4MiRIyXeHEIIIYQQQgghRPmmy5vwEZnM2fBE1Cpo5+t8/xNPb9B/9e0C9vcJwAkjsnnBEyIgIIDMzEyysrLybRCg1Wr59ttvmTdvHidPnjQ8Tp06hbu7O999912JxqxVqxYHDhwwyuIKDg7G1tYWD4+H9x+pv78/8fHxHDt2zND2559/otPpDFlm/v7+7Nu3j6ysLEOfHTt24Ovr+8BloPb29ri5uXHo0N3MRa1WazReTEwMFy9eZNq0aXTo0IFatWoRFxeX71r16tWjSZMmLF++nHXr1jFs2DCj46ampnTs2JHZs2dz+vRpQkND+fPPP4v3hgghhBBCCCGEeGJodXc/gy/cdRmAZ6pXpIKNpvCTdDr45wf986f6PMzplTuSsfaEMDEx4fz584bneW3ZsoW4uDiGDx+eLzOtd+/eBAYGMmrUqGKPOXr0aL744gvGjRvH2LFjuXjxIu+//z4TJ0401FcriYiICCIiIrhy5QoA//zzD7a2tnh5eeHk5EStWrUICAjg1VdfZenSpWRlZTF27FhefvllQ0Ze//79+eCDDxg+fDj/+9//OHPmDAsWLODzzz8v0hzeeOMNZs2ahY+PD35+fsyfP5/4+HjDcUdHRypUqMDXX3+Nm5sbYWFhvPPOOwVeK3cTA2tra3r27Glo37JlC9euXaN169Y4OjqydetWdDodvr6+JXznhBBCCCGEEEKUd9k5ZYgADoXEAjC8ZdXCuuuF/Q2JN/WbFvh0vn9fYUQy1p4gdnZ22NnZ5WsPDAykY8eOBS737N27N0ePHuX06dPFHq9y5cps3bqVw4cPU79+fUaNGsXw4cOZNm1aieafa+nSpTRs2JBXX30VgNatW9OwYUNDbTKAtWvX4ufnR4cOHejatSstW7bk66+/Nhy3t7dn+/bthISE0LhxY9566y2mT5/OyJEjizSHt956i0GDBjF48GD8/f2xtbU1Coqp1WrWr1/PsWPHqFu3Lm+++SZz5swp8Fr9+vXD1NSUfv36YWFhYWh3cHBg06ZNtG/fnlq1arF06VK+++476tSpU6z3SwghhBBCCCHEkyMrW8nXVsPF5v4nHQvSf63dHcws7ttVGFMpedfpPaESExOxt7cnISEhX+ApPT2dkJAQqlatahT0EKK0hIaGUr16dY4cOUKjRo1KfB35WRVCCCGEEEIIMSzoCH9eMK47fuHDACzMTAo+IS4UFjUGnRZG7gX3Bg99jo+7+8WJ7iVLQYUoI1lZWcTExDBt2jSaN2/+r4JqQgghhBBCCCEEGNdYA7DRmBYeVAPYM0sfVKvWToJqJSBLQUWRjBo1ChsbmwIfJam/Vpi1a9cWOs6jXAJZ2BxsbGzYv39/qYwRHByMm5sbR44cYenSpaVyTSGEEEIIIYQQT7a8NdYAKtiYF945NRbO/Kh/3v7flW16UknGmiiSmTNn8vbbbxd47EFpkcXx/PPPG3buvJeZmVmpjfMgJ0+eLPRY5cqVS2WMtm3bIiuxhRBCCCGEEEKUJu09NdYq3m830LObITsTKtWFyo0f8szKJwmsiSJxcXHBxcXloY9ja2uLra3tQx/nQWrUqFHWUxBCCCGEEEIIIYotW3dvYO0+GWtnNum/PtUXVKqHOKvyS5aCCiGEEEIIIYQQQpQTWfkCa4VkrCXehuvB+ud1ej7kWZVfElgTQgghhBBCCCGEKCfurbFW38Oh4I7nfgYU8GgKDp4PfV7llQTWhBBCCCGEEEIIIcqJe2ustapZseCOZzfrv9bt9ZBnVL5JYE0IIYQQQgghhBCinMhbY61bPTfc7C3zd0q4CTcOAiqo3eORza08ks0LhBBCCCGEEEIIIcqJ3MDa96P8ebqKU8Gdzv6k/+r9DNi5PZqJlVOSsSZKTXBwMPXq1cPMzIwePXqU9XQeubZt2zJhwoSynoYQQgghhBBCiCeYNiewZqK+zy6fZ3N2A5VNC/41CayVY0OGDEGlUjFq1Kh8x8aMGYNKpWLIkCFG7QcOHMDExIRu3boVe7yJEyfSoEEDQkJCCAoKKuGs7y82NpZx48bh6+uLpaUlXl5ejB8/noSEBKN+KpUq32P9+vVGffbs2UOjRo3QaDTUqFHjoc1ZCCGEEEIIIYR4VLTZ+s0LTAsLrEWehVvHQKWG2i88wpmVTxJYK+c8PT1Zv349aWlphrb09HTWrVuHl5dXvv6BgYGMGzeOffv2ER4eXqyxrl69Svv27fHw8MDBwaFE883MzLzv8fDwcMLDw5k7dy5nzpwhKCiI33//neHDh+fru3LlSm7fvm145M2iCwkJoVu3brRr146TJ08yYcIERowYwR9//FGieQshhBBCCCGEEI+D3Iw1U3UhIZ8DS/Rfaz0PNi6PaFbllwTWiklRFHSpqWXyUBTlwRO8R6NGjfD09GTTpk2Gtk2bNuHl5UXDhg2N+iYnJ7NhwwZef/11unXrVuQMrtDQUFQqFTExMQwbNgyVSmU4d+/evTRt2hSNRoObmxvvvPMOWq3WcG7btm0ZO3YsEyZMoGLFinTu3Pm+Y9WtW5cff/yR7t27U716ddq3b8/HH3/Mr7/+anRdAAcHB1xdXQ0PCwsLw7GlS5dStWpV5s2bR61atRg7diwvvvgin3/+eZHuOSUlhVdeeQUbGxvc3NyYN29evj6rV6+mSZMm2Nra4urqSv/+/YmKigL0P0c1atRg7ty5RuecPHkSlUrFlStXUBSFGTNm4OXlhUajwd3dnfHjxxdpfkIIIYQQQgghnky5NdZMTQrIWIu5CqdyVnM9M+4Rzqr8ks0LiklJS+Nio8ZlMrbv8WOorKyKfd6wYcNYuXIlAwYMAGDFihUMHTqUPXv2GPXbuHEjfn5++Pr6MnDgQCZMmMCUKVNQqe6zLht9Vtzt27fx9fVl5syZ9O3bF3t7e27dukXXrl0ZMmQI3377LRcuXODVV1/FwsKCGTNmGM5ftWoVr7/+OsHBwcW+N4CEhATs7OwwNTX+cR4zZgwjRoygWrVqjBo1iqFDhxru5cCBA3Ts2NGof+fOnYtcI23SpEns3buXn3/+GRcXF959912OHz9OgwYNDH2ysrL48MMP8fX1JSoqiokTJzJkyBC2bt2KSqUyfF/efvttwzkrV66kdevW1KhRgx9++IHPP/+c9evXU6dOHSIiIjh16lSJ3iMhhBBCCCGEEE+G+9ZY2z8PlGyo0RE8mjzimZVPZZqxtm/fPrp37467uzsqlYqffvopX5/z58/z/PPPY29vj7W1NU8//TRhYWGG4+np6YwZM4YKFSpgY2ND7969iYyMfIR38fgbOHAgf/31F9evX+f69esEBwczcODAfP0CAwMN7QEBASQkJLB3794HXt/ExARXV1dUKhX29va4urpiaWnJl19+iaenJ4sXL8bPz48ePXrwwQcfMG/ePHQ6neF8Hx8fZs+eja+vL76+vsW6tzt37vDhhx8ycuRIo/aZM2eyceNGduzYQe/evRk9ejSLFi0yHI+IiKBSpUpG51SqVInExESjZbMFSU5OJjAwkLlz59KhQwfq1avHqlWr8mXMDRs2jC5dulCtWjWaN2/OwoUL2bZtG8nJyYC+Bt7Fixc5fPgwoA/ErVu3jmHDhgEQFhaGq6srHTt2xMvLi6ZNm/Lqq68W6/0RQgghhBBCCPFkydBmAwXUWEuKgNMb9M/bTnnEsyq/yjRjLSUlhfr16zNs2DB69eqV7/jVq1dp2bIlw4cP54MPPsDOzo6zZ88aLel78803+e233/j++++xt7dn7Nix9OrVq8TZTw+isrTE9/ixh3LtooxdEs7OzoalnYqi0K1bNypWrGjUJzfAs3nzZgBMTU3p27cvgYGBtG3btkTjnj9/Hn9/f6OMtxYtWpCcnMzNmzcNNd4aNy5ZBmBiYiLdunWjdu3aRhlwAO+9957hecOGDUlJSWHOnDmlspTy6tWrZGZm0qxZM0Obk5NTvqDgsWPHmDFjBqdOnSIuLs4QTAwLC6N27dq4u7vTrVs3VqxYQdOmTfn111/JyMjgpZdeAuCll17iiy++oFq1agQEBNC1a1e6d++eLzNPCCGEEEIIIcSTRZut40JEErXc7Iwy0z77/QLpWfrPnvky1o6vBp0WPJtLtlopKtNP6F26dKFLly6FHp86dSpdu3Zl9uzZhrbq1asbnickJBAYGMi6deto3749oF9KV6tWLQ4ePEjz5s1Lfc4qlapEyzHL2rBhwxg7diwAS5YsyXc8MDAQrVaLu7u7oU1RFDQaDYsXL8be3v6hzc3a2rrY5yQlJREQEICtrS2bN2/GzMzsvv2bNWvGhx9+SEZGBhqNBldX13yZjZGRkdjZ2WFZwgBmXikpKXTu3JnOnTuzdu1anJ2dCQsLo3PnzkYbNIwYMYJBgwbx+eefs3LlSvr27YtVzs+Xp6cnFy9eZOfOnezYsYPRo0czZ84c9u7d+8D7FUIIIYQQQghRfn2+8xJLdl9lYqeajO/gY2j/as9Vw3OjzQt02XAsSP/86fyb//0bMWkx7ArbRW+f3pioTUr12v8Fj+3mBTqdjt9++42aNWvSuXNnXFxcaNasmdFy0WPHjpGVlWVUK8vPzw8vLy8OHDhQ6LUzMjJITEw0epR3AQEBZGZmkpWVlW+DAK1Wy7fffsu8efM4efKk4XHq1Cnc3d357rvvSjRmrVq1OHDggNGmC8HBwdja2uLh4VHie0lMTOTZZ5/F3NycX375xSiDsTAnT57E0dERjUYDgL+/P7t27TLqs2PHDvz9/R94rerVq2NmZsahQ4cMbXFxcVy6dMnw+sKFC8TExDBr1ixatWqFn5+fYeOCvLp27Yq1tTVfffUVv//+u2EZaC5LS0u6d+/OwoUL2bNnDwcOHOCff/554ByFEEIIIYQQQpRfS3brA2jzd9z9HBqRkG7Uxyhj7couSLwJlk763UBL0efHPufDgx/y/t/vl+p1/yse28BaVFQUycnJzJo1i4CAALZv307Pnj3p1auXoe5XREQE5ubmODg4GJ1bqVIlIiIiCr32p59+ir29veHh6en5MG/lsWBiYsL58+c5d+4cJibGEeQtW7YQFxfH8OHDqVu3rtGjd+/eBAYGlmjM0aNHc+PGDcaNG8eFCxf4+eefef/995k4cSLqwrb9fYDcoFpKSgqBgYEkJiYSERFBREQE2dn6deS//vor33zzDWfOnOHKlSt89dVXfPLJJ4wbd3fHk1GjRnHt2jUmT57MhQsX+PLLL9m4cSNvvvnmA+dgY2PD8OHDmTRpEn/++SdnzpxhyJAhRvfk5eWFubk5ixYt4tq1a/zyyy98+OGH+a5lYmLCkCFDmDJlCj4+PkaBvaCgIAIDAzlz5gzXrl1jzZo1WFpa4u3tXaL3TgghhBBCCCFE+XXyRrzRa7O8u4KeXKv/+lRfMHtwckpRnYg6wc9XfwbgJd+XSu26/yWPbWAttx7VCy+8wJtvvkmDBg145513eO6551i6dOm/uvaUKVNISEgwPG7cuFEaU37s2dnZYWdnl689MDCQjh07Frjcs3fv3hw9epTTp08Xe7zKlSuzdetWDh8+TP369Rk1ahTDhw9n2rRpJZo/wPHjxzl06BD//PMPNWrUwM3NzfDI/T6amZmxZMkS/P39adCgAcuWLWP+/Pm8//7d6HnVqlX57bff2LFjB/Xr12fevHl88803+bL5CjNnzhxatWpF9+7d6dixIy1btjSqFefs7ExQUBDff/89tWvXZtasWcydO7fAaw0fPpzMzEyGDh1q1O7g4MDy5ctp0aIFTz31FDt37uTXX3+lQoUKxX3bhBBCCCGEEEKUI1bmdxNmdDm7gF6NTjbqY8hYS4uDi1v1zxv0K7U5aHVaPjr4EQC9fXpT37l+qV37v+SxrYJesWJFTE1NqV27tlF7rVq1+OuvvwBwdXUlMzOT+Ph4o6y1yMhIXF1dC722RqMxLAksz4KCgu57vKBdWO/VtGlTo6Wc9xMfH5+vrU2bNoZdLwuyZ8+eIl07V9u2bR84n4CAAAICAop0rRMnThRr/Fw2NjasXr2a1atXG9omTZpk1Kdfv37062f8S6ugud+6dQszMzNeeeUVo/YePXrQo0ePEs1PCCGEEEIIIUT5Za0xJTVTv2orPCEND0crbsWnGfUx1Fg78yNkZ4JLHXB9qtTm8N2F77gUdwl7jT1vNHqj1K77X/PYZqyZm5vz9NNPc/HiRaP2S5cuGZbCNW7cGDMzM6NaWRcvXiQsLKxItbKEKEsZGRncvHmTGTNm8NJLL1GpUqWynpIQQgghhBBCiMecoigkpGUZXkcm6mur3YozDqyZqFWgKHBslb6hQX9Q3bNTaAldibvCkpP6jREnNJqAo4VjqVz3v6hMA2vJycmGQvkAISEhnDx5krCwMECfAbRhwwaWL1/OlStXWLx4Mb/++iujR48GwN7enuHDhzNx4kR2797NsWPHGDp0KP7+/g9lR9An2ahRo7CxsSnwMWrUqFIbZ+3atYWOU6dOnVIb537CwsIKnYONjY3h5/Pf+u677/D29iY+Pt5o51shhBBCCCGEEKIwey9Fk6nVGV5HJ2UCFJCxpoLw4xBxGkw0+sBaKbgWf43h24eTkpVCQ5eG9PLpVSrX/a8q06WgR48epV27dobXEydOBGDw4MEEBQXRs2dPli5dyqeffsr48ePx9fXlxx9/pGXLloZzPv/8c9RqNb179yYjI4POnTvz5ZdfPvJ7Ke9mzpzJ22+/XeCxguq2ldTzzz9Ps2bNCjxmZmZWauPcj7u7uyHYW9jx0jBkyBCGDBlSKtcSQgghhBBCCPFkGLLyiNHrmJQMFEXJl7GmVqvg6Er9i9ovgJXTvx47LDGM4duHE5sei5+TH4vaL0KtemwXQz4SKqWoBbTKscTEROzt7UlISMgXJEpPTyckJISqVatiYVF6O2cIUdrkZ1UIIYQQQgghyresbB0+U7cZtQ1o5sXpmwn8cysBgPoe9ng4WrGkd3WY5wdZqTB0G3g/86/GjkqN4pVtr3Ar+RY1HWsS+GwgDhYO/+qaj6v7xYnu9dhuXvC4kfijeNzJz6gQQgghhBBClG8RCemG5zVcbLgSlczaQ3fLFbnYavh5bM4qv8PL9UE1Zz/w+nd16BMyEnhtx2vcSr6Fp60nyzotK7dBteJ6svP1iiB3+WFqamoZz0SI+8v9GX1US2aFEEIIIYQQQjx8UYnp7L0UjTZbx404/ee+ahWtGdTcO1/fyo6W+ie6bDig31yAJsP/1aYFWp2WN/e8yZX4KzhbOvN1p6+paFmxxNcrbyRj7QFMTExwcHAgKioKACsrK1SltIuGEKVBURRSU1OJiorCwcEBExOTsp6SEEIIIYQQQohS8r8fT7P7YjQADb0cAH0ArYKNeb6+ZiY5+VMXtkBcCFg4QMMB/2r8hccXciTiCFamVizttBQPW49/db3yRgJrReDq6gpgCK4J8ThycHAw/KwKIYQQQgghhCgfcoNqACfC4gHwcLTiqcoO+fpmZefsFnroa/3Xp0eAuXWJx95xfQcrz+o3QPio5UfUdKxZ4muVVxJYKwKVSoWbmxsuLi5kZWWV9XSEyMfMzEwy1YQQQgghhBCiHNKYqsnQ6ozaPBwt8apgxdyX6rN071WuRCUD0NjLEdLiIeyAvmOjQSUe91rCNab9NQ2AIXWG0Mm7U4mvVZ5JYK0YTExMJHghhBBCCCGEEEI8wXQ6hYjEdNzsLR5JqSgLM5MCA2sALzb24MXGHpwLT+SXU+GMaVcdrm0FJRsq+IBjlRKNmZKVwpu73yRVm8rTrk/zRqM3/u1tlFuyeYEQQgghhBBCCCFEES3dd5VnZv3JtjMRD30sRVFISs+/ci43sJartrsd73Txw9bCDK7s0jfW6FDiMacHT+dawjVcLF2Y3Xo2pmrJyyqMBNaEEEIIIYQQQgghimj27xcBmPbTmYc+VkpmNjolf3tlB6uCT1AUuPqn/nn1kgXWVp9bzfbr2zFVmzKv7TzZAfQBJLAmhBBCCCGEEEIIUQTh8WmG545WZg99vMS0/NlqZiYqXGw1BZ9w+yQk3AATDVRpUezxjkUeY/6x+QBMajKJBi4Nin2NJ40E1oQQQgghhBBCCCGKYMy644bn6Vm6+/QsHUnp2nxtrvYWqNWF1HY7vlr/tVb3Yu8GmpSZxJT9U8hWsulWrRv9/PoVd7pPJAmsCSGEEEIIIYQQQhTBpYgkw/PwhDTSs7If6niJOfXV3O0tDG2OVuYFd85Kg39+0D8vwW6gsw7P4nbKbSrbVOa95u89ko0ZygMJrAkhhBBCCCGEEEI8QHpWNimZdwNpigJRiRkPdczcjQsq5ln6aWdRyBLUc79ARgI4eEGV1sUaZ9f1Xfxy9RdUqPik5SdYmxUv2+1JJoE1IYQQQgghhBBCiAeIT9UHuUzUKuwt9cGtzOyHuxw0JjkTAFuLu7ty2hdW2+1EzjLQBgNBXfRwz520O3xw4AMAhtYdSqNKjUo22SeU7JcqhBBCCCGEEEII8QCxKfogV96lmFkPKbB25lYC0UkZrAwOBcDN3tJwLDeoZyT+BoTuB1TQoH+Rx1EUhRl/zyAuI46ajjUZ02DMv5z5k0cCa0IIIYQQQgghhBAPEJeqD6w5WZuRnLOpwMMIrOl0Cs8t+svw2sHKjDc6+BCXksmuC1EM9q+S/6Szm/VfvVuAg2eRx9p0eRN7b+7FTG3Gp60+xdykkPptolASWBNCCCGEEEIIIYR4gLwZaxlafUDtYQTWEtKyjF4HDW2Kp5MVywY1Ji41C+c89dYMzm7Sf63bs8jjhCaEMvvIbADGNRxHTceaJZ7zk0xqrAkhhBBCCPEfoCgKs3+/wDf7r5X1VIQQ4okUb8hYM8fMRB9OydQqpT5OTMrdDRF6NHCngacDAKYm6oKDarHXIPwEqNRQ64UijZGRncHbe98mVZtKk0pNeKX2K6Ux9SeSBNaEEEIIIYT4D7gSlcyXe67y0W/nCY9PK+vpCCHEEyc2RZ9J5mB1N7CWN2PtUmQS3x4IJVv374Jtd3I2LLDRmDLnpfoPPiF3GWjVNmDjXKQxZh+ezcW4izhZOPFZ688wUZuUdLpPPFkKKoQQQgghxGNOm63janSK4fXWf24zolW1MpyREEI8eW4n6P+o4WyrwcxEBYBWdzew1nXBfrQ5QbVXCqqDVkS34vTj+LnaGgJ493UmJ7BWt1eRrv976O9svLQRgE9afoKLlUuJ5in0JGNNCCGEEEKIx0y2TuHY9Vhuxafx5Z4r1P9gO4t3XzYcP3UzoQxnJ4QQT6ZrOX/gqO5sXeBS0Nyg2o5zkSUe43pMCm99fwqACjZF2Egg+hJE/gNqU/B77oHdbyTeYMbfMwAYUW8ELSq3KPFchZ5krAkhhBBCCPEYURSFwSsO89eVO5ioVYYlRWduJRr63EnKKOx0IYQQD8m1O8kAVKtoY8hYK2jzgtylnCXx47GbhufW5kUI2eRuWlC9PVg53bdrli6Lt/e9TUpWCo1cGjGmwZgSz1PcJYE1IYQQQgghHiP7Lt/hryt3AAqt03MnueDA2qFrMXx74DoVbcwZ0NybmpVsH9o8hRDiSZKQmmUImFXNk7GWG1hLz8o29I1NKfkfPxLTtYbnV++k3KcnoNPBqe/0z+u++MBrLz+9nHMx57DX2PNZ688wVUtIqDTIuyiEEEIIIcRjICg4hGrONmz753aBx19rU40srcKK4JACA2uKotD364OG18fC4tgyrlWpz1NRFFQqValfVwghHmfnbuuzht3sLbDRmGJ+T2AtJuVullpMciY6nYJaXbzflT8cu0nQ36GG16+3eUAtzet/QVwoaOygVvf7zz/mHMtPLwdgarOpuFq7FmtuonBSY00IIYQQQogydvBaDDN+PccrKw4TGqPPUGhaxXhJz6jW1RndrjoAcalZaO9ZfvTPLeO6a3mXjuYa+e1R2s7ZTXKGNt+xotDpFF5ceoARq46U6HwhhPgvuhyZRL/l+j9cNKuq/91smrMUNDNbn1kck+cPHlqdwp0SZK0t/vNuLc3JAb50rvOA4NeJNfqvdXuDuVWh3TKzM5n611S0ipZO3p0IqBJQ7LmJwklgTQghhBBCiDJ2/vbdIFhYTCoAjas4GtpM1SrsLc1wtDInNwEiNsW4hs+lyGSj12oVHLsea1ieFB6fxvZzkYTGpHIkNLZE8wyJSeHY9Th2no8iU5u/rpAQQpRHm07cMjxvUaMigGEpqLaAjDWAiIT0Yo9Tw+Xu8v3ejTzunx2cFg/nftY/bzjovtf94vgXXIm/gpOFE9OaT5Os41ImgTUhhBBCCCHKWGLa3Qyy8JwPY0/nCaw5WZujVqswUatwstYAEHXPBgZJ6VkAvFTbkmdNT9BGdYJNX3/I0rUbAdh0/G5B7JuxqSWap0meD2OpmSXLehNCiP+a2DybETybk0V271LQ6Ht+J7++5nihdTIfZFBzbyrZWdy/05kfQZsOLrWhcqNCu/0e+jurz60GYIb/DJws7r/BgSg+qbEmhBBCCCFEGUtIyzJ6bWVuQi03O8PrCjYaw/PKjpbcSc7grY2nWDaoMVUqWgP64Nybpj8w7tpm1KZ5PsyFriB582G+PNoOMAHgxI14BvkXf5465e51UzKzcSh85ZEQQpQbsan6wNrHPetib2kGkGfzAv3vxS2njetj3opPY8e5SALqVILIs6CxAccq9x0nN8O4sbfjffsBd5eBNhwIhWSgXY2/yvTg6QAMqzuMdl7tHnxdUWySsSaEEEIIIUQZOnMrgRXBIUZtNVxsqGijMXxWquxwN3NhQgcfAC5GJhG0+xS6pCjQZeMTtoE3TDehRiHS1J1Lusoc0vkBYHNqBT+avMsSsy+YY7qU0BO72VrIJgn3k/sBEiC1hHXahBDivya3floF67t/5DAzzamxptURlZTOvkvRqFRgaab/A4YaHY7XfoGlLWFpC1jQAH5/FzILzxhOywmsWeRco1CRZyH8OKjN4Km+BXZJzkxmwu4JpGnTaObajHENxxX1dkUxScaaEEIIIYQQhYhKSudwSCxd67oVe3e3oioowNWiRkXMTNTM6lWPW3FpDG1R1XCsnZ8LI+uqqHdxAZ3PHEF9Vv9BrGvO8cPeI9laYYhhZ7n26uMstfqaWtob1OIGAC+Z7uPs5nVkW87GpEbRMxjy1lVLycwu5p0KIcR/U279tIo25oY2U/XdpaD/3NRvHlPD2YYx7Wrw2/ffMNV0LVWOR+a5igIHl8Cl36HHV+DVLN84qTm/V63MHxBYy81W8+0C1hUL7DLzwExCE0NxsXLhs9afYaqW8M/DIu+sEEIIIYQQBdh9IYqhQfrdL19rk4C1uSmj2lTH3LR0F30UVIGnZU5x7L5Pe+U/mHKH8bcmYWNy06g5GzXLtV2x9h2Nd56L/qlrRFCD77h9YD0NPO3p4hwLpzdSR3cJ1vSAVm9D+2mFLiXKKzPPTqSSsSaEeFLE5NRYy7ssP/f/BVnZOk7nBNbqVbbj+ZQfeN78c9QopJraY9VqLAn1hmITfRyTLW9A7FVYGQCDNkO1tkbj5C4FtbxfYE2bAafW658XsmnBjus72Ba6DROVCfPbzqeCZYWS3LYoIlkKKoQQQgghxD0SUrN4bfUxw+tle68xf8clFv15GYAVf4Xw5oaTZGj/fdZW7gepvHwq2RTcWZsJG1/BJu0mN5WK9MucSt30b1AmnGF45Z+Ype2PraU5Xk7Gxc+OxlqwMrsLF6sMwrz3V4xzXc06bXv9wf1z4dDSIs1VMtaEEE+a9KxsknP+kFAhT8aamYn+jxFZ2Qr7L0cDMCjjO9Q7p6NG4TttOz7z+4E1mr7Un32Y9r+Ykz7yb/B7DhQdbJ8GOuPdldNyfq9a3m8p6PlfIS0WbN2hRod8h6/FX+Ojgx8B+rpq9Z3rl/zmiygrMpJbkyeTnZz84M7lkATWhBBCCCGEuEfw1TtG2Vm5Fv15hQ1Hwpi55RybT9zi+6M3Czi7eAoKrFXMU8fHyO//g+vBaM1sGJz5Pw7o6pCMFelW7sRm6D+I2Vma5ttN7mx4IgDOtvrrVnL34l3tCD7KGqDv8MdUuLr7gXPNypuxJruCCiGeALnLQM1N1Nhq7i76y928YP/laDJunGSl+RwaXlsGwFHfiUzRjiAq3YQ/L0QBcD0mlZtpZvD8IjC3hYh/4NxPRmPl/l4tNGMt4Sb88a7+eaNBoDbudzzyOEP/GEpseix+Tn6Mqj/qX917UWRFRRE2eAiJv/xKxPTpD328x5EE1oQQQgghhLjH/st3AKjubJ3v2E8nwg3PD16L+ddjpRWQ+VVgPbcrO+HoCkDFrfYLuapUNhyKT8skMWdnUVsLM+q429Gr0d3jt+LTgLuBtSZVnAD4Jrsrv6nbgpINa1+CHe9D1PlC55o3Yy1ZloIKIcq587cT2XVeXyetkr0GVZ4l82YmaszJom/c1/ymeZd26hOgMoFOM7ld+1VARUxKJpejkgznpGXqwMoJnsnZSGD3x5Ct/13654VIEtNzAmsFZaylxsLqXpAcCc61oOWbhkPZumyWnVpmCKrVrlCbrzt9jbmJef7rlCJtdDRhQ4aSGRqKqbsbzhPfeqjjPa4ksCaEEEIIIcQ9Qu+kANCrkYehbcgzVQA4FhZnaDtzK6FE1//nZgJJ6fpAWHpW/sy4fLSZsO1/+ufNX8fEr4vR4Qu3kww1gOwszFCpVMzv04AXGrgb9auYUx+oa11XxrSrDqiYmDqErOrPgi4Lgr+AL5vDty9AYjj3MspYy5CloEKI8mvfpWi6LNjP9J/PAlDZwdLouGNWND+ZT2ek6W8AXKkUAGOPQIs3qGCtD2jdikvjZlya4ZzcXT/xHw1WFSDmCpz6DoBhQUcN/QrcvGDXB3DnIthVhgHfg5l+PnfS7vDajtdYfHIxOkVH92rdWdl5JY4WjqXzRhQiKzKS64NeIfPaNUzd3PD+9lvMPSo/+MRySAJrQgghhBBC3CMyMR2ARl6OvNWpJlO6+NHOzwUwztqKTsoo9rW3/XOb7ov/YtpPZ4A8H7Tu5+CX+g9g1i7Q9h3sLM2MDg8NOkJSTgaZrcXdpUoejsYfBD1zaq+Zmqh52d8ac8dDKBX38rlPSxY168f0KrWYUbEi38Qc51JQZ5SEW0bn510em/IIloIu2nWZQYGHSqWWnRBCFNXfV+/wyorDRm2VHfLUrlQUOv/zBrXV17mj2DE88y0iOy2BCtUBcMqpxXYrPg0lz2Yyht/3Gtu7GWd7Z+v/eJKHxb0Za1Hn4fhq/fPegeDgCcDF2Iv0+60fhyIOYWlqycctP+aTVp9gZWZcZ7O0Zd64wfWBgwyZat6rgjD38HjwieWU7AoqhBBCCCFEHlnZOkOGgau9BeM6+AAFZ6elZGaTkqHFWlP0f1Z/vFW/1PLnk+EseLmh4YPWyNbVOBIay9SutYxPSAyHfXP0zzt9ABb22OgK2ktUv0udi+3d+mwejlZGx9Qm8Sw+EcjWkK3cSLqBxlV/bPXFnE4qwNYKsGIBUP3nHkzq8AUtKrcAjIOKJ2/EF/mei+NSZBKTfjjNW51qMm/HJQC2/RNBj4ZPZiaEEOLR251TFy0vF7s8tS+vB1Mh6SKpioYemR9yU3Fmjpud4bCbvWW+8+Gepf9NhsPfiyEhjKyjq4C7GcaavLtPKwr8PkW/ZL9Wd/D2B2Dvjb1M3jeZVG0qVeyqsKD9AqrZVyvZDRdDyuHD3Br/Btnx8Zh5euIdtBKzyk/272cJrAkhhBBCCJFDm63j2c/3GTKzXPNsApC7jPJe0UkZWGtMOXMrgSoVrbG5T5BNp1MM2XAAi/+8bNi8oFlVJ969N6gGsGM6ZCaDR1N46mWgkBps6D+MmZrc/UDm6WgFqgxMra9g53KaLpunkK3oxzNVmZKd5kVGmgvdn3LDwcqcipYVATgbfpADEUe4qk5n1M5RdPTqyOSnJ5OVfTegt+diNOdvJ1Irz4fJ0vDJ1vOcuhFvlC2SmLNsVgghSktaZjYfbz1HepaOT3rWwzxPMOvUTf0fUma+UMewFFSbd0ObE2sA+Dn7GW4qztStbIeT9d16ZnYWpthoTPPVojTarMbcClq9Bdsmod4/Fw2zyEB/DUMtN22Gvg7btd1gYg6dPkRRFNacX8Pco3PRKTqauTZjXtt52GvsS+29KUzcho1EfPghaLVY1K2Lx5IlmFVyeejjPu4ksCaEEEIIIUSObWciCMmprwbGO7Pl/dDUrZ4bZ8MTCI1JJSopg4uRSby/ejtDfdJ5bWA//TKfAoTGpBgFp+Zuv4R3BX1WWYHFqkOD4Z/vARV0nQPqux/8CvrQ5pwT/LuTdoet17ay6/pebGoeQ6XOJgNAgSaVmtDHtw+tPVrz7LxDJManMbB3Cxp4Oty9UP1RJK3vz1dRwayzt2dn2E6Cw4N5yrY7JjYWqFQ6lGwLTt6qgZ+rrVFB738rIiE9X1veTDkhhCgNi3dfZs3BMAA613GlU+1KgP4PIGdzMpSbVa3AgGZe/Hj8Jv2aeulPTE+Asz8BsCG7HQDtfY2DSyqVCncHCy5FJhu151v633gwBC/AJPEmA0x2sSI7p37m7VOwby5c2wMZ+l2dafsOWQ4ezDr4ERsvbQSgt09vpjafipnauDxAaVO0WiJnfUbcGn1A0a5rV9w++Ri1hcUDznwySGBNCCGEEEKIHNvO3C70WN5sBidrc5xtNVyPSSYj7Bhp+5ezT7MT8xvZKHNnoPLpBDU6QIMBoL4bMPungOWkuRlsFvcWq87WwtZJ+ueNh4B7A6PDeye15Z1N/7DjXKShbc5LdVl5ZiVLTy0lVZsKgEoNukwnnnLy58P2I6jhWMPQPzdwmF5AnTfbZqOYvOo3eqTp+LheG45Hn+JQ3EasPO/2+eTsN3xyFlytXXmq4lPUd65PfZf61HKqVaLd6LJ1CmGxqfna7yRnFtBbCCFK7s8L0Ybn528nGgJr0ckZpGRmo1ZBNWdrPupRl/eeq3237tmZTaBNI9G2OifT9TXVcmtw5uVsqzEE1pyszYlNycy/C7SpBlq/DVsmMN1sNSoUupscgGVX7/axdYMus0n16cjEP8cRfCsYFSreavIWr9R+pVT/sFGQ7IQEbr35Jil/H9Df14Q3qPDaaw993P8SCawJIYQQQgiRI2/ga0JHn0L7NavqQOMbQXyp2YDz7pxsAhXcUeyomJUI537SPw4vh27zwLMpAPsv3wGgV6PKbDqu3xggd1fQfBlrR1dA1FmwdIQO0/PNoYKNhlFtqhsCax/3dWLhubc4HnUcgDoV6tCtWjdauLUgKtaOBl6O+QpiW5jpg4VpWdlk6xTe3HASHxcbfV25Kq3A2Y+a0RcIcmrJH7UHsujQekITrqPLtkZtmoTaPBaAiJQIIlIi2H59OwDmanP8KvjhqHHE0cIRHwcfGro0pG7Fuvf9MPbbP7dJvfeDJxCVlD+LTQjx33XgagyTfjjFzBfq0N6v0iMf/05yBudvJxpe562heSMnuO9mb4lZztJ6o9+dOctAL7m/ANH632f1PRzyjaHO87vumeoV2HL6dsGb1TQcSOrueVil3OA9szU5J5tB7eeh6WtQuTEJ2hRG73iV09GnsTS1ZFarWbT3al+iey+OjGvXuPn6aDKvX0dlZYX7Z7Ow69TpoY/7X1OmgbV9+/YxZ84cjh07xu3bt9m8eTM9evQosO+oUaNYtmwZn3/+ORMmTDC0x8bGMm7cOH799VfUajW9e/dmwYIF2NjYPJqbEEIIIYQQ5UJCahY3YvWbFpya/iz2VvmX1mwa/Qynw+LodmshqpjloIJUlSV7tXVZqQ3gsOLH6k4KrZRj+sBYxGkI7ASezbjq/yk/HIsA9MuODofEGjZJgHs+uMWHwe6P9M/bTwMrpwLn3NDTAY1VNCrH7cw6/Q8AVqZWvNP0HV6o8QJqlf5DYTXHgu85N5iXnpnNvkvR/HIqHICx7WvoA2BPj4Ctb6M68g0BY49w/nI1Fpy4fPcC6nRUqixmvVyJROUKp6JPcSr6FPEZ8ZyOPp1vvMo2lenn149ePr2wNTdeLnshIpG3N54qcJ5RicXffVUI8fh6c8NJIhLTGRZ0lAsfBgAF7IT5EIXmWfIPsP1cJLsvRNHOz8Xwe9nTqYANCKLOw62joDaleocRNE8K47mn3Ause/l62+pcj0llWrdaBF/R/1GloOxgTMw46vc/ah19lzSNM15NusIzb4CNMwCRKZGM2jmKK/FXsDO3Y0mHJTRwafDv3oAiSN6/n1sT30KXlISZuzseX32Jha/vQx/3v6hMA2spKSnUr1+fYcOG0atXr0L7bd68mYMHD+Lu7p7v2IABA7h9+zY7duwgKyuLoUOHMnLkSNatW/cwpy6EEEIIIcqZ8xH67AVPJ8sCg2oAjbwcaXT1Kzi8DIBpWUPZkN2OrDz/rA61qksr/+7QfAzsmgEn1sKNQ3hE9qKG6l3MXGvzbO1KLNh5GbgbWDNkrEVfhNW99HV83OpD46EFzuVG4g2+PPUlGu/fUFBQoaJL1S6MazgOD1uPIt1z7gfZdG02d1LuLrdMSMvCwcocnuoLO2dAzGW4tofMbDfjC+gsULAgLtaLUW30tYYURSEsKYxzMedIzUolMjWSC7EXOHj7ILeSbzH36Fy+OvUVPWv0pL9ffzzt9GtLd1+IJjNbR7WK1nSqXYll+64ZhpGMNSHKl6Q8G5L0WXaAG7Gp7JnUDnvLh1srLNeteP3v3qer6DN591++w4QNJ9k3uR034/QZa3l3VTY4+KX+a80AHF0qs35k4bthPlO9Ivsm638vHguLA8i/FDTHObtneCVjKb3reDDv2fqG9uuJ1xm5fSThKeG4WLqwrNMyo+X8D4OiKMSuWkXU7Dmg02HZuDEeCxdgWqHCQx33v6xMA2tdunShS5cu9+1z69Ytxo0bxx9//EG3bt2Mjp0/f57ff/+dI0eO0KRJEwAWLVpE165dmTt3boGBOCGEEEIIIQqSW+vMw6GAD1MAigK7ZsJf8wE4Xncqa47WMRw2VavQ6hRScj842TjDC0ugzTuw8RU04cdZb/4Rf6lfRhXpiJ2FcXaGpZkJXN4BPwyHjASoWBNe/s6oRpt+Ggorz65k4fGFhh0+O3p1ZHSD0fg4Fr58tSC5gbW0TB1hMXczOCITM/SBNQs7qN8PjiyHI9+QZTMV0Neby7uhgGmebA2VSoW3nTfedt5GY6Vp09h6bSurz63masJV1pxfw9rza6npWJMqdtU5cN4cEytnWtVqhpu9cUHs+FTZFVSI8sTR2pyUTH1w63TODpxnbiXQokbFRzJ+bmDN08mKWb2eosP8PdyITeO11UdxttX//vFwvCdj7cZhwzJQ/McWa7zcP5wUuBQUuJ0znwo2d2tT3ky6ybA/hhGVGoW3nTfLOi2jsk3hgbzSoMvMJGLGByRs2gSA/Yu9cZs+HZV58WtmPknUD+5SdnQ6HYMGDWLSpEnUqVMn3/EDBw7g4OBgCKoBdOzYEbVazaFDhwq9bkZGBomJiUYPIYQQQgjxZMtdbuhsq8l/UKeD394yBNXoNJOEekOMuvhX1/81P/WenTpXX9Ax034mUVY1qKhKpEfM17C0BUujBjDTdCVuxGBCNtZ734e1L+qDap7NYeg2sDf+EJWZncm04Gl8fuxzspVsWlZuyfrn1vN5u8+LHVQD4w97l6Pu7l53O+FuJh1Pj9B/vbgVyzT9UtHc3UdzpWQU/GHRaCxTS3rX7M3mFzaztONSWlRugYLCxbiL/HF9K4lWP2HlvZxNd0aw+NrLWHiswszhECrTeBLSJLAmRHmiKPnbrt1JYcORMNrO2c3V6OT8He5j4a7LrPo7tMj9b+Us96zsYIm5qZqGnvr18gevxfJrzpJ4owC/Lht+Gg2KDur1AW//Ys0v93ft2kNhRvXccp24EQ9AHXc7QF+3csT2EUSlRlHdvjqrAlY99KCaNiaGsCFD9UE1tZpK707B7cMPJahWBI/15gWfffYZpqamjB8/vsDjERERuLgY775hamqKk5MTERERhV73008/5YMPPijVuQohhBBCiMeHNlvH1M1naFzFkT5NPB98AneXG7rcG1jLzoKfXod/vgdU8Nx8aDIMl/C7H45sNKbUdrNj/+U7dzPWgNRMLe/9dAaAP+0+okXWdoY5X6B68gkctLG8YrqD/ia7SMUC00M5u2E+PQI6f6LfLS6P2PRY3tz9JsejjmOiMuF/Tf9HP79+xXxnjBlqrGVlczny7gfZISuPcGxaRyrYaMDFT7+RQeh+WkSsZhF9qGBjbsj4AH0h8KJSqVS0qNyCFpVbEJkSyfnY84xc/ytqi9uYWIahNksgQ5eKme15zGzPA5Cd7sqmS1n08HnOUDdOCPHfFB6fZvT7I1dIdAorgkMAmP37BZYNapKvT0EuRyYxf8clAPo+7VmkWm2541d20GelVa1ona+Pk3We38Hnf9EvibdwgG5zizSvvKwMuz7r6P7Vb/Rr7sIHXdpgZmJGelY258L1yT6NvBy5kXiDV3e8yq3kW3jZerH82eVUsHy4yzDTL1zgxujRaMNvo7a1pfL8+di0avlQxyxPHtvA2rFjx1iwYAHHjx8v9W1cp0yZwsSJEw2vExMT8fQs2j+4hBBCCCHE4+/X0+FsOHqDDUdvFDmwFp2kDw652OX5MKXTwcbBcPE3UJtCz2VQ70XAOLOtjrsdNhr9P61T8mSsBV+JMTwPTdQRSkeqNh5Hdf/KrFm/Bp9LX9NMfQE7UsHMGnp+BbVfyDe3K3FXGPvnWG4l38LWzJa5bebyTOVniv6GFCJ3V9CY5Mx8H3SPh8XTqXbObn1t34Gg/TSP+YlfzU8Sm16LRaqnOar4AcULrOVVyboSlawrkZlnGWrQsIaYaKIYvvFbzGwvobIIw8QigvcPTOW3kJ+Z3Xr2Q/+QKYQovmydgkkBRfzv9dLSAwW2n8nzx4rc3TiLIm+2bVhsKjUr2d6nd06/GOM6ag28HPL1cbLOydTSZcOeWfrnzUaBhX2R5wZwNf4q2yIXYl39OCqzRFQqHb/GwLZ1ptRwqIGt2hu1IzhaKHx07BcO3z6MVtHiaevJN89+g7OVc7HGK67EHTsIn/w/lLQ0zL298fjqKzTVqj7UMcubEgfWMjMzCQkJoXr16pialn58bv/+/URFReHl5WVoy87O5q233uKLL74gNDQUV1dXoqKijM7TarXExsbi6upa6LU1Gg0aTQEp/kIIIYQQoly4nvOhCUCnUwrcsQ3g2PU43vvpDFO6+hGVVMBS0KOB+qCaqQX0+RZqdjYcqpAnmyGgrqthaVPejLVD1+4G1nLZW5qBqYboSq2YdqYSdVUhdPaxYdyAF0GT/wPh/pv7mbRvEilZKXjaerK4w2Kq2Vcr2hvxABY5WRQFLU1KzcyzpLVKS2g4CE6spp46FJJDaaPZxqSskXyf3bbEgbWCuNnZ4uvqzpZXquNoZU6HL7aSbhGMvds+Dkccpu+Wvnze9nPqOdcrtTGFEP/OOz+eZv2RGwD0alSZz3o/VWBw7EpUcoHZagCHQ2INz11sLQrsk1diehanbsQbsr0AzoUnUq2iNab3CcxlaLO5Hqv/f4RPJRsA2tZ0pnt9d8MyUIAKuYG1M5sg+oI+oNb89QfOK9fJqJOsOruKXWG7UFBQ51xOUdSgmKIlkwuxF4ALaFxAC/ydM3wjl0bMbTP3oQbVFEUhZulSohcsBMD6mWeo/Pl8TOyLFzgUJaixlpqayvDhw7GysqJOnTqEhYUBMG7cOGbNmlVqExs0aBCnT5/m5MmThoe7uzuTJk3ijz/+AMDf35/4+HiOHTtmOO/PP/9Ep9PRrFmzUpuLEEIIIYT4b0lOvxsUii+kPtex63H0/upvzt1O5MMt5+5mrOV+oEsMh5055UM6zTQKqgGYqFW82qoqnWpXol9TL6w1+iBV3hproXkysXI5Wuk/XdlZmgEqzijV8G7cucCg2voL6xn751hSslJoUqkJ67quK7WgGtxdCnr6VjwAfq5355Bvw4Bu89nm0I8TuhrccmwKwKem39DHZDd3kjMpKeWeYksVc4p316xki7OtBgeNA5kx7ZjeaClV7KoQmRrJkN+H8NOVn/KdK4R49BRFMQTVADYdv2UU7Mprz0V9YoxKBX2a3N29uGs948SYvEX8CzN6zXEGBR5m8e4rhrYJG07Sf/ndeuv/3ExgwvoTRsG80DupZOsUbC1MDUv/VSoVY9sZ77bpZGMOSZGwfZq+wX8cWDo8cF6no08z/s/xDNo2iJ1hO1FQqGX3DKnXXyX58hSSL3xE8sUPWNlhM1+0+wJNcgBZ8Y1p7foc7zR9h59f+JlVXVY91KCaLi2N8LfeNgTVHAcNwvPrZRJUK6Fip5pNmTKFU6dOsWfPHgICAgztHTt2ZMaMGbzzzjtFvlZycjJXrtz9jyAkJISTJ0/i5OSEl5cXFe7ZztXMzAxXV1d8fX0BqFWrFgEBAbz66qssXbqUrKwsxo4dy8svvyw7ggohhBBCPMHurf9lWNIDnLwRz/wdl9h3KdrQlpCWZQjGVbLLCaztmwOZSVC5yd0C/veY2q224bmVuf6f1slGgbXUfOc4WpsB0KamMz+62dGiRgWeq+dm1Cdbl83co3NZc16/A12PGj2Y3nw6ZiZmD775YrAw1FjT7/DZtKoTDb0c+e5wWP7Amqk53zsM58+I7sz2r0fvm59ienods82WszAlBWhbojnk3SXP0szEEHjMZW+pv2drdWW+6/YdU/6awp4be3gv+D323dzHe83fw9HCsURjCyH+vdsJ6fnaCvuDRkRO35GtqvF62+oEX4mhnZ8zlR2s2PpP4XXSC/LXlTsFth8OjSUrW4eZiZoB3xwkMV3LtTsp/DJWXzPsclQSAD4uNkZlp1zv2Y3Y1kQL3w2F5Aio6Av+owudy63kW2wL2ca2kG1citPXezNRmfB89ecZVHsQVeyq81rCMf68cHfFXUqqPe192pN0O5MMrY53BrXD06mQXalLUXZ8PDdeG0XaqVNgaorr9Pdw7NPnoY9bnhU7sPbTTz+xYcMGmjdvbvRDWKdOHa5evVqsax09epR27doZXufWPRs8eDBBQUFFusbatWsZO3YsHTp0QK1W07t3bxYuXFiseQghhBBCiPIl71LQO0kZRjV3ZvxylpM5O7DliszZEdTMRIV3BSuID4Pjq/UHO80E9YOLYefWWEvNWQqq0ymExeYPrNlb6gNHNVxs2PpGq3zHU7NSeWf/O+y+sRuA8Q3HM6LeiFKvOwx3M9Zy+VSy5XZOUDIuNX8WWoZWf29mZmpMeiwmydIN20PzGKP7jszrQ7hg4ktdd/tCl94WJG8A79DUDvnOzQ2sJaRlYWNuw4J2C1h+ejlLTy1lx/UdnL1zlhUBKx76jnlCiPy+2X+Nj347n689Kb3gwFp08t0l9w5W5vz1v3aoVCp+PnnLqF9Wtq5Y81CrQGNqYgjURyVlUNnBksScP5icvnl3ufux63EA+LnZGV3DzuJueKSG6iaqoOfg1lEwt4W+a8DceIODw7cPszVkK0cijhCWFGZoN1ObEVAlgBH1RlDN4W6G8fTnahsF1m7FpZGYriVDqzO8Jw9bVkQEYSNGkHnlKmp7ezwXL8Lq6acf+rjlXbEDa9HR0fl24gRISUkp9v/s27ZtW6z07dDQ0HxtTk5OrFu3rljjCiGEEEKI8i0m5W7Nr+g89b8SUrOMgmqDmnuz4egNMnM+2FStaK2vC7T3M9BlQdXWUKVFkcbM3fUtJac2WURiOplaHWYmKrKy7/6b1+s+GQl30u4wbtc4zsScwVxtzsctPyagakCh/f+tSnbGH+R8XGxIy5l/fAGBtTtJ+rYK1hp9sLHdFH7++wAvmPxNypr+vJo0g7dfbMtLRdwwAvQBM9AvAbWzyJ+RZwis5QTg1Co1r9V/jZYeLZm0dxI3km7Q/7f+zG87n8aVGhd5XCFE8W08coMle66wqF9DXO0sjIJq3eu7k5apZef5KJLyLMfPK/qeWpa5MQQ3e0ujftrs+8cJtPcE3sa0q8Gg5t40/WQXABEJaYYdP++1NydbubVPxbuNl7ajOruZQ5Y7SMtW46GKhls60NjBy+vAuaaha2pWKnOOzuGHSz8Y2tQqNU0qNaFbtW508OqAvSb/ksp7A2cJaVlE5+xGbWthWqTdTP+NjGvXCBs+Au3t25hWqoTXN8vR+Pg81DGfFMWusdakSRN+++03w+vc/xC++eYb/P39S29mQgghhBBClFDeGmu59b8URWHQCn3tnerO1vw+oRXTnqtlVFfMp5ItXD8AJ/RLMGn/XpHHtL5nV9DcGkNVKhhnOZibFvxP8AuxF+j/W3/OxJzBQePAN52/eahBNYDOdVzp1/TuZmE+LjY45CzFjLt3KSgQnqDPZnPLWTJlbW7Ke9phXNJVxi7rDmvNPyE+/Eq+8+7npxP6TBU7y4KXueYunb1+T/ZfnQp1WNl5JX5OfsSmx/L6ztc5c+dMscYWQhRdREI6k388zfWYVEasOsq3B64bHfdztcU2JzieWMhSUENgzcY4yJT7O8WOFJ5SXSUrOzvfuUbXuWfDFP/qFXCxs+DpKvpl4bnLUx2sjH+vxKZkci06BZUKnqlREbLSYdNIWPcSnFpHJSWaKupITFU68HkWRh+AqvrMYkVR2B66nR4/9zAE1Xr79GZJhyX89fJfBHYOpJdPrwKDaqD/f0SvRnczaxPSsgyb5rg85Gy1tFOnuN5/ANrbtzGvWpUq362ToFopKnbG2ieffEKXLl04d+4cWq2WBQsWcO7cOf7++2/27t37MOYohBBCCCFEkWXrFKOdOT/cco5MrQ5fVxvDcqAhLari56pfBtS1npuhvZm7GWwerD+x4UDwbFrkcXMDa6kZ2czfcYl1h/RLgxp6OZCSoSU8IZ1a9yw9yvVH6B+8F/weado0vO28WdJhCd523sW78RJQqVRMf642FyMScbbVUMFGY6hxdm+NpOQMrSELxS0nE0StVqGY2zEsczLfm39ADXU4lU4PhyabwL3BA8dPz8pm2b5rAITeyb/RA0ArH2fWHAxj6z+3mdatNiZ5lopWsq7Et12+5Y0/3+DA7QOM2TWGtV3X4mHrUeC1hBAlt+/y3bqUUUkZRpsGAPhWsiUqUR/QKihjTZut43JUMgAV8waSwk9Qed98Lmq2olHpz9t5KwL4pNC5hMffretWtaI1jb31ATVXe0sgzlDLzcVWY1hunpyhJSYnIGdvaYaduQlsHAIXtoBKrf+d79cdzK3A3Abc6ut3WQCuxl/l00OfcihC/8cZd2t3PmzxIU3div7/CID5fRrg5WTFFzsv52SsFbAbdSlL3v8XN8ePR0lLw+Kpp/BcthRTR6lLWZqKHVhr2bIlJ0+eZNasWdSrV4/t27fTqFEjDhw4QL16suW1EEIIIYQoW8kFfKD77PcLhuetfCoyqPndoFXPhpVZuvcqNSvZMiB2ib6+moMXdP60WONa5ywFTcrQsnDXZUN7A09HXvGvwtK9V5nc2c/oHK1Oy6ITi1hxZgUALdxb8FnrzwrNeHgYLM1N2DT67nJXx5wMj4iENBRFMaxQicjJVrPVmBrqyYF+CdPNDGd6ZnzASvPZ1NLegJVdYfAv4NHkvmNH5Cl63rNhwcGwtlWteNP8Z7zSbhJ1KAa35n0MH3YBLNQa5rX4jGE7RnAh4RKv73ydNV3XPNL3UIgnwcWIpPse93W1NSy1L6jG2tvfnzI8d9ZkQ/BCuLgVwg6gBjR5Kku1DV8G8aP0v4sLcD1nx+X6ng6sf7U5GlP979/czLfc3y2m6rsZwmExqYbNZZyszOGv+fqgmokGBmyEam3zjXMj8QbLTi/jt2u/oVW0mKvNGVZvGMPqDsPStOClpg+Su7w9MS0rTwDQ4n6nlFjCb78R/s4UyMrCukULPBYuQG1t/eATRbEUO7AGUL16dZYvX17acxFCCCGEEOJfS8rQf6DTmKpZ2K8hr60+ZnT82dqVjF5XsrPgyNSOqM//jMkP3+kzF3p+DRYFZ5cVxt7KDLUKdPeUBqrlZkvdyvYs7t/IqP1O2h3e3vs2xyL183ul9iu82fhNTNUl+id6qanlZoe1uQmRiRkcComlebUKwN2lVW4Oxh8AbSxMIQEiqECfzPf5wXEJvmkn4IdhMHQb2Be+qUDu0lKAGc/Xzt9Bl43mx8G8of4TgOxf/yZl7zrSHZ8l41oY6ecvkHHtGmi1zAQyzFRkmVzh8sctsbNyRG1qBqamqExNUZmYgJkpKhNTTCtWRFO9GuZVq+m/VquGiV3xvt9CPGkuROiXt7/fvTYf/Hou33EPR0vsLPW/vxIL+APHTyfDAXAgCYcNz8PtnECbygTqvQj+Y/j6RAp1D7zFMybnYP886L6gwLkEX4kBoHk1JyzN79Ymc83Z1fl2TuZcuvZu9nJYbAqgj951UR+CP3P+eNJtXr6g2p20O6w7v45VZ1eRqdOXE2jv2Z5JT0/61xmxhsBaehYnwuIBfVCytMVt2EjEjBmgKNh164b7p5+gMjd/4Hmi+Ir9f+3ExMQC21UqFRqNBnP5RgkhhBBCiDKUuwTJ1sKUznVcjY7N6lWP3o3zfygyu3kQfh6jf9FyIngXv3awxtQED0erfDuB3luUG+Bk1Ekm7plIdFo0VqZWzGwxk85VOhd7zIfBWmNKt6fc2Hj0JrsvRN0NrOUsvXK9535s82w4kIQVCypO58ukNyD+OqwIgK6zoWaAUZZZrtzlXK18Khpdx+DIN2Sd2UPMNQduhzlgkZAJXMp55KfJUtBkAWjJTo7mflWaknfvNnpt4lwRTdVqmHt7Y17FG42vH1aNG6G2LFlWihDlzcUI/TLOhl53lxFWrWjNgpcbYKMxRaVSGf47vjdjLXcnThtS+cN5Aarb58CqIrT5H9R8FhyrAJB14Qqfa1/kGZOZ+lqXLd80HMsr+ModAFrVcDZqd70nYy0j6+4mB9djUrGzNKOvyW7eSgwEFGgyDBoNAvQZxH/d+otNlzex/+Z+tIr+/yXN3ZozpsEYGrg0KO5bVqDcwFp8ahZnc2pxNq/mVCrXzhUTFETUrM8AcOzfn0rTpqJSF7vEviiiYgfWHBwc7rv7p4eHB0OGDOH9999HLd84IYQQQgjxiOUu9cn9gNfez4U/L0TRp4kHLzctYFlRaDCsfQmyUqBaO2j7TonHru5snS+wVtHG+A/Pmy9vZubBmWh1WqrbV+fzdp9T1b5qicd8GHxz6s/djLubUZabseZuf0/Gmsb4I0V0lgUM2Yry7QuoYq/Cdy+T6lATq+ot9HXXLm6D639D1dbEOEzMuaZx8EpRFNL27yDukzkkXq8EigoL9FkjZrZgYZ+GxiELC8csLGpUR/3qFhQFdKmpnAo/yod/zUDRZvNClW7093kZRZsF2dkoWi1KVhZZt2+TeS2EjGtXybwWgjYykuzoO6RG3yH18GHDPFRmZlg2aoS1vz/WLZ7BonZtfeabEE8YnU4x7LZc2cGSMe2q8/W+a8zrU5+nPBwM/ewMmxfczVhLzdTS+6u/qa+6wsdmK6iUFAqWTjB0Kzj7Go1jolZxRPHjonVjfFOOwc4Z8FKQUZ/41EwicjLSGnk7GB27N7CWlnU3vH4jJpE+MV/Rz2yDvqHBQOgyh9CEUDZf2cwvV3/hTtodQ/+nnJ9iWJ1htPdqf98YSHHlBtbO305Eq1MwN1FTr7LD/U8qIl1mJpEffUz8xo0AVBgxHOe33irV+Yv8ih1YCwoKYurUqQwZMoSmTfWF+g4fPsyqVauYNm0a0dHRzJ07F41Gw7vvvlvqExZCCCGEEOJ+cjMlcgM+n/V+it/PRtCnSQHLd24euxtUq94eXl4HJgXvTlkU1Zxt2H0x2qjN1ET/x2adouOL41+w8sxKADp5d+LDFh9ibfb41bupnLM5wa34vIE1/XPXewJrthbGHylSMrLBwZONDYKI2z6bQSbbsf4/e/cdXuP5BnD8e2b2XpIIsfeIvTe1KUqNVlultEpLUUqHn11tae2iRUtVqdIaRe2995Yte6+TM39/vJmSkEWS9vlcVy4n73nP8z6J5HDuc4/Ye3DxHmStyr3zJ4NUFzkoG427feZ0upSrVwn74hNSbj0EpL+L6Eo1+cGhAZV6deWT/jXh5BJIioCbv0PKLbi8AjrPAicnmnp5MdpZyYwTM1iq2YOVZUOG1hz61K/XkJiI1tcX7aNHaP0D0Pr5kXz5MvqQEJLPniX57FkilixBZmmJWZUqmNesiUXjRlg1bYrKM+9SV0H4t0jQ6DGllbnbWaiY3LUG4ztWy1aGCZnPB/FZMtaiElJ5V/EHE5XbMZPpMaltkL22I0dQDUCZNpzkd+dxfJw8RvodbzIqYzIngH94DBZo8LGOxfLhPnCtBQ6VQC7P6LEWFq/BYDShSQusqdHR794M6mtOAXDcYxSVO09ixenP2P1wNyakL87R3JE+lfvQv2p/qjpULY5vXQ7pgTV9Wt8AV1uzPKdFF4QuLJzgCRNIuXoVZDJcJn2I09tvi6DaC1DgwNqGDRv46quvGDx4cMaxPn36UK9ePVavXs2hQ4eoUKECc+fOFYE1QRAEQRAE4YXLWgoK0rS1rMMKMqQmwvZRmZlqr24GVdHK/qq5Wud6PFmXzPTj0/knUOoVNrbBWMY1GIdcVjorPHIPrKVnrOVeCmpjpiQhVU+SVvr+b7uZyAX9UFbpe9NWfp32ZncZpDyJwbkGipbvwqHZOMUFskK9hIv2vdCFhBD+1dfE//knADKFCbsqBhw+/o4Lspoc/OMm3QxmYOUE3f4nXdy7LfzxLhxfDHIldJwOQJ8qfQhNCuXby9+y8NxCKtlVooV7izy/XoW1NRb16mGRZRibyWRC6+dH0unTJJ06RfKZsxgTE9Fcv47m+nVit20DQFWxApaNm2BeswYWPj6Y16kjSq6Ef53YFClj1FKtyAgCPRlUA7Azk9Ncdps2Cf6wcyuoLHC79SdTVSEAHDA0ouvY9eCYe5auKu2NiAB1ZWj0Olz8ETYPlnqgpcRgCr5IA4OW2+aAHkhLPkNpDm51cXOqRmdFeQ4ZfIhKTEWjM6BGx2rV1zTQXOWApTWLlS0w2PgTvqNnRkCtjWcbBlUbRLvy7VAV4c2V/LC1yL6+azFMBE2+dImgiRMxREQit7XFc/GXWLdrV+R1hfwpcGDt1KlTrFq1KsdxHx8fTp8+DUiTQwMCAoq+O0EQBEEQBEEooPTA2pMlijkc+BRifMG2PAzeUOSgGkBdz5yTKCNTInnv0HvcirqFWq7mi9Zf0Lty7yJf63nydJC+FxEJqaTqDZgpFXlmrFVxkTLuXqpbjt8uBpGUVorrFyWVxMZiw25jK3antELXbyEz/rjFwkYNaTfsIJrl7ahgCMfn6wE8vC7DpDMCJuwqpeDycjNUrywGh4q43gwFICwhNftGfYZDSjT8PROOLYI6L4OrNHn17Xpv4xvny+5Hu5l8ZDKbe22mom0uAdY8yGQyzCpVwqxSJRyHDcOk16P19yf1/gNSrl8j+cIFNDduovMPIM4/gLi0xymcnLBu2xbrDu2xat0ahU3xNyUXhBctNlnKQLO3eErQKSmSmnsGsdXsMhiAK9JhNaAxqfhC/zpbDJ3wyyOoBqBUSNlVOoMJus6GiHsQcEqaHkr66AGJRmaOuYMnxAWCXgPBF5AHX2CdCvbIm/EwoDpGE7yn3EGU/QO623sSoVQA90irLKeFewsm+Eygnks9XhQnKzXO1mZEJkrPZy5FCKyZTCZit24ldO480Okwq1aN8su+Q10x/891QtEVOLDm5eXFunXrWLBgQbbj69atw8vLC4CoqCgcHBxye7ggCIIgCIIgPFeZGWtPeQHodxIurJNu918B5jkDYoVR3S17EGVkOwtG7BlBcGIwDmYOfNvp22JrgP08OViqsFApSNEZCInV4O1slZmx9sRU0DdbV6JFZSeszJRpgTUDian6jBeNhya3p+93J0jSGpj+xx1AztTt11gzqBYX77RnwP1jGFNMgAlLl1RcfeKx6DIMen8DcikjJv3FfEJK9oboALR6HwLOwJ0/4Z//was/A1Jg7LNWn+Gf4M+1iGuMOziOjT024mzhXKjviUypxKxKFcyqVMG2uzRowpCYSPK582huXEdz6zbJ589jiIoibudO4nbuBJUK265dcRg2FIvGjUVJllAq6A1GQuM1eNpbPPNnMl6jY/+NUCzVUujgyWyrDAY9bHsDs7DLJJrMOWqsT7e2rVDpktgX5cpHtyqRiOUz96ZKy/bUG4zS8/Ibf0o9GSPvkqg1MvawHL8kJakmFeN6teSttpWla8f6w+PLEHgOw7m19FScw/+PnrSza8ZB54v4qaUhLEadLfrEmoxr2ZGhdbviZuX2tO08F0qFnImdqzLrj5tA4QNrRq2W0NmzifttOwA23bvjMXcOcqvS117g367AgbXFixfzyiuvsHfvXpo2bQrAhQsXuHPnDr/99hsA58+fZ8iQIcW7U0EQBEEQBEHIh9sh0pQ1V9s8XqzoNLB7gnS78RtQuX2xXTtrn5xRnWF/5KfEaePwsvFiVZdVVLDNZXhCKSSTyXC2URMYnUJUUiputuYZAUtX2+yBNYVcRl1PO6LSAmkpOgN+kUmAFKCr4mJNeQdL7oYlSI9Piqav70k8/v4Mr+QkjMhROVni2qsGNnWckFVqB/UGZZsimh4kjdfoyVWnWVJGy50/IfQ6lJOyT8wUZiztuJQRe0YQmBCYEVyzUBbPpE+FtTU2nTpi06kjACatluRLl0g8cpTEo0fR+voSv2cP8Xv2oK5aBYdXXsG6cxfU5UVfNqFkJKbq6fPdCXwjk5g/oB5DcxvoksX0Hdf561pIxuf2lnkE1o7MA7/jmNTWvJL8Obf1Hhxv0pGgmBTGfn8m47RnTb9Mz1hL7z+GXCH1V6vUlkFLjnEnMSHj3Febp+1doQSnKtJHvUH8Zlmd7Xe+4a65DKPsGqDCDgVxkb1IimyGQqZiYrMeJRrobl01M8DvaKl+ypm504WFETRhApqr10Aux3XShziOGiWC9yWkwIG1vn37cvfuXVavXs3du3cB6NGjBzt37sTb2xuAcePGFesmBUEQBEEQBCE/krV6DtwKA6B7nXK5n3R0AUQ9AOty0OWLYt/DkY/as/bKL+wMWYnWqKW+c32+6/wdjuZPf0FZ2jhYSoG1mCRdRiNyuUzqpZYbqyzHb6UFNys6SZkTHnZqbK/eopfvaZqG3UGe1tcoyNoF33a9eXvBB8jVeb+4tLXI2RA9G9eaUKsv3Nop9WTq9VXGXc4WzqzpuobX9r7Gneg7fHH6C+a3mf9cXoDK1GqsWrTAqkUL3D6ehubWLaI3byb+rz1oHzwkbP4CwuYvQF21Ctbt22Pdrj2WjXyQqZ5vTydBSHc7JB7ftMD3wVthzwysZQ2qAdhbPPF7qkuB8+vguPQ7J+v7LbG77SFOQ0yylh9P+Wac6uVoweoRTZ56vfRhL3qDKdtxg9HEndDMoNrkrtUzsujSpRpS+fbSt2z03wgW0jpeOh1dErWMfm0/SpvKfPfPfXrVdy/xAJS3U2ZWWXSytkCPTb5wgaAPPsQQGYnczg7Pr77Cuk3r4t6iUAAFDqwBeHt7M3/+/OLeiyAIgiAIgiAUmEZnYOWRh/Rp4E5Mso4UnQE3WzPql8+lvPP+ATjxjXS712KwsC/WvcRqYlly/XMOBR8CoKNXRxa2W1hsGVIvkn1aFkVMsjZj0qqthSrPF6RmSjkKuQyD0URAWn81VysV8Xv2MGbDEuzDAjPOveRSnestu7NVVp7XWlV6alAt/boAWr0Rjc6AuSpn03Qaj5QCa9e2Qdf/gTqz7KyCbQUWt1/M6L9H89ejv2hWrhkDqg3I9/eisMxr18Zjzhzcpk0jbtcu4vfsJeXyZbQPHhL94CHR69Yjt7HBqnVrrNu1w7ptG5QuLs99X8J/V3RSZhDnalAsJpOJx3EarNVK7PLKRssiW8Za5AP4ZRhESgk3NHsH6g7E4dBxQuI0DFl9hlS9IeP01lWcn3kNlTw9Y82Y7fi1oNhsnz/Z6/F21G2mH5/Ow7iHAOhim2KKaEdL0zmOGWswyUmaPDy1e81nfo0vglwuo01VZ048iGRgo1wmVufCZDIRs3kzYfMXgF6PWY0aUj+1tJZcQskpVGANIDk5mYCAALTa7NHV+vXrF3lTgiAIgiAIgpBfyw8/4Lt/HrD00P2MY7XcbXMGgGIDYcdo6XaTUVCrT7Hu43zoeaYdm0ZESgRKuZKJPhN5vc7rpXby57M4pr0Ajk3WEZeSfdJqbmQyGW42ZjyO0+D7OJqu/ud44+RJgiOCsQeSlObsq9iMPZVa8tjaBSu1ApPWgO3TeuGlsVYrkcnAZJJ66OUaWKvUAewrSr2Wbu2EhsOy3d20XFMmNJrANxe/YeG5hTQt1xQvmxfzglRhY4Pj8OE4Dh+OIS6OxBMnSDp2jMRjxzHExJCwbx8J+/YBoK5SBes2bbAfMhizypVfyP6E/46sgbXIRC1H7kYwasN5lHI5W8a0YPH+u1iqFawd2STXILpdeo81vxOwZRikxoGVK7SfKj2vAo5WUqA8RWfI9tiE1DxKubNQyLMML8ji9KOobJ+nB/71Rj3rb6xn5ZWV6E16HM0dmd1qNu+sSSZVb2QdvZ55zZLy/etNCIlLobJL7tOkszKmphL6xWziduwAwLZnT9zn/A+55bP71gnPX4EDaxEREbz55pvs3bs31/sNBkOuxwVBEARBEATheTh2PzLHsRpPDBFAr4VtIyElBjx8oHvxVl/89egvZp2chc6oo5JdJRa2XUgtp1rFeo0XLWvGWnoJ5rOCYLXNtHS+tY/e+85gq0kEQG5ri3/Hvnyoq0GSOjNzL0krvW5IL/N8GrlchrWZkgSNngSNLvdm33I5NHpdGmBw8cccgTWAkbVHcizoGBfDLjLj+Ax+6P4DSnmhcw0KRWFnh12vXtj16oXJYEBz4waJR4+SeOQomlu30D58SPTDh0Rv2IBlyxY4vTUKqzatS7x0Tfh3yBpYA/j7VihGE2gNRtaf8M0IYIUnSL0Vn+Rmaw7aZNgxRgqqeTWHwZvAJnMIgINV7hmo49pXeeb+VOmloE9krJ1+mD2wVsnZioD4AGacmMHViKsAdKnQhVktZ+Fo7ohG99czr1XSLNSKfAXVdCEhBL0/Ac2NG1I/tY8+wvHNN8RzQilS4LfPPvjgA2JjYzl79iwWFhbs27ePDRs2UK1aNXbt2vU89igIgiAIgiAIuTIYTQTHpOQ4Xu3JwNrfMyH4IpjbwysbQFm4KWxPMpqMLLm4hI+Pf4zOqKNLhS5s7b21zAfVQOqxBmmBtZSnB9a0QUGEfPY5H6ybyrB7B7HVJBJuYc/N3iOo+s8hoge+li2ollV+MtaynpfnAAMAnxEgU0DgWQi/neNuhVzBvDbzsFZZcyXiCj/c+CFf135eZAoFFg0a4DJhApV2bKfa6VN4frsU606dQC4n+fQZAkePxu+VwSSdO1eiexX+HaISswfWHkYkZdw+dCcs4/aD8LTA+BOxm8YVHeDMcogPBjsveP2PbEE1gMrOOadSnpvRmbqez56+nDG8IEvGms5g5IJfDADfDGnAqtfqciZyJ4N2D+JqxFWsVdbMbTOXrzt8nWsvy/yWWpZGiceO4TtwEJobN1DY21Nh7fc4vfWmCKqVMgV+e+aff/7hjz/+oEmTJsjlcipWrEjXrl2xtbVl/vz59OpVelMtBUEQBEEQhH+XXy8EEpk2jTKrKi5ZXthd/QXOrZZuv7waHCoWy7WTdEl8fOxjjgQdAWBU3VG87/M+CnkuZYplkIOVFMg69TCK2u62QM7sslRfX6JWrSLuz7/AYEAB3HKsyO9V2nHKvS4fvlQLhbU1lmbxeV4nvX/as6SXocYka4lO0vLV33cZ3MSLBl72WU4qB9W7w92/4NLGXDMTPaw9mNF8BjNOzGDFlRW08mxFHac6+drD86Z0cMC2Wzdsu3VD9/gx0Rs2ELPtNzQ3bhDw+kisO3XC9aOPMKtcqaS3KpRR0UnZny8fZQmsaXSZWWLf/XMfpVwmBXBMmUGu2o4m2LRU+qTzZ6DKGTAf36kq5ezMmb7jesaxXLNMc6GUS7k/OkPmXq4FxZKi02HvEMp1zUX23t5Lok4K/DUr14w5refgbu2e55qLXyl77apMWi3hS5YSvX49AGa1a1H+2+/EROFSqsCBtaSkJFxdXQFwcHAgIiKC6tWrU69ePS5dulTsGxQEQRAEQRCEJwXHpvDXtcdsvxgMwCc9a/HH1WBuBEsBnIyJa2G3YPdE6Xa7KVCje7FcP1mXzLiD47gcfhm1XM0Xrb+gd+XexbJ2aZFeCuoflczPZwMAsEnLGjPExhKxfAUxW7aAXsogs2rdmgfdBjH5cmZrmPRJoVbqvIONdvkMrKUH4N784XzGsZ/PBuC34Ik39hu/IQXWrm5Je+Gfs5ytd+XeHA48zAH/A0w/Pp2tvbeWugETKg8P3KZPx2nMGCKWLSP2120k/vMPiceO4TBkCM7j30Pp4FDS2xTKmKi0UtD0eFlub0wAnHkUzZA1Z7Id61jDBdWVjaBNAJdaUHdgro9VKeQMbVYhW2AtvxlWfok3MHP9kwRzCzbc9Odx4mOO+93GuvptDAoN2+5J53lae/JW3bcYVH1Qrn0sFw2sz9Tt1/hmSIMyl92lDQwkeNJkNNel75/DiBG4TvkIuVnxZFoLxa/AgbUaNWpw9+5dvL29adCgAatXr8bb25tVq1bh7p53lFgQBEEQBEEQikOCRke3r49m9OgC6FnfnV8vZE6dtLdUgUEHO8eBXgNVu0CHGcVyfb1Rz6Sjk7gcfhkbtQ2ruqyivkvZy4h4Fk/7zEDTndAEAOxUMqI3biJi+XKMcXEAWLdvj/P497CoVw9lbApc/ifjcdZpgTWLpwTW8l8Kms+XLlU7g215iA+SAmy5vPiXyWR82uJTroRfwTfOlzln5jC71exSmW2odHLC/bPPcBwxgvAvF5N45AgxP/9M3K5dOI99B4cRI8QLbiFfklL1XA6IBaCqizX308o98+PdDlWY0MEbVrwhHWg1XuprmA9q5bPPexT3iCUXl3A48DBqJ0gBFl84kHG/TAFqmSWdvdszoNoAmpVr9tTBMIObetG9Xrl8P7+UBiajkditWwn7cjGm5GTkdnZ4zJuLTefOJb014RkKHFibOHEiISEhAHz22Wd0796dn3/+GbVazY8//ljc+xMEQRAEQRCEbA7cCssWVPN2ssTT3iLbBDqZTAYnl0DIFamvWt9l+X4R+Cxfnv+Sk8EnsVBasKLzin9lUA2gUQV7vBwtCIxOAZOJZmG36f7NN4SFSVmCZtWq4Tb9Y6xatcp4jIe9BeUdLAhK63uXmbGW98uO/AwvAHCyymfwSK6A+q/AiW/g7t48s2rsze2Z03oOYw+OZdfDXaQaUpnXZh5qRe6N10uaWZUqeK1aSdLp04QtXETqnTuEf7mYmM1bcJn0IbY9e5a5zBzhxdp2IZDEVD1KuYwONVyyBdYmda1OPU87krUG3tucvRKtnK05U7vXhIsbpN5qVq5Q75V8X/dpGas6g44119ew9tpa9CY9cpmC1Nh6WCis6FzXGk9rT/68mIrvY3vmvdybPg3y3y+tLAXVdGFhhEyfTtKp0wBYNGmM56JFqDw8SnhnQn4UOLA2YsSIjNuNGzfG39+fO3fuUKFCBZydnYt1c4IgCIIgCILwpHO+0dk+f6WJFwDNKzkRFBMkZTaF3oAjC6UTeiwC2+KprNh6Zyub72wGYH7b+TR0bVgs65ZGMpmMUa0r8cPPhxhzfTeNIqQaLIWjIy4TJmA/aCAyZc6XE40qOGQJrEkvqC2f8sLayTp/AbPq5WxyPa7RGTBXPbF+1a5SYO3BITAapGBbLlp5tmJRu0VMPzGd/X77iUuNY0nHJVipcjZfLy2sWrak0vbfiPtjFxFLlqALDubx5I+I3rgRt2nTsGzUqKS3KJRS4QlS2eeARp5Uc83++9TAy5721V0wZemnlq51VWdpovLhuWkHJuZrAMz0HjVZuO8OS1/1yfX+049PM+/sPPzi/QBoX749L1d8h1FrA7CyUrO4fVcANu05gFGjpZJz7s8BZV38/r8J/fRTDHFxyMzNcZ30IQ4jRiArpjeDhOevQH9TOp2OKlWqcPt25oQdS0tLGjVqJIJqgiAIgiAIwgtxzk8KrNV2t2Vwk/KMaVcZgJm9ajG2fRV2vNNMKgE16qBGL6g/uFiue/rxaeafk5rhT2w0kc4V/t3lOfroaGpsWcHyf76mUcQ9dHIFDH2dKvv34fDqkFyDagCVswyOSC8FtTTL+/38p2WzZFUrj8BaSJwm50GvZmBmCynRUtbiU3Sv1J3lnZdjobTgTMgZRu0fRbQm+qmPKWkyhQL7AS9TZd9enN8fj8zSEs3Va/gPG87j6TPQx8SU9BaFUig9q9fJ2gwHq+yZmQ6WUnaXTCZjavca2e4b4K2Fjf0gMQycqkLTt/N1vXfaV+H65y/RrrpLtuM6o46vL37NmANj8Iv3w9HckS/bfcmyzsuoaCsN5kgfXhCXoiM6rS+cdy7TRssyfUwMwR9NIXjiRAxxcZjXqUOlHTtwfP11EVQrYwr0t6VSqdBocvmHSxAEQRAEQRBeAIPRhH9UMgDr3mjCokENUCmk/9I6WKn5uEdNql5ZCKHXwMIBen8jdekuIr84PyYfnYzBZKBP5T6MqjuqyGuWZrG/7+Rht5ewP/gnCkwc96jPvo+WUuuz6Shsnp41kjE4ArBMKwG1fDKjLIv8li/WTJtM+qSQuJScBxUqqNxeun3/4DPXbuXRivUvrcfBzIGbUTcZuXckwYnB+dpXSZJbWuLy3ntU2bcXu0FSyWvc77/zqEdPYn/fmWv2kVA2GI3F/3eXPvXTQqWgZpZAtUIuw90us6fiux2qZkwCbiK7Q6tDL0PIVbBwhIFrcx0IkherJ4LqQQlBvLH3DX648QMAg6sP5s+X/6R7JWmwjEohPR/o077+2yHSQBo3W7OMQH1ZZzKZiPvzLx716k38n3+CXI7TmDF4b9ksJv6WUQUOg7733nssXLgQfdr0H0EQBEEQBEF4USITUzEYTSjkMlxtcnlxd2IJnF0p3e69BGzcinzNuNQ4xv8zngRtAg1dGvJ5q8//tb2sjCkpPJ4+g5Dp0zEmJmKsWp0pbcYxr9nrWFWqmK81KjpZZtzOzFgr+lAARys1b7b2znE8IiH3qYZU7SL9+eDZgTWAus512dBjA+5W7vjF+/H6nte5H3O/kLt9sVSurnjMmUPFzZsxq1YNQ2wsIdOn4z9sOCnXrpX09oQC+udOGHU/388fV4o3uKtJy1izUCnwcrTk0qyu7Hi3FZtGNcPFJntpZ6earqjRscTie2SpCeDVAsaeAI/cyzrzY7/ffl7Z/QrXIq9ho7bhmw7fMKvlLGzUmUE+ZdobJXqDFFg7/TAKgGaVnAp93dJEHxlJ4NixPP7oIwzR0ZhVq4r31l9wnfQhMnXp7O8oPFuBA2vnz59nx44dVKhQgZdeeokBAwZk+xAEQRAEQRCE4uQbmcSf1x5jNJoyyv5cbcxQyJ8Ibh1dBAc/k253/R/U6V/ka+uMOiYfnYx/vD/uVu4s6bik1Da3L6rUhw/xGzyYuN9/B7kcl4kTsFi3iRvOVQBws81flkrFLBlr6dNA1YriKWv6rE+dHMdi0srEckgPrAVfgOT8lXZWsqvEph6bqGpflfCUcEbuG8nl8MuF3e4LZ9nIh0o7tuMyaRIyCwtSLl/Gb/AQqTw0Kqqktyfk01s/XiBZa2DiL1eKdd30wJq5Svp9dLRS06iCA62q5Gzr9F7Hqmyte57yxhCwdoPh28DOs9DXXnNtDR8d/YhEXSINXBrwW5/f6FKxS47zVPL0jDUpuy69p2bLymU/sJZy7Rq+AweRdPQYMpUK5/fHU2n7dizq1SvprQlFVOB/4ezt7Rk4cCAvvfQSHh4e2NnZZfsQBEEQBEEQhOJgNJpYsPcOHRcfYfzmy0zbfo3AaKkMtJzdE0GemzszG2t3nAmt3i/y9U0mEwvOLuBsyFkslZZ81+k7nCzK/ou73MTt2oXvK4NJvf8AhYszFdavx3ncOBysM7/PTtb5Cyg6Wql5o5U3Q5p4ZWTBFGeGn/MT+4hO1uV+ol15cKkFJiM8Opzv9d2s3Pix+480dGlIgjaB0X+P5mjg0aJs+YWSqVQ4jxktlYf27w9I5aEPu/cg+qefMYnKozJDrSzePlspGYG1Z2eQWoSex+fRKumTrv8D89xLsZ/FZDKx7PIyvrv8HQBv1n2TH7r/gId17tMu0zPWjCbp3wC/qCQAarmX7cEFsb/9hv/wEejDwlBXqiQFwN97T2Sp/UsUuEj5hx9+eB77EARBEARBEAQMRhN6oxGTCf6+Fcaqow8z7tt2MYj9N0MBcM8aWIsLgt0TpNutP4D2U4plL5vvbObXe78iQ8bCdgup4Vjj2Q8qY0wGA2Fz5xGzWZp0atmyBZ5ffokybTCZrYUq41wrdf5fOnzeN2dmWbpKzlb4Rkovlh2tCv6icu3Ipuy68hiA9Sd9885YA6jSCSJuw6OjUHdgvq9hZ2bHmm5Shs2xoGNMPDyRmS1mMrDawDJTBqxyc8NjwXwcXh1C6Oz/obl1i7A5c4j97TfKfTpLTA8tpVL1hozb3lnKqouDJr+BtcRw2PYGGPVQ5+VCD4AxmUwsvbSUdTfWATCp8STerPvmUx+jVGT+fqXqjYTFS1nKHvYWeT2kVDNptYTOm0fsL1sBsO7SGY8FC1BYW5fwzoTiVKgQuF6v5+DBg6xevZqEhAQAHj9+TGJiYrFuThAEQRAEQfjvOHgrjGZzD9Ji3iHqfb6fCVtyluDFa6Rsm4yyRKMBdrwDmjjwaASdZhbLXk4En2DR+UWA9GKwg1eHYlm3NDFqNARNnCgF1WQynMePp8LatRlBNZCamveoW4765e3wqWBfLNcd2MiTFcMbUc7WnNWvNS7w4xt62fNpn9p4OUovtKOTnxJYSx9g4FvwjDMLpQVLOi6hb5W+GEwGvjj9BZOPTiZWE1vgtUqSRcOGeG/7lXKffYrc1pbUO3fwHzackFmzMKS9lhNKj/thma+p7bIEtotDSpbhBXlKjICfBkJCCDjXgL7LCjUAxmQysej8ooyg2rSm054ZVAMwV2buzTcyCaMJlHIZztZmT3lU6aQLC8d/5BtSUE0mw2XiBMp/+60Iqv0LFThjzd/fn+7duxMQEEBqaipdu3bFxsaGhQsXkpqayqpVq57HPgVBEARBEIR/sfN+0by98UKu97Wp6sxHL9VgxNqzJKZKgbVqrmllQccWg/8JUFlJ0+oURX8h+ij2EVOOTsFoMtK/an9G1hlZ5DVLG31MDEHj3iXlyhVkajUeX36J7Uvdcj135YjGmEymImdqbXirGRf9ohnbvgpKhZye9dyLtJ6DpZTtFvu0wFqFliBTQIwfxPiDQ/4GMKRTyVXMaT2HSnaVWH55OQf8D3A1/CqLOyzGx7XwTdxfNJlCgcPQodi89BLhX39N3G/bid32G4nHjlPui8+x6dChpLf4n/T5rpuExmlYMbwR8rTeYjcfx2Xcn5iamb229XwA4fGpvN+5Wr7WjkxM5eSDSHrX98joR6nRPiNjzWiA7aOkqcqWTjDkJzAreBDIYJQC0b8/+B2AT5p/wqs1X83XY9VKOTZmShJS9czfexuQ3kjJ0VOzlEu+dImgiRMxREQit7XF88tFWLdvX9LbEp6TAmesTZw4kSZNmhATE4OFRWY65ssvv8yhQ4eKdXOCIAiCIAjCf8NF/5g87/vp7eY09LKnfXWXjGPNKzvCjR1wZJ50oNdicKpS5H0kahN5/5/3SdQl0si1EbNazCozpX/5pQ0Kwn/oMFKuXEFuZ0eFH9bnGVRLVxzfg/bVXZjUrUZGD6WickgrI41OyqPHGkh9oTzTsuJ8jxXqOjKZjLfrvc1PvX7C29ab8JRwRv89mttRtwu1XklSOjpK00M3bURVsQL6sDCCxo4jeOpU9DF5/w4KxU+rN/LjKT/23Qzl9KMoxm++xMkHkdx8HJ9xTlLaGwkanYFp26/z1YF73A/LX5bhx9uvMfGXK3z3T+ZkW01amamFOo/fwWOLpexOlSW8sQdcqhf469Ib9Uw9NpXfH/yOXCZnTus5+Q6qpXNM66N4/H4kAPGap/yOlzImk4mYLVvwH/kGhohIzKpVo9K2X0VQ7V+uwP+qHT9+nJkzZ6J+osmet7c3wcHFOw5YEARBEARB+G94EJ5Z/rRpVDM613TF3c6cRYPqZxzvUa9cxu3KqXdg5zjpkxbvQsNhxbKPuWfnEpAQgLuVO990/OZfNwE05eZN/F4ditbPD6WHO96bf8ayccHLMUsDx7SMtaf2WIPMctACDDDITR2nOmztvZVWHq1INaQy6cgk4lLjnv3AUsiyaVMq79yJ41tvgVxO/K7dPOrdh/j9f5f01v4zIhJTM25/vusmf14LYfjas1wPzpqxJgXWspaHBqQNcHkajc7AwdvhACw5eB+TyQRASlrGmpkyl4y1e/vhyHzpdq+vwLVmwb6gNF9d+Iq//f9GJVfxVfuv6Fe1X4HXSM9GTde8kmOh9vKiGVNTCZk5k9AvZoNOh02P7nj/sgV1xYJlygplT4EDa0ajEYPBkON4UFAQNjZle1KHIAiCIAiCUDLSszBWDm9E22ourHujKaend2ZwE6+Mc3rVc+d//eqw/c06yLa9CXoNVO8B3eYUyx52P9zNn4/+RC6Ts7DdQhzNy8aLufxKPH6CgNdexxAZiVmNGnhv+QWzKkXP8isp9pZS2W/M00pBAap2lf68fxD0zzj3GSxVlixqtwhPa0+CEoP45MQnGIw5XxuVBXILC9ymTsF7y2bUVatgiIoieOJEgj74EGNSUklv718vPK0pP8D9LG8sXA6IzbidmKrHaDTxx5XMBJb0wR9Pc+mJDOC7ac+v6cMLLNRPBNYSwmDHGMAETd4q9BsVux/u5qfbPwGwsN1CulTsUqh1nhxqMqNnrUKt8yJp7t3Df+gw4rbvALkc1ykf4fn118itrEp6a8ILUODAWrdu3ViyZEnG5zKZjMTERD777DN69uxZnHsTBEEQBEEQ/gMehCdklD/VdLfN8zyZTMZrLb1pfGMOxAWAgzcMWAPyZ0y4ywf/eH/mnJECdOMajCtT/bPyI/b3nQSOG4cxORnLli2o+NMmVG6uJb2tIrExl9pFp+qN6A3GvE8s3wSsXCE1TurHV0R2ZnZ81eEr1HI1R4OO8r8z/8vICCqLLBo0oNKOHTiNGwtKJQn79uE/8g30UVElvbV/tfCE1DzvSw8safVGRm04z9oTvhn35SewljUbDuDkA+nvUpM2vCBHj7U9H4EmFtwbQPeF+dl+Djcjb/L5qc8BGFN/DF0rdi3UOpA9sNa7vjuVXUpvs39jUhLhX32N78BBaG7dQmFnR4W13+M0atS/ro2AkLcCB9a++uorTp48Se3atdFoNAwbNiyjDHThwsL9EgqCIAiCIAj/XSuPPEJvNNGlliuVnJ/x7v61X+H6Nqkh/YC1Ug+tItIZdEw9NpVkfTKN3Rozut7oIq9ZWphMJiJXryFk+nTQ67Ht04cKq1ej+BdUmliqM+ewJWmfkjUmV0CNHtLt238Wy7XrONVhQbsFyGVytt/fztyzc0k15B0oKe3kajWuEydScdNGFPb2aG7cwG/YMLQBASW9tX+tpwXWetTNLHs/fDci230/nw2g77IT/HMnLM/Hp5eQpjv9MAqD0YTW8MRUUJMJzn0Pt3dJz6l9l4Gy4OXvUSlRTDw8Ea1RS/vy7Xmv4XsFXiOrrIE1dzvzIq31PCVfusTDXr2J+v570Omw7tiRSrv+wKpVq5LemvCCFTiwVr58ea5evcqMGTP48MMP8fHxYcGCBVy+fBlX17L9rpcgCIIgCILwYmn1Rv6+FQrAmHbPKEuM8YM/J0m3O3wMXk2LZQ/fXv6WW1G3sDOzY0HbBSiKIQOuNDAZjYQvWEDEN98A4PT2KDwWLkCm/nf0jVMr5agUUkbInZD4p59cs7f05909UjChGHSt2JXPW34OwNa7Wxm8ezD3Y+4//UGlnKWPDxU3b0bl6YnOPwC/ocNIuXGzpLf1rxOTpGXWzht53t+ppitqZeZLdXtLFdc/74adhVT+fCMohh83roPdE2FdN9jYH44sgJCrACSnTRMt7yANG7wRHJdRBgppgTWDDv6aLGWrAbSfBu6ZPS3zS2fUMfnoZMKSw/C29WZ+2/nIZUUbUJK1x1o5O4unnFkyMgYUvD4SfWgoqvLlKb9iOeVXLEfl5lbS2xNKgPLZp2Sn0WgwNzdnxIgRz2M/giAIgiAIwn/IyYeRJGj0uNiY0biiQ94nGvSwfTRoE6BCS2g7uXiuH3ySH2/+CMDsVrMpZ1Xu6Q8oI0xaLY8/mUn87t0AuE3/GMeRI0t4V8XPykxJbLKOIWvO8NeENtTxsMv9xMrtQWUFCSEQek0qeSsGL1d7GVszW/53+n88invE8D3Dmd9mPp0rdi7wWuHxGpK1BryflbX5nJlVroT3L1sIeOcdUm/dxv/11ym/dCnWbduU6L7+TU4+jMxxzMFSRUyyNP2yeWUnrM2URKf1BKzuZoONuYoBjTz54aQvy1VL6aE4DxezLPDosBRcq9UHueUoAJp5OxIcG0xovIagmJSMU830CbDxFQg6B8ig3RRoP7VQX8uX57/kYthFrFRWLO20FBt10bNhs2YuV3UtXWWgxtRUQmfPlnqpATY9uuMxdy5yS8sS3plQkgocSnZ1dWXkyJEcOHAAo/EpvQwEQRAEQRAE4Rn2Xg8BoHudcijkT+lHc+xL6UWgmW2x9VWLTIlkxokZALxa41U6VehU5DVLA2NyMoHvvicF1ZRKPL5c9K8MqgFYZSkH/fOa9LNkNJrYcMqPm4+zTOxUmmVOB71XvJMvO1fozO/9fqeFewtS9ClMOjqJn279VKC+a5cDYmj/5RG6fnOUywExz37Ac6Z0caHixo1YtWqJKTmZwHHjiNtdPGW0AtmCXOnqlbfnhzebsnVMC6zNlDikDecAqOEmBatcbczpKz9FD8V5Uk1KfL0Hw6AfML60gId2LQAT3N7FsCsjGKvYxcDY9Xxh8we1ZP6c84sGwF6pRb5lsPR8am4HgzdAp0+gEP3Afr37K1vubAFgfpv5VLarXIjvRk7darvxwxtNWT6sEe2qORfLmsVBFxqK/2uv5xxQIIJq/3kFDqxt2LCB5ORk+vXrh6enJx988AEXLlx4HnsTBEEQBEEQ/uXSm2q/VOcpmWLht+HYIul272/AvkKRr2s0GfnkxCdEa6Kp5lCNyU2KJwOupOljYvB/802STpxAZmGB14rl2PXpU9Lbem4sn5xuCPx2KYjPdt2k17dPDCqo1k368/7+Yt+Hg7kDK7usZFD1QRhNRhaeX8i4g+MIS8q7D1ZWP58NIEVnQGcw8fWBe8W+v8JQWFvjtWoVtr16gV7P4ylTiN64saS39a8QFJMMwGstKmYcs1Qp6FjDleaVnQCY0LkaAHYWKkaknedmpeB95U4Alun7c7TaDKg7gCMOA+gcNoGXUheAZ2MsDAl8rPqF1iEbeF27lb/UM5Cf/pbGsrtsUc+DwLNSUG3kbqjdr1Bfw5HAI8w9OxeA9xq+R8cKHQu1Tm7kchkda7rSq757qRkAkHzhgjSg4No15HZ2eH2/RgwoEDIUOLD28ssvs23bNsLCwpg3bx63bt2iRYsWVK9endmzZz+PPQqCIAiCIAj/EslaPQFR0otKg9FEaLwGgGpuTyn3OfQ/MBmlPln1BhXLPr6/9j2nHp/CXGHOoraLMFeW3gbZ+aUNCsZ/xGtorl5DYWdHxR/WY92uXUlv67kyU2W+nEl/eXslMDb3k9MDa0EXIKn4J14q5Uo+bfEp05pOw0xhxsnHJ3l518vs9d37zMeGpf0eADyKePbUxxdFplbj8eUiHNLaAIXNm0/I559j0mpLeGdlW3rGWl3PzOErTw4c6NfQk4OT2nPkow7UKCdlrNUP/4Nq8mBiTVb8aOhOXIr0mNA4aRDCXVMF4ob8wUGHV7lorMZdj5e5a90cuczE8Li1bDf7glrGe2BmByN2FLok+mbUTaYem4rRZGRAtQG8U/+dQq1TFphMJqJ//hn/N97EEBWFWY0aVPptG9atW5f01oRSpNBdBW1sbHjzzTf5+++/uXbtGlZWVnzxxRfFuTdBEARBEAShlFu07w5f/3033+d/uPUK7b48zMyd13l1zWkMRhMKuQxna7PcHxBwFu7+BTI5dP60WPZ8LuQcK66uAOCTFp9Q1aFqsaxbkpLPn8fvlVfQPnyIslw5Kv78ExYNG5b0tp47vSGz3NKYdtNgyKME084T3OoBJnhw8LnsRyaTMaL2CH7t/St1nOqQoE1g6rGp/Hz756c+LjIxM1AVGq/BYCyeAQvFQSaX4/bJDFwmTQKZjNhftuI/8g104eElvbUyKz2wVt4hs4TQxjxn+/OqrtY4pE/INBqpcGctAN/oB5GAJfEaqSdbTHLmz8/DWD2/2L/NQO0XXG44m99rL2GRbjAPjB5EmWyI9OgA405C+SaF2ntIYgjjD40nRZ9CK49WzGwx81+btWVMTSXkk5mE/W+ONFW5Z0+8t2xG7eVV0lsTSplCB9Y0Gg2//vor/fv3p1GjRkRHRzNlypQCrXHs2DH69OmDh4cHMpmMnTt3Ztyn0+mYNm0a9erVw8rKCg8PD15//XUeP36cbY3o6GiGDx+Ora0t9vb2jBo1isTExMJ+WYIgCIIgCEI+hcdrWHHkId/+84DA6ORnnm8ymdh/UyqN++lMAOf9pF5SbjZmufdX08TD72mZEA2HgUuNIu85MiUyI9Oif9X+9K/av8hrlrSYbdvwf/MtDDExmNeujfcvWzCrWvaDhfmhNWT2fE5ICzIYntbbrFpX6c/nUA6aVWX7ymzquYmRtaXedgvOLXhqcC0yMTXjtsFowjey9GStgRQwdB4zmvIrVyC3sSHl8mX8Br1CypUrJb21MkdnMBKQ9nzp5WDJt0N9qOtpy7TuNZ/+wIeHUCcEEGeyZKuhAwC/Xw7mg18u8+X+zDc3fCOSMrLfrMyUOFqbscLQny7axTROXY1uyC9gX7jAUKI2kXcPvUtkSiTVHKrxVfuvUMlVz35gGaQLCcF/+AjidqT3U5uCx1eLRT81IVcFDqzt37+fkSNH4ubmxrhx43Bzc+Pvv//G39+fBQsWFGitpKQkGjRowPLly3Pcl5yczKVLl5g1axaXLl1ix44d3L17l759+2Y7b/jw4dy8eZMDBw7w559/cuzYMcaMGVPQL0sQBEEQBEEooNAs5WunHz67tM4vKvfgm61FLi/MtEnw21sQ4wt2XtBtTqH3mc5gNDDt2DSiNFFUta/KjOYzirxmSTIZDITOm0forE9Br8emR3cq/vwTqnL/jsmm+ZE1Yy0uJS2w9rRsr+ovSX8+OChNmn2OVHIVk5tM5u16bwNScG3FlRWk6LM3rt9/M5SIhNRsx7p8fRStvvQNirPp0IFK235FXbUK+vBw/F57nZhffy3pbZUpvpFJaPVGrNQKyjtY0LeBB3++3/bZ02DPrwPgpksvNEgZvtFJWnZeyZ54cjsknmStAQArMwUOluqM+6zNlJSzLVzZu86oY/LRyTyIfYCzhTPLOy3HWl26JnYWl+Tz5/Ed9AqaGzdQ2NlRYe33OI1661+bmScUXaF6rKWkpLBx40ZCQ0NZvXo17QrZu6FHjx7MmTOHl19+Ocd9dnZ2HDhwgMGDB1OjRg1atGjBsmXLuHjxIgEBAQDcvn2bffv2sXbtWpo3b06bNm347rvv+OWXX3JktgmCIAiCIAjFKyw+Mxhw7H7EU881mUxM2HI51/vuhSVkP6BNgs1D4MEBUJrDwHVg4VDk/a68upJzoeewUFrwVYevsFBaFHnNkmLSagn+6CNiNm4CwHnC+9J0Oouy+zUVhi5LxlpugbWs9wNQvqn0s6SJg6DzxbaP4NgUDt3OOahAJpMxwWdCRnBt5dWVdN7WmXXX16EzSvt9Z9PFXNfM2netNFF7e+P9y1ZsunYFnY7QTz8jeMpUDAkJz36wwO2QeABqutsif9ok5KxiAzOyLFsNmcp3Q33yPPXA7bDMjDW1EifrzMBaFVfrQgWHjCYjn5/6nFOPT2GhtGBZ52W4W7sXeJ3SzmQyEb3pJykDOCoKs5o18d7+G1atWpX01oRSrsCBtbCwMH799Vf69euHSiW9uxgfH8/KlStp0qRwddr5FRcXh0wmw97eHoDTp09jb2+f7bpdunRBLpdz9uzZPNdJTU0lPj4+24cgCIIgCIJQMFlf+P9zJ5y4ZB3vb7nM6qMPc5wblaTlenBctmPOaS/4RmSZjIcmXgqq+R0HtQ28vgsqNC/yXk8Fn2LNtTUAfNbyMyrbVS7ymiXFmJJC4PjxJOzdByoVnl9/hcu77/4nsylyDaxlKQVNz9zJIFdAlc7S7WIsB2294B9GbbjAmUc5MzfTg2vz2szD09qTBG0CSy4tYcAfA/j9/k4gc4/jOlTJuB2RmJpjrdJCYW2F57dLcfngA5DLid+9m0f9+pF8vviClf9Wt0OkAGQtd5v8P+jij9IAF++24FIdu1yyfAc08kStkOMflZwxAMPKTJktY612Qa6ZxmQy8b8z/2PXw10oZAoWtVtEHac6BV6ntDNqtVI/tblzpX5qvXpJ/dTKly/prQllQIEDazY2mb+Mhw8f5rXXXsPd3Z3//e9/NG9e9P/05EWj0TBt2jSGDh2Kra00PSU0NBRXV9ds5ymVShwdHQkNDc1zrfnz52NnZ5fx4SWaDwqCIAiCIBRYeJbAWrLWwMStl9l99THz997JcW5UWnN2W3MlEzpXY1bv2pz8uBNLhjRkyktpvdMeX4HvO2UG1V77vViCamFJYXx8/GNMmHil+iv0qtyryGuWFENCAgFvjybp2HFk5uZ4rViObc+eJb2tEpO1N9+1oDh+PR9Iqi4zUJXyZGANMstB7/1dLHsIjs0s7UzPRnqSTCajT5U+/PXyX8xpPQcHMwf84v349NQsrKosRmV/Diu1jEldq+OU1qw+KrF0T96UyWQ4j31HKj/28kL/OAT/10cS/tXXYmroU6S/IZF1cMFT6TRw8QfpdlMp8/HJwFqv+u58Pbgh5R2zZ6w+GVjrVrtgZeImk4mF5xfy273fkCFjXpt5dPDqUKA1ygJ9ZCQBI9/I7Kc2dSoei7/8z2UAC4VX4MBacHAwc+fOpWrVqrzyyits3ryZ9evXExwcnGuvtOKg0+kYPHgwJpOJlStXFnm96dOnExcXl/ERGBhYDLsUBEEQBEH4b8laCgpw5G5mOahGlz2gEZUknetiY8akrtUZ1aYSZkoF/X08sTFXwfXf4PuOEHUfbD1h5C7walrkPeqMOqYcm0JMagw1HWsyrdm0Iq9ZUvTR0fiPHEnKxYvIra2psG4t1m3blvS2StR3Qxtl+3zq9mscvJ05rTJZm0sftapdpCmz4TelErsiOn4v8+de/oysQYVcQb+q/dgzYA9j6r6PndoBuToGc/cd1G+6lciUMBp62QPZBxqUZpY+PlT6/XfsBg0Ek4mo77/H99VXSX3kW9JbK5WikqSgo6OV+hlnprm+DZKjpF6TNXsD2ftS+lSwZ/kw6ffA0TL7mo5WasrZmeNqY4a9pYpWVZ3yvU+TycQ3l77JGLoxu/Vselb+9wXxNbdu4fvKYFIuX0ZuY4PX6tU4vfXmfzIDWCi8fAfWtm/fTs+ePalRowZXrlzhq6++4vHjx8jlcurVq/fcfvDSg2r+/v4cOHAgI1sNoFy5coQ/MeZZr9cTHR1Nuac0bTUzM8PW1jbbhyAIgiAIglAw4QlS5kVuZUnpLx4zPk/LvnGyMsu50O3dsGOMVOpUszeMOQqejXKeVwhfX/iay+GXsVHZ8FX7rzBT5HL9MkAXGor/iNdIvXUbhaMjFTduwLJx45LeVolrVsmRUx93yvP+HKWgAJaO4JWWCXl7d4Gup9EZOO8Xna2PW9YAc2yy7plraPVGhq6+wlfbPKmunY8mrBeY1NyIvsSAXQPQmJ0FTEQmlI3AGkiloR5z5uD53bco7O1JvXUbvyFDSDx2rKS3VupEp73J4JSfwJrRCGdWSLebjQGFEgBXm8znscrOmQMEHLKsaW+pws5ChblKwd8ftuPIRx0wUyryvc+VV1fyww0pU25Wi1n/ignKT4rfswe/4SPQh4RIvQN/3Yp12zYlvS2hDMp3YG3IkCH4+PgQEhLCtm3b6NevH2p1PqPshZQeVLt//z4HDx7EySl7hL1ly5bExsZy8WJmw89//vkHo9H4XMtSBUEQBEEQBIhJCyLUL2+X474ngwLRaYG2rI20AXh4WJr+aTJAg6EweBNYuxTL/vb57eOn2z8BMLfNXCrYViiWdV80rZ8f/sOGo330CKW7OxV/+gnz2rVLelulRq5TZdOk6HIJrAHUSRuedvP3Al1rxu/XeWXVaVYeeZBxLF6TGUyLTXl2CeTDiMSMfoP/3I5FF90Wb80sGro0JFGXyDXtasw9NxOemFigvZUGtl27UmnXH1g0bowxIYHAseOIWrcek+kpk1r/Y6ITC5Cxdmc3hN8CM1to9HrGYSszJbvHt2Fa95pM6lY943jWjLWKjpmlpvaWauwt8//afe31tay8KlWKTWs6jcE1Buf7sWWBSa8nbOEigidNxpSSglWbNnj/uhWzSpVKemtCGZXvwNqoUaNYvnw53bt3Z9WqVcTExBT54omJiVy5coUrV64A4Ovry5UrVwgICECn0zFo0CAuXLjAzz//jMFgIDQ0lNDQULRpNfu1atWie/fujB49mnPnznHy5EnGjx/Pq6++ioeHR5H3JwiCIAiCIOQtvVl8HY9cAmtZytiMRhM/nJTKwrK9mPQ7CVtHgEELtftB32UgL3CnklyFJIYw+9RsAEbVHUXHCh2LZd0XTXP3Ln4jXkP3+LGUUfHzT5hVFi/+srJS552Fk5SaSykoQK2+gAyCzkFsICaTiSuBsSRonp5xtuNSMACL/76XcSw+JfMxcfnIWMutxNPNwpMfu//IxEYTkaNEZXudY3FfkazVZOtlWBaoXF2p+MN67F8ZBEYj4V9+yeNp0zCmlp0MvOdlx6UgHsdJf5+5Zu9mZTTCkYXS7RbjwMI+2931ytsxrkMVPO0z+4BlzVjzcsxnD7cnbLq1iaWXlgLwQaMPGFF7RKHWKa30UVEEvDWK6B+kbDyn0W/jtXoVClHFJhRBvv/nsnr1akJCQhgzZgxbtmzB3d2dfv36YTKZMBqNz14gFxcuXMDHxwcfH2lc8KRJk/Dx8eHTTz8lODiYXbt2ERQURMOGDXF3d8/4OHXqVMYaP//8MzVr1qRz58707NmTNm3asGbNmkLtRxAEQRAEQci/2GTpzc66njlfkGQNHhy6E45fVDKQVv5kMsGZlbCxL2gToXIHGPB9RplTUemMOqafmE6CLoF6zvV4z+e9Yln3RUu+fBn/117HEBmJWc2aVPxpEyrx5nEOT2tJk+vwAgBbd6jYSrp96w8O3Aqj//KTvLrmDAajKVup57Nkz1jLf2Ata0DwdkgCCrmCt+u9zRtV5mIyKok2XaXbz2NoNu9vbjwxUbe0k6nVlJs9G7eZM0GhIH7Xbvxfex1dWPizH/wvpTcYmfTr1YzPHZ/M3n3Sw3+kPoBmtlJgLR8crTKzNwsTWPv9/u8sOr8IgHENxjGq3qgCr1FamUwm4nbt4lGv3iSfO4fc0hLPpUtxnTwZmSL/JbKCkJsCvSVoYWHByJEjOXr0KNevX6dOnTq4ubnRunVrhg0bxo4dOwp08Q4dOmAymXJ8/Pjjj3h7e+d6n8lkokOHDhlrODo6snnzZhISEoiLi2P9+vVYW1vnfVFBEARBEAShyIxGU0bGWpOKjvSu707v+u50qSVNbI/MMtHwon9mpYPMoIXtb8O+j8Goh3qvwKubQVl8vc++PP8lF8MuYqm0ZH7b+ajkeZcKllaJJ08S8NYojPHxWPj4UHHjBpTOziW9rTIn1x5r6bKUg/5+WcpEu/k4noaz/6bR/w7gG5mUr2vEp2RmxaUHm58mMkE6p3MtN3rXdwfgzdbeGfc3L9eMlKCRYFISJ7+Mefmf2XzuUb72UprIZDIcRwynwrq1KOzs0Fy7ht+gQaRcu1bSWysRNx9nnxj7tExLAC79KP3ZcBhYOOTrGlnLPdOHYOTXoYBDfH76cwBG1h7JuAb5C+aVBbqQEALHjuXx1GkYYmMxq14d71+3YvtSt5LemvAvUehc+2rVqjFv3jwCAwP56aefSE5OZujQocW5N0EQBEEQBKGUSkjVk57UY2+pYtmwRiwb1oga5WwACIlLyTg3fUKoBRrGPp4BN34DuRJ6LJIy1dRWxbavDTc3sOXOFgDmt51PRduKxbb2ixJ/4ABBY8dJvX9at5YCE6JMqVCS03729AYjN4LjmLnzOndC0wIctfpK00GDL+Cp9ct4TIJGT1yKjtMPo3Ks52CZGaQ1pv0CFCRj7ei9CPbcCAHA2dqMJUMasmlUM0a0yPw5dbYxw5BUDXnESExGJSqbW1xP/b7M9imzatEC722/YlatKvqICPxHvEb8/r9Lelsv3Dnf6GyfP3X4X2I43N0r3W40Mt/XyLpi22r5D8RfDLvI1KNTMZqM9K/an8lNJv8rpmKaDAZifvmFR737kHT0GDKVCpeJE6j02zbMqlYt6e0J/yJFbmIhl8vp06cPO3fuJDCw6OOqBUEQBEEQhNJv/p7bAJir5JirMjMvvJ2kINmjCCnbR2cwEhqnwZF4jpb7FovAY6CyghHbofk7UIwv3nY/3M3iC4sBqTdQpwp5T4ssreJ27yZ44geYdDpsunWj/MoVyC0L1yvpv8wyLRsoOEYK8E757Rq9vzvBT2cCGP79WekkGzeo2QuA/lE5W8mEZgkOp8uaERSRVtKZNbAWk5R3xlpUYioj15/jckAsAM42apQKOW2ruWT7HXK2UiHDSFxUNeyDeyIzyfBLPc6ai0vz86WXSuoKFai45ResO3TApNUS/MEHRG/cVNLbeqFCs/TKWzbM5+knX9ksZfSWbwpu+R9U8lLdctTxsGVCp6pYqvNXWh+XGsfUo1PRGrV09OrIZy0/K/NBNZPJRPz+v3nUtx+hn3+BMSkJi4YNqbTzd5zHjUP2nIcwCv89xdPIIo2rq2txLicIgiAIgiCUQlcDY/nlvPSGqkaXvdduFVepJcejiCQO3w3n882HecXwF1+b7cMyNhXM7WD4dvBqWqx7OhZ0jFknZwHwWu3XeKvuW8W6/osQu307ITNngcmE3YABuM/+ApmyWP+7/p/Rq5472y4GccFPyhJKL/UEiMoa/Or8OdzdS92kM7SSd+KUsW7GXSFxOYcGaPWZP+9xKTrcbM2zlYLGJOtI0OiwMc9ZfuwfnZztc2frJ8qfDXr45384nF/HdTMd903lqa3z448oc/7n7Miym+uwj3vMkKovQ8ApqN0fnKrk59tRKiisrSi/7DtC584ldssvhM2bhy4kBNcpHyErpqElpVn6YIwpL9Wgd/2n9Eo0meDSRul2lkmg+WFrruKvCW0L9Jh5Z+cRnhKOt603C9stRCkv2885yZcuEzZ3LpqbNwFQ2Nnh/N57OAwfJnqpCc/Nv/8ZTBAEQRAEQShW6UG13FRxlgJrofEaDm2cx19MYLzyDyxlqaQ41IQ39hR7UO1K+BUmH5mMwWSgd+XefNTkozKXcRHzyy+EfDITTCbsh76K+5z/iaBaEfT38QTgWlBcRilyrpyrQtO3AfhE+TNyMgNnoblM40zWZgbR4lN0GI2mHJNE07M1n5SePZcu6zRHAPZ8BCeXINMmYC3T4CN/gJlMT7t4FSMSpOvOCdrLmh2DMR6aDcuawh/vgSZ7767STKZUUu7TT3GZNAmA6B9+IHjy5P/ExNDEtAm11mbP+L32OwHRD0FtDXUGPNc97fPbxx7fPShkCua1mYeF0uLZDyqlDAkJhHzxBf7DhqG5eRO5pSXO775LlYMHcHz9NRFUE54rEVgTBEEQBEEQnikuWceifXc4fCcc38jEPM+zs1ThbK2mr/wUc1Q/YC3TcNVYmbHaD0h88yiUq5vnYwvjcvhl3j30LhqDhjaebZjdejZyWdn6L270pp8I/fwLABxef41yn376n8jgeZ6aVXLESq1AazDmmnmWTbupJMmsqCP3Z4DieMbh3B6XlGUYQlyKjiRtZq/BBuXtAHiU5ffjSmAsx+9HABCUJbDmZmtGi8pOmQv7nYSLP0g93/qv4l2bb3lPO4GXU7+gReoy8N7Km7ZSSeB3jvZMdHMhXmaEyz/B7+9IWU5lhEwmw3nMaDwWLQSVioS9+wgc9TaGuLI1+bSgEjRSYM3G/BmBtfRstXqDwOz5DeULTw5nzpk5ALxd723qudR7btd6nkwmE/F//82jnr2I3fILAHYDBlDlwN+4THgfhY1NCe9Q+C8Q/2ILgiAIgiAIT3X8fgTN5h1kxZGHvPnjec48ksrrLNUKVr/WOMf5rcz9+VK1GoDv9T3pr51NuRaDcbE1L959BR1nzN9jSNAm0Mi1EV+1/6rMTQCN3rCBsLlzAXB6exRu06eXuWy70qCep122z1UKOa5pP297rodkuy/HNEYrJ7aYDQbgc+UGXlaeAiAkNnuGmcFoylYKGq/RERgtnWNjrqS2hzRg4lFEEiaTia3nA+i//CSvrTtHTJKW4FipFNTZWs2f77dFIU/7ezYaYf8M6XajkdBwKFrn2vxlbMFlUzVARopRwaSXt/J5y89Ry9UcsbRgSA0fLltYw909cGZFIb5rJcuub18qrFmN3Nqa5AsX8Bs2HG1Q8LMfWEZlBtae8hyVHA23/pBuF7AMtCBMJhOfnfqMuNQ4ajnW4p0G7zy3az1P2sBAAseOJXjCRPQREagrVqTCjz/iMW8uSienZy8gCMVEBNYEQRAEQRCEXO28HMzx+xHsuR5Cqt6Y4/69E9vyUp1y2Q9qk5iVshAzmY6DBh/Wmr/Bnont+axP/htw58eeR3uY8M+EjEy1VV1XYakqW03+o374kbD5CwBweucdXCb/OybxlYRVrzVmRIsKNPSyZ8EAKfPGxUbqYfbl/rvZzlUqcr4EWqt7iSvGKljLNHyjXMYh9WTGG39Ck5rZjy1rGShAfIqem4+lLKs6HrZUcJQGdwTHpHAtKI5p269nnBudrMU/SgqsfdSthrQ3kwniguCvDyHkCpjZQsdPAHi3Y/aJhenXHlh9IBt7bsTDyoMgTSQjyzmy1s4W05GFkBJTsG9aKWDVsiUVf/4JpZsb2ocP8R04kMSjR0t6W89FesnwU0tBr/0KhlRwqwcejZ7bXrbd28aJ4BOo5Wrmt51f5t6QMKamErFsOY969Sbp6DFQqXAa+w6Vdv2BVYvmJb094T+owIE1BwcHHB0dc3w4OTnh6elJ+/bt+eGHH57HXgVBEARBEIQX5EZwHB9svcJr684RkNZ0fVLX6tnOccstA+3UMlwM4QSZnPlA9x7uDtbUcrct1oDRL3d+4ePjH6M36elZqSffdvq2zPUGilzzPeELFwLgNG4sLh9MFEG1IvC0t2BO/3rsfK81rzarAOTx84kU4DBlKZ3840owoUlGXtNOZ4t6ACaZgiryEMYpd2P8430powxI0Wbv1RafouPmY6m/WR0PO1zTAnkRiak5+rMlaPRc9JcCXw287CEuGL7vBN/UgYs/SiWgfZaAtQsAjSo4cPijDtQsJ5WxpWQZElLHqQ7b+m6jb5W+mICljvZMsFMRdnxxwb9xpYB5jRp4b/0F83r1MMbFEfjOWMKXLMFkeEpvvDLomaWgWYcWNB5ZrBOTswqID8iYnjyx0USq2JedARgAicdP8KhPXyKXLcOk1WLVqiWV//gD1w8+QG5m9uwFBOE5KHBg7dNPP0Uul9OrVy+++OILvvjiC3r16oVcLue9996jevXqjBs3ju+///557FcQBEEQBEF4Ac75RmfcPvkgCoAmFR1oXskx47i56omSOm0ynF0FwELdqyRimZE1VBxMJhMrr65k7tm5mDDxao1Xy2S2RcSKFUR8/TUAzu+Px3WiCKo9D3YWuQcwjKbsvdK2pg3jsHd0YsjH65FNus0y2VD0JjmWt36B418BkPxkYE2j40G41E+tZjkbyssjmaL8hc7hG1E/Pg9kBu/OPooiWWvA0UpNDf19+L4jPL4EMgXYuMPLa6DuwGzrV3K2YmQrbyBnUM9WbcvcNnOZ1WIWSpmCI1aW9Av+g63X12M05cwuLe1U5cpR8eefcBg2DICoVasJePtt9FFRJbyz4pM+vMA2r1JQ/1MQfhOU5lJ/tedAZ9Ax/fh0UvQpNC3XlBG1RzyX6zwPhoQEHs+cSeDo0egCAlC6uuL5zdd4rVuHWeVKJb094T+uwKOGTpw4wZw5cxg7dmy246tXr+bvv/9m+/bt1K9fn2+//ZbRo0cX20YFQRAEQRCEFydrYC2dp4MFPhUcOJvLfQBc+RlSook182CPRirHKa7AmtFkZOG5hWy+sxmAcQ3GMa7BuDIVkDKZTER+9x2RK1YC4PLhhzi/M6aEd/XvlajR5zimlMvQp03ytDZTYjSauB4klXOuHtEEuVwGNm78bv0qQdFWLFCthcNzwLESSU5ds60Vn6InPq28z10eTeMDr9BcGQ6pwMmf2Kauzq+GDhwyNOJGWmZbT5co5D+NgtQ4cK0DQ7eAQ8U8vwaLtOB1XpNNB9cYTEPnBnzxxxCuKQzMufQNfwUdYXar2XjbeRf0W1ai5Go15T6dhYWPDyGffUby6TP49n+ZcrO/wKZjx5LeXpHoDcaMwKx1Xhlrp76T/mw4DCwcnss+Fp5fyLXIa9iobZjTek6ZGfSSdOoUjz+ZiT4kBGQyHF4bgcuEiSisrUp6a4IAFCJjbf/+/XTp0iXH8c6dO7N//34AevbsyaNHj4q+O0EQBEEQBOGF0+gMGZMMs3K3s2B8p6r0ru/OyuFP9P8xGuD0cgBuVnwNA1JAwM2m6AMLDEYDM0/MzAiqfdzsY95t+G6ZC6pFfPVVRlDNdcoUEVR7zuqXt8/2+ZAmXthaSNlC6WV5vlFJJKTqMVfJqe6WOYHRwVLNL4ZO+FVNayB/aDaalOzDDOI1uozgXd2Ln6JMDuexyZG/DdJAj6bye3ypWsMRs0nYxt6mlsyfKRHTpaCaVwsYtf+pQTXIzAp9sr9bVtWdarCxxRd8HBWNpdHE5fDLDP5zMH89+usZ36HSya5Pbyr9uhV1lSroIyIIGvcuwZM/QhsQUNJbK7Sk1MzAaK491iLvw729gAxavPdc9rDr4S623t0KwIK2C/Cw9ngu1ylO2qAgHk/7mIC3RqEPCUHl5UXFjRsoN2OGCKoJpUqBM9YcHR3ZvXs3H374Ybbju3fvxtFRKg1ISkrCRoy1FQRBEARBKJNO3I/MVioH4OVogVopR62Us2xYLk21b++GGF+wcCS08kC49gCAup62Rd7Piqsr2P1oN0qZkv+1+R+9K/cu8povksloJGzuPGJ+/hkAtxnTcXz9+U38EyTDW1TAYDTRrroL8RodNcrZcMY3iugkbUYjeb/IJACqulpnG2pgb6kG4Gzl8Xg/3gOx/pTfP4rXFVXopziFDckc8OvCOf1L9JCfxT74CCa5ipGaT7hvdKeZ/jYvKS7QVX6BCvIIpod/hEltxMaQAm51YdgvYPbs10uWaRNMs/ZYy42iVl+GH/uSTkG3mFm9Mec0oXx8/GNuRd3i3YbvYqUqW0EIs6pVqbT9NyK+/Y7oH34g/q+/iN+3D7v+/XAeNw51+fIlvcUCSc9sNEt7Ds3h9DLpzxo9wblqzvuL6E70HWafng1I2b7tyrcr9msUJ11oKJErVxG7fTvopaCyw7BhuH40Gbll2RpSI/w3FDiwNmvWLMaNG8fhw4dp1qwZAOfPn2fPnj2sWiX11Dhw4ADt27cv3p0KgiAIgiAIL8Q5P6nUc3CT8rSv7oq1uZIKjk95MWMywcml0u1mozEoM8/1qVC0kqZDAYdYc20NALNbzy57QTWDgZDPPiPut+0gk1Hu889xGDK4pLf1n2CmVDC6XeVsxxyt1PhHJRMWnwpkZq7ZW6iznWdvKWW2RaYqoP8KTFuG4hZ+gtmqExnnVNdv4GXTblxVsQDImo0h8XIliNNwzlSLc/paLOVl1qkX01R+D2Tw0MqHKm/sBAv7fH0NFuq8S0FvPo7jTkgCvRu4Y6ZUQPOxuP/xHmtCQvm61WtsvL2Jjbc2ss93H1OaTuEl75fKVJan3Nwct6lTsO3Rg4hvvyXp+HHitu8g7o9d2L/cH6d3xqIu71nS28yXzMEFufRXS4yAq79It1uNL/Zrx6XG8eHhD0k1pNLGsw1jG4x99oNKiFGrJXr9eiJXrcakkQaAWLVujcvECVjUr1/CuxOEvBU4sDZ69Ghq167NsmXL2LFjBwA1atTg6NGjtGrVCoDJkycX7y4FQRAEQRCEF+ZqYCwATbwd6VXf/dkP8D8pNWJXmkOzMdSMyfwvpqOV+ikPfLpHsY/45MQnAIyoNYI+VfoUeq2SYNLpeDx9BvF//glyOR7z52HXr19Jb+s/rYqLNZcDYnn350s08LKndz3p5/vJ8jyHtMBaXIoOqr/EiurrML+5lWqyIBo2b8/fQWp6hizHQyYFoVPrDMas62zqhF0mJC5zImg81gzXfsJH5n9g0OuIrDaZWfkMqkFmj7UnhxfcCI6j93dSkM9gMjG4iRfUGQD7Z6CIDWCKgw8tOrdk/rn5BCYEMuXYFDbf2cy7Dd+lhXuLgn3TSphFvbpU+H4NyZcvE7lsOUknTxK77Tfidv6B0zvv4DRmNHJ14Z9nXoTMwQW5vPw+vxb0GvBsDBVaFut1jSYj049PJygxCE9rTxa0XVBq+6olnjhJ2P/+h9bfHwCLxo1x/fADLJs0KeGdCcKzFTiwBtC6dWtat25d3HsRBEEQBEEQStiWcwEZwwnql7fL34NOfiv92XAYWDlT3wp+eLMplZ0LX36WoE1g4uGJJOmSaOLWhElNJhV6rZJg0moJnjyZhAMHQanEc/GX2HbvXtLb+s+r5prZR+1qYCwp2vRMouwvi9JLQWOStADcxZtd+tcY3bYS7XrVxnf/HXr4l6e7/Dx3TV6s7j8NFEo61XTj4O3wbGtpUTFPI015fEddsJ6D6T3Wkp7osXbzcVzG7ahEaY+oLaHhcDizAi5tpO2QTTRzb8b6G+tZd30dl8MvM/rv0XT06siUplPwsvEq0F5KmqWPDxXWrSX50iUiln5L8tmzRC5bRvzu3bjN/ATrtm1Leot5Si89zjG4QJcC57+XbrccD8WcUbj62mqOBx/HTGHGNx2+wc4sn8/pL5AuNJSw+QtISOvXrnBxxm3qNGx79ypTGZbCf1uhAmtGo5EHDx4QHh6O0Zi93r9du9Jdry0IgiAIgiDkbefl4IzbVV2sn3JmmvDbcH8/IJNeGKbpWMO10HswmozMODEDv3g/3CzdWNx+MSp5LiVUpZRRoyFowgSSjh1HplLhuXQpNp3K9lTDf4vqbtn7mqXocp/U+OSQg/QeWdXSHu9sbYa/qRyrDX1QK+SYqaTHD25Snr03Qjh+PxKQSkpjk3UZ65rl1l/rKdxszZDLpH0Ex6bgZKXGXKUgNC41x9cAQINXpcDa/b9BE4+ZuS3jGoxjYLWBrLu+jq13t3I48DAng0/Sr2o/htcaTmW7ymUqgGHZqBEVfvyBhL17CZu/AK2/P4Gjx2DTtQtuH3+MyrP0lYemZ6w9GcDl2lZIjgL7ClCrb7Fe85+Af1hxZQUAs1rMopZTrWJdv6hMWi3RGzcSsWIlpuRkUChwHDEc5/HjUYh+7UIZU+DA2pkzZxg2bBj+/v6YTKZs98lkMgyG3EdBC4IgCIIgCKVfeiBh6asNszVzz9Op76Q/a/UBpyrFsoc119ZwJPAIarmaJR2X4GThVCzrvgjG5GQC332P5DNnkJmbU375MqxFpUepUdU1e7A4RSslCTzZ+8omrTT0Tmg80367xuWAWABs085zsjbLODdrUE6pkLP4lQY0n3cIkEqhswXW0jLQ8svGXEUDL3suB8Qy9bernH4YRe/6Huy6+jjjnGz918rVB6eqEPUA7u6FBkMAcLV0ZXrz6QyuMZj55+ZzNuQs2+5tY9u9bTiaO9LRqyNv1n2TirZPn1JaWshkMmx79sSqXTsily0netMmEg4cJPH4CZzHjsXxrTdLVXlofNrzaraSY5MJzqVlqzV7BxSFynnJ1b2Ye3x8/GMAXq3xKv2qlq4S9KQzZwj93xy0Dx8CYNGoEeU+nYV5zZolvDNBKJwCF1iPHTuWJk2acOPGDaKjo4mJicn4iI6Ofh57FARBEARBEF6QhFQpCFDeweLZJ8c/hmu/SrdbTyyW6x8NPJqRZTGzxUzqOtctlnVfBGNqKoHvSUE1uaUlFb5fI4JqpYynffaf68hEKfPL5okea+kBEL+oZLZeCJR6rQG2FtJxZ2t1jnPTZe0rqJJnf7lV0Iw1gLZVnQE4+SAKo4lsQTV4ov+aTAZ1B0q3b/yWY60q9lX4vuv3rH9pPa09W6OSq4jWRLP9/nb67uzLlKNTCEsKK/AeS4rC2hq3j6dR6fcdWDZpgkmjIWLJEnz79CXx+IlnL/CCpJeCZgvg+p+CsBugsgSf4cV2rQcxD3j34Luk6FNoXq45U5tNLba1iyrV15egDz8k4I030T58iMLREff586n4808iqCaUaQV+Zr9//z7z5s2jVq1a2NvbY2dnl+1DEARBEARBKLsSnza97klnVoBRBxVaQfmiN5j2j/dn+vHpmDAxpMYQXq72cpHXfFFMOh3BkyaTfPoMMktLvNatxbJp05LelvAEuTz3kscnS/RylOylSc9Yc8mSsWb1RGBNlSXTs4JT9mm6hQmsjWhRMUfwLquUJyeGpgfWHh6GlJgc58tkMpqWa8qqLqs4M+wMa7utpUP5DhhNRvb57WPYX8O4HXW7wPssSebVq1Nh00Y8vvwShYtzWnnoaILen4Du8eNnL1AIEQmpXPTP+f3NTebzapa/x5NLpD/rDwaLok1PTnc5/DKv732dsOQwKttV5qsOX5WKMnrd48c8/uQTHvXuQ8LefSCX4zBsGFX27cX+5f5lqhRZEHJT4Gf25s2b8+DBg+exF0EQBEEQBKEEmUymjFLQvAILGaJ94ewa6XabD4t8bZ1Rx9RjU0nQJeDj6sO0ptOKvOaLYjIaeTx9BomHDiFTq/FasQJLH5+S3pZQAE/2WMvRZD6NXVrvNecsgbXopNQc5218qxmf96lNy8rZy5jNlAUrBQVwtTWnR91yed6fI7DmUgNcaklB77t7n7q2WqGmuXtzvuv8Hb/1+Y0qdlUITwln5L6RHA44XOC9liSZTIZdn95U2bsXx5EjQaEg4cABHvbsRdT6HzAVc8uiHkuPMXDlKa6kTVF+mozn1fQAaeB5qQ+eXAmtJhTLfk49PsU7B94hQZdAQ5eGbOyxscSHFeijowmbP5+HL3UnbvsOMBiw7tCBStt/o9yns1DY2pbo/gShuBQ4sPb+++8zefJkfvzxRy5evMi1a9eyfQiCIAiCIAhlk0ZnRG+Ueug+M2Nt/ydgSIXKHaFa1yJfe+31tdyKuoWt2lYaVqAo+SyL/DCZTITOnk38n39K0z+XLMGqRfOS3pbwFMuHNcpx7Mmfd9s8fv7TA872lipUCinLppZ7zuBAu+ouvNG6Ehbq7IE0M1XBM9YA+jb0yPM+jTaXgFGd/tKft/7I9zVqONZgY8+NtHBvQYo+hYmHJ/Lr3V8LuNMXJyAqmVk7bxAYnZztuMLaGrfpH1NpR2Z5aPiiRfi/9jpaP79CX89kMvHOpguM33yJVL2ByLRprGceRT3zsZnDC9J+rs6lvSlRf0iRe1PqjXrWXl/Le4feI0WfQmuP1qzptqZEg2qGxCQili3nYZeuRG/YiEmnw7JZM7x/2YLXqpWY1ypdgxQEoagK/Mw+cOBAbt++zVtvvUXTpk1p2LAhPj4+GX8KgiAIgiAIZVN6HyC5DKzUT8msubEd7v4FMgV0XyD1dSqCS2GXWH11NQCfNP8EV8vCTxR9kUwmE+GLFxP7y1aQyfBYuEBM/ywDetV3Z2TL7E36nyy1zKv0Mv24TCbj5LROvN6yIhM6V8vzWuaqovdYA2hbzYWVw7MHBKd1l3pS5chYA6id1qz+4T+gicv3dWzVtqzosoKB1QZiwsT/zvyPFVdW5BhaVxqM2nCeTWf8Gbn+XK73m9eQykPLzf4CuZUVKZcu8aj/y0Rv3FSo7LXIRC37b4bx57UQTj6IzLzOE3+ne66H8MNJ34yhEiaTicsBUsmotbkSYvzg5g7p5KZvF3gfWV0Ku8TIvSNZemkpeqOeHt49+LbTt1go89Ej8zkwpqYSvWEDD7t2JXLZMozJyZjXro3X2rVU2PAjFg0blsi+BOF5K/DoEV9f3+exD0EQBEEQBKGEZZ1cl2fPm4Qw+GuydLvdR+BatIbTMZoYphybgsFkoFflXvSo1KNI671IUatXE71uPQDlZn+BXa9eJbwjIb8crLJPjLTNRymotZky26RcV1tzZvd7+nANe4vs1ylMKWi6HvXcqeNhy83H8QB4pg0Y0eQWWHOtBc41IPIu3PkLGg7L93VUchWftfwMF0sXVl1dxcqrK3mc+JiZLWZirjQv9P6L2/3wRAAeRSYxfvMlpnWviZdj9p52MpkMh8GDsW7dmsczZ5J8+gxh8+YRu307rpMnYdW2bb77e6W/8QCw93poxu3oJG3GbaPRxKRfr6DRGTl2L4If3mzGX9dD8IuSsupszJVwbB4Y9VK2r2fO7Mn8SNGnsOj8In67Jw2osFZZM735dPpU7lMi/cqMKSnE/bGLyDWr0T8OAUDt7Y3LBxOx6dYNmbxwAWVBKCsKHFirWLFsjGAWBEEQBEEQCibXyXVZmUzw54dSQ/Ry9aDtR0W6ntFkZMaJGYQnh+Nt682nLT4tM02sozduImLJUgBcP56GwyuvlPCOhIKwfCIj08XGLNvnKoUclUKGzpCZqfW0AQJ5aVPNmYpOlvinBVYKm7GWrryDRUZgzcFS+j1N0RlzP7neIDg8F65vK1BgDaSA1HsN38PZ3Jl55+bxx8M/uBdzj6/af4WXrVeRvobn4c9rIQTHpvD7u7lP4VV5elJh/Xpif/mF8K+/IfXuXQLHvINVmza4zZiOWeXKz7xG+mRYgDO+meWfUVkCa4laPZq0v4/DdyO4ERzH6YeZ53qawuDKZumTjjMK9DVm7CM1jrEHxnIj6gYyZAyoNoBxDcbhZuVWqPWKQhceTszmzcT+shVDbCwASjc3nMe/h/3LLyNTFvx3RhDKonz9pO/atYsePXqgUqnYtWvXU8/t27dvsWxMEARBEARBeLGeObjg7l6pBFSugpdXg1Kd+3n59MONHzgRfAIzhRmL2y/GUmX57AeVArHbdxA2bx4AzuPH4/TGGyW7IaHALNSZP+NqpTxjKEFWWYNqAK62ZjnOeRaVQk7Peu6sPPIQKHyPtXRNvR3ZfzMMAHOVFBzMNWMNpOmgh+fCo6OQGA7WBS+xHlJzCBXtKjL16FRuR99m4O6BfNTkI16p/kqJB8HlMjBm+St6FJH01PNlMhkOQ4di26MHkWu+J2bTJpJOnOBR3344Dh+O87ixKOzt83x8ekYvQGB0SsbtqMTMwFpcsi7bY04+iCQiQRpuUd7Bgoa+34PJAFU6g1ez/HyZ2USmRDLmwBjux9zH3syeL9t/SQv3FgVep6g0d+4Q/eMG4v76C3TS16zy9MRx5OvYDx6M3Lz0ZDYKwouQr8Ba//79CQ0NxdXVlf79++d5nkwmw1DM01YEQRAEQRCEFyOzwXYu/0XUJsG+tEmdrcaDW50iXetS2CW+u/wdANObTaeGY40irfeixO/bR8isWQA4vvEGzu+9W8I7Egojaw/Bcrbm+QoSVXSyKtS1XLJMEC1KKSjAay0rci8sgdZVnbFIC6yl5Da8AKSm+B6N4PEluLkTmo8p1DVbuLfg1z6/Mv34dC6EXeB/Z/7HP4H/8EXLL0okSyqdhUpBUpavXaXIX9BSYW+P29QpOAwZTNiChSQePkz0hg3E/v47zmNG4zBiRK6BoawZa1mll4KefRTFP3fDs93nF5VEUIwUhPuykzWyPb9IdxQiWy00KZTRf4/GL94PZwtn1nZbSxX7og0+KAhDYhJJJ44T88tWks+cyThu0agRjiNHYtOlMzJF0X6+BaGsyldgzWg05npbEARBEARBKDnhCRrWHH3EK028qFHOpsjrpb9wzHUi4p+TIDYAbMtDuylFus6TfdUGVBtQpPVelMRjxwieMhWMRuxfGYTrtKklnrUjFI7lE4G13HSr7cbft8IyPq/jkXP6Z34422QNrBUtY81MqWDRoAYAPEjrMZbr8IJ09V6RAms3fit0YA2gnFU51r20jp9u/cTSS0s5GXySPjv78FbdtxhZZ2SJNMs3fyKwplYU7HdRXbEiXitXkHj8BOGLF5N69y7hi78i+uefMY0aR+VXB6LMEgiNzyOwFpmUikZnYMiaMznuexSRRFCMVAZc+8EaKVutalco36RAe41MieSt/W8RmBCIu5U7a7utpYJthQKtURAmkwlDZCSpDx6Qeu8eiSdOknzmDKa07DQUCmxfegnHN0ZiUb/+c9uHIJQVBS56DgwMxMur9NXVC4IgCIIg/JcYjSZeX3eOO6EJnPWNZtf41kUO8sQkS5kX9pZPlHg+OgLXfgGZHAZ+D+rCZe5A2e2rlnTuHEHvTwCdDtuePSn3+edlYt9C7iyzlILmVeK55NWGhMensudGCCfuR/J6y8L1mi7OjLWsLNKCg3EpOjQ6Q0ZpaDZ1B8D+GRB4Fh5fAY+Ghb6eXCbn9Tqv08azDZ+d+owrEVdYfmU5v937jYmNJtKrci/kshfXpP7Jr1ddyKCldds2WLVqSdyu3UQsXYo+JBTmfMbR73+kxddzsGosDRjIK2MtNE6TUeqbLr0/31nfaADqyh5hey9tEmiH6QXaX7IumfGHxhOYEIintSfrX1qPh7VHAb/K3JlMJgxRUVIA7f4DUh8+IPXBA7T3H2CIyzlNVlWxArbduuEwdCgqj+LZgyD8GxQ4sObt7U2bNm0YMWIEgwYNwsHB4XnsSxAEQRAEQXiKq0Gx3AlNAOB6cBwX/GNo6u2Y47zEVD2WKgVjNl3A1kLF14Mb5rlmbFp/oPSm6ADoU2FvWglo07ehYqsi7bss9lVLuX6doHHvYkpNxbpDBzwWLhAlT2Vc1nLnvDLWLNVKvJ2VvNuhKu92qFroa2UdjFDUHmtZWWQJLH2x+ybzB+SSOWRTTuq1duM3+GsSjDoIRZzQWNm+Mht7bGS/336+ufgNj5MeM+PEDPb67uWrDl+9sOy1J7+X+S0FzY1MocD+5f7MjHXDcvc2htz7B48wXwKGD8du4ABcP/ooz4y1ZK2BpYfuZzvWtLwVNYO2UUfuiy3JtFbcQmYyQO3+UL5xvvelN+r56OhH3Iy6ib2ZPau6rCpSUM2k06G5dYvkCxdIvnSZlCtXMERF5X6yTIaqghdmVapi0bAhNp07oa5cWbyhIAi5KHBg7cKFC2zevJnZs2fz/vvv0717d0aMGEGfPn0wMyt4Q09BEARBEASh4A7fjcj2+Z7rITkCa1/9fZfv/nnA/AH1OHhb6v3zv351scpjumFMWq8gB6u0jDWTCXZ/ABF3wNKp0FPs0mXtq/Zxs4/LRF+1lBs3CXx7NMakJCybN8dzyTfIVHlMTRXKjLqedoxoUYGrgXH09/F8rtdyssrMAFXIiy8okTWwtuVcYO6BNYBuc+Defgi+CJd+hCZvFfnaMpmM7pW607FCRzbd2sTqq6s5Hnyct/a9xcwWM6njXLQejPkhfyLAU5TAWro/70ZD9c78XaEZI2/vpbv/OeK27yDx0D8k1O6BwrkhZuZqktNKUKu7WXMvLDHbGuVl4SyJmYarKjD74p6Nofc3+d6LyWRizpk5HA8+jrnCnGWdl+Ft553vxxsSEki9exfNnbukPnyAzt+f5CtXMSUnZz8xSwDNrGpVzKpVxaxKFdSVK4shBIKQTwUOrPn4+ODj48OiRYs4cuQImzdvZsyYMRiNRgYMGMD69eufxz4FQRAEQRD+85YevE9gTDLtq7uw8sgDILMP1MHbYbSp6kwFR0uquUn91r77Rzpn+o7rGWuExmvwcrDMtWwqJi1jzT49Y+38Wri6GWQKGPA9WBS+UiE0KTSjr1rPSj0ZWG1godd6UVKuXCFg9BiMCQlYNGhA+eXLxQvNfwmVQs6c/vVeyLXsLVUMbFQejd6QLchWVOZPZGyZTKbcs4ls3aHTJ7DvYzj4OdQdBOY5+8WdehjJwn13mdu/LnU97fK1BzOFGW/Xe5vGbo1579B73Ii6wat/vUqXCl0Y22Dscw2ep+qz95ZTFbF/XVax5jYs9RlMlddepe6vq0i9d4/XTm2hi+XfBHYfyAJdBVJU5rSo7JQRWKvsYsXjiGjWqL7BVRsI1m6sTumEv8aSbm1b06Fbf5DnP9P1++vfs/3+duQyOYvaLaKBi9Rbz5iUhC4sDH1oKNrgYHSBQWgDA9AFBmFIiMeUosGo0WCMj891XbmdHZZNmmDZqBEWjXwwr1VLPK8JQhHJTCaT6dmnPd2lS5cYNWoU165dK5NTQePj47GzsyMuLg5b28I1JRUEQRAEQXieNDoDNWfty3bM28mSre+0pPm8Q9mO+y3oJd3/8V+5rmWpVvDtqz50qZ19ot+glae44B/DiuGN6FleCytagi4JXpoPLQs//TJBm8DIfSO5H3OfSnaV2NJrC1aqwvdpexGSL1wgcMw7GJOTsWjSGK9Vq1FYl+49C/89UYmpNJ5zEIALM7vgbJ1HBZFBDytaQNR96LEImr+T45T054tqrtYcmNS+wHsJTQrl20vf8uejPzFhQoaMwTUGM7XpVNSK4gsopms69yARCamZn3s7sG1s4UvVjUYTlWfsyXZsyks16FPHha/fncfg+//gkCoF0Uxm5pjadkDVpRszAi3RyhS80rg81nve5WXFSZJUjliNP0GgwYGL/jH0a+hRoBLK86HnGbV/FGqtkc9c36BNiheamzdJPn8erZ9fvtdRurtjXqMGZtWro/Iqj0X9+phVq4asiOXAgvBfUJA4UYEz1tIFBQWxefNmNm/ezI0bN2jZsiXLly8v7HKCIAiCIAjCUwREJ+c4tmlUc9xszbG3VGX0RwOYtfMGTbxzzy5To6OT/jRXz8XRpeagbBkU6cMLHNUG2DFGCqpVbA3NxxZ631qDlg8Of8D9mPs4WzizssvKUh9USzpzhsBx72JKScGyRQu8VixHbln6e8EJ/z1O1maUszUnNF7DrcfxtK3mnHsAR6GUgml7PoLjX0P9IWBhn+uaydrCJUqUsyrHvLbzGFVvFKuurmKf3z623t3K/Zj7fN3ha5wsnAq1bl40T0xDNRiLli+SoNHnOBaZmMpx31h2Vm1HWLvuLLbwRbPjN7S+vsgO7sNwcB9zbW2x6dwZOUocks6gs5ZztvFiOtl54gV4OebvuUMfGUnKjRvEXr3Ig6M/sfSxjnKxAOsIfeJcubU1Sjc3VO7uqCt4oSrvhbqCFwpHR+Tm5sjMLVA6OqCwty/S90QQhPwpcGBt9erVbN68mZMnT1KzZk2GDx/OH3/8QcWKhZuSIwiCIAiCIDzb0Sw91RRyGZveapbxgq2ikxWxybEZ928648+mM/65rGLia9UKeivOgh+w8COo0BJqdIc6LxObrEOOkdqnJ0PgGTCzhb7fFbrZudFkZObJmZwLPYel0pIVnVfgaf18+1kVVcLhwwRP/ACTVotVmzaUX/adKJMSSrUKjpaExmt4ff05PuhSjQ+6VM/9RJ/X4OwqiHoAh77Is99XObui/bxXsa/Cl+2/pF/Vfkw5OoVL4Zfo90c/3qzzJsNqDSu24QapOmP2z/XGPM7Mn9ymfkYlaolJkiZ7tqhdHs8uHTG9/SYpl68Qv3cvCfv2oY+IIO733wGIwQ1UCrzvbiP03C3M69RBXbkS6vLlUTg4YNLp0EdFY4iJRh8RSeq9u6TcuIHmxk30oZnhs4ZZ9qB0ccGsRg3Ma9bAolFjLBv5iICZIJQyBQ6szZkzh6FDh/Ltt9/SoEGD57EnQRAEQRAEIYtHEYnM3XMbgO51yrHk1YaYZ2lc7mqTvwFSoxR76K04i86kIFVmjnVqPNzfD/f3Y9o7jTm6hlioUrH1uwoKMxi6BZyqFHrfSy4uYa/vXpQyJd90/IZaTrUKvdaLEL9nD8FTp4Fej3WnTnh+8zVyMZxLKOWGNvfinJ8U/Nl/MyzvwJrKHHovgQ294cJ6KWutQgsge/ZXUQNr6dp4tuHnnj8z+ehkHsQ+YMmlJfz56E/WdF2Di6VLkdY2GE1oDc8nsFbO1pxpPWrw4darRCWlZmTCeTtLb2TIZDIsG/lg2cgHt4+nkXLpEvGblqC5eAZNrAqTzkDq1aukXr1asA3IZGg8nThnF0WAu4IRfWZSrWlXlI45pz0LglC6FDiwFhAQIEbsCoIgCIIgvEAPwjOnznk6WGQLqgE0rujAgVthT12jhfwW05VbAJitf419Zj0497YbhgdHUNzchizsJj3k5wAwyRTIBq4F7zaF3vPPt3/mh5s/SNdrPZtWHoXvffQixGzbRuinn4HJhG3v3njMnyemfwplwss+5fGPSmbJwfvEppVz56lSW/AZAZd/gu1vwzvHwNKRoJiUjFOs1PlvsP8sle0r81uf3/jL9y++ufgND2IfMHLfSDZ031Ck4NqTgwvyOlYQ8RopsGZrocTJSgqoRyZo0RulgJ1LLm9gyBQKLGtVxNLjODjGYeo2H63bS2hu3UZz6xaa27fRBvijDwmVpiwDMrUahZMTSgcH1JUrY163DhZ16xJUTsXoI6NINSiY0mQKteoMKdLXIwjCi1PgwJpMJiM2NpZ169Zx+7b0zmnt2rUZNWoUdnb5mx4jCIIgCIIg5F/WzIw3WnnnuP+1FhVxtjbjq7/vEhKnyXG/Dcl8p/oOpczIXbeebPLviizFwPC/UrkbWpe32vThz4C/eVlxgpZuRur1nQgVWxZ6vwf8D7Dw3EIAJjaaSJ8qfQq91osQ9eOPhC+Q9ms/ZAjlPp2FTFF8wQVBeN5eb+nNkoP3CY3XoNEZsgXfjUYTv10MoqqbNQ3L2yPvNhf8T0H0Izg0G/os4VFEZvBeZyjybLtsFHIFfav0xcfVh9F/jyYwIZBxB8exvvt6bNWFGxynyVIGunt8G/osO5GjNLSgVh19CICdhQoPe6lcNSgmGXlaUkmumcEmkzRtVRMH5eojaz4GM4USsypVsOvTO/M0vR5DQgIylRq5lWWORBWNXsO0v4aSakiltWdrRtQeUaSvRRCEF6vADTMuXLhAlSpV+Oabb4iOjiY6OppvvvmGKlWqcOnSpeexR0EQBEEQhP+09BeR7au75NoI28pMyaDG5anskttQABPTlT/jIovD4FiVqm+tBWSYTHDqYRRRSVq+3H+X26aKzNMPx2vUxiIF1S6GXeTjYx9jwsSQGkMYVXdUodd63kwmExHfLcsIqjmOeotyn38mgmpCmeNgqcLaTInJBMGxKdnuO+MbxdTt1xiw4hTdlx5Dp07rnQhw8Qe4sJ57YQkZ52uLWFKZFy8bL77v9j3OFs7cjbnL+4feR6PP+UZAfqRnpynlMizNFGnHCr9v38gkjt+PBKSS0AqOlijkMpK0BhJSpaEGLja5lMhe/glubAeZHPoskYZE5EKmVKJ0cEBhbZVr9dfXF7/mQewDHM0dmdN6DnKZmNopCGVJgX9jP/zwQ/r27Yufnx87duxgx44d+Pr60rt3bz744IPnsEVBEARBEIT/tvT+R+aqp//XTa3Ifr8SPYtVqxmmPAyA4qW5KMzynsi5akRj7C3Vhd7no9hHTPhnAlqjlk5enZjebHqpbSFiMpkIX7CQyLSp9i4fTMT1o49K7X4F4WlkMllG0D0gKvsE4axlnvfCEgmOSZHKvNt+JB38cxJW93dlnPNk77KC0D/jsV42XqzqsgprlTWXwi8x5dgU9Mac0zifJf3NBnOVAjOl9LxXlFLQG8FxGbetzJSolXLK2WYPpNmaPxE0i3oIe6ZItzvNBM/Ghbr20cCjbLkjlenPbTMXZwvnQq0jCELJKVTG2rRp01AqM59YlEolU6dO5cKFCwVa69ixY/Tp0wcPDw9kMhk7d+7Mdr/JZOLTTz/F3d0dCwsLunTpwv3797OdEx0dzfDhw7G1tcXe3p5Ro0aRmJiIIAiCIAjCv0VmYO3pmVQVnbIHzeYp1zFIcQy9Sc7d5vOl6Z/AoMblAXC2NmPb2JZUdrbC0UpNyypOhd5jeHI4Yw+OJV4bTwOXBixstxCFvHRmfpkMBkI//ZToDRsAcJsxA+exY0VQTSjTKjhK5YsB0dkDa9FJ2fuuhSekSjc6zeSG+0DAxGshc2kjvw4UPmPtWlAs9T7/mzd/OEdiat7BshqONfiu03eo5WqOBB7JKBt/muDYFH6/HJQxSCDrmw1mysyMNZOpcGWst0PiM25/2rs2kPP7luP5Yd900KdApfbQ+sNCXTciOYJZJ2cBMKLWCNp4Fr6vpSAIJafAgTVbW1sCAgJyHA8MDMTGxqZAayUlJdGgQQOWp71T+KRFixbx7bffsmrVKs6ePYuVlRUvvfQSGk1myvDw4cO5efMmBw4c4M8//+TYsWOMGTOmYF+UIAiCIAhCKZbxIlL59EDVay0rMrhJefZObMsYi38YrDyKwSRjrO5DbFu9mXHe4lcacG9ODy7M7EJTb0f+mtCWY1M7YmdRuGb9idpE3j34LiFJIXjberOs0zLMlcUzWbC4mfR6Hk+fTuy230Aux33uXBxff62ktyUIRVYhPWMtLbAWl6LDPyopR4AoIi2wFp6YSl/fl9llaIkSAytUS2ksu4uukBlrVwJjSdEZOHw3giUH7j313CblmrCo3SJkyPjl7i/8fPvnp54/cMUpPtx6lc3nAohN1uIbmQSAk5UZZmmZvCZT4fvD3QmVSmH/168OPhUcAPiwa7WM+7vUcsv+gLBb0kRlmRx6fQ3ygpduGk1GPjnxCTGpMdRwqMGHjQsXnBMEoeQVeHjBkCFDGDVqFIsXL6ZVK2m608mTJ5kyZQpDhw4t0Fo9evSgR48eud5nMplYsmQJM2fOpF+/fgBs3LgRNzc3du7cyauvvsrt27fZt28f58+fp0mTJgB899139OzZk8WLF+Ph4VHQL08QBEEQBKHUySx7evqLtyou1iwa1ABCrlITaSLn7Zrv063qm7jbWWQ7V63MXMuiCFMAdQYdHxz5gLsxd3Eyd2Jll5XYm9sXer3nyaTTETxlKgn79oFCgefiL7HN4/+iglDWpAfW1p3wpVttNyb+coXQeA3NvB2znReeICUp7L0eihE5H+nG4iWLwEf+gO1mX7AufizQosDXT9ZmlmJuPOPPpG7VsVTn/XKzc8XOfNj4Q76++DWLzi/Cy8aLduXb5XpuaLy0520XApm9+2ZGAK2am3W2Nxw0ekO257b8Cktbv7xDZg/LUW0q072OO/EaHeUdsj9/cupb6c9afcC5aoGvB7Dp1iZOh5zGXGHOwnYLUSsKX4YvCELJKvCzzuLFixkwYACvv/463t7eeHt788YbbzBo0CAWLnx2Gm9++fr6EhoaSpcuXTKO2dnZ0bx5c06fPg3A6dOnsbe3zwiqAXTp0gW5XM7Zs2fzXDs1NZX4+PhsH4IgCIIgCKVVfktBMxz8ApnJALX6UvfV2Qxu6vVc9mU0GZl5ciZnQ85iqbRkRZcVlLcp/1yuVVRGrZagDz6UgmoqFeWXLhFBNeFfJetgkym/XcsIRp3ziwbAIu35Iz1jLf1+LSrGaj/AV+ENwOsJayHsZoGvnzWwptUbOecb/czHvFHnDQZUG4DRZGTasWkExOesjMrat+1aUFy2rLSqrtaoFDLSqzQLOxk0vXTVJksfNYVcRgUnS+p62mXvPRkbANe3SbdbTyzU9W5E3mDJpSUATGk6hSr2VQq1jiAIpUOBA2tqtZqlS5cSExPDlStXuHLlSsZkUDOzXEYQF1JoaCgAbm7Z027d3Nwy7gsNDcXV1TXb/UqlEkdHx4xzcjN//nzs7OwyPry8ns9/NgVBEARBEIqDRl+AwFrYTXh4SCpR6jobnlPfMJPJxOILi9njuwelTMk3Hb6htlPt53KtojJqNASNH0/ioUPI1Gq8ln2HTZY3bwXh36CSc2aPxSf7rAHUKCe17QlPSOXMoyhWHnmYcV+T+nW49/I+DhgaoUIPW4ZKAaQCSNFm76t26mHUMx8jk8mY2XwmjVwbkahLZNKRSTkmhYbE5T05tJqrDTKZLGOAQfqbEAWVoEkPrOWjHP7UMjDqpd5qhRhYEJUSxQeHP0Bv1NPJqxOvVH+lwGsIglC6FHqOr6WlJfXq1aNevXpYWuYc+16aTZ8+nbi4uIyPwMDAkt6SIAiCIAhCnlK0mRPwnul0Wu/aWn3BsdJz29PKqyvZdGsTAF+0/oJWnq2e27WKwpicTOC4cSQdO47M3Byv1auwbt++pLclCMWuopMVEztXy/P+Wu5SYO1xbAqvrjmTcXx2vzosH9YIO0s103WjeSwrB7H+sPlV0OUd1HpSesaaq42UbPEoIn8D5VQKFV+2/xJHc0fuxtxl3tl56CvLowAAlzlJREFU2e4PzCVImC49mGhtJmWaJWkLPmEUIDEtsGb95OTPJyVHw2XpeY82HxT4OjqjjqnHphKWHIa3rTdz2swRQ1ME4V8g3z3W3nrrrXydt379+kJvJqty5coBEBYWhru7e8bxsLAwGjZsmHFOeHh4tsfp9Xqio6MzHp8bMzOzYs2uEwRBEARBeJ4yM9ae8Z5o5AO4+ot0u9X7z20/P9z4gZVXVwLwcbOP6Vul73O7VlEYEpMIHPsOKRcuIre0xGv1KiybNi3pbQnCc/Nh1+psPR+YUeaZVYcarmw5F5ijRDN9aIlaKScSO943+x/bFZ9A+E04/hV0+iTb+eHxGqZuv0ZTb0fe61iVB+EJaHRGUtICa5VdrAhPSH1qptmTXC1dWdRuEWMOjOH3B7/T0LUhA6oNAKSJoHmp4CQleFibKYlM1GYEyApCozOgTSs3tXlWYO3ij6BLBre6ULljga5jMBqYcXwG50LPYam0ZEnHJdioCzb8TxCE0infGWs//vgjhw8fJjY2lpiYmDw/ikulSpUoV64chw4dyjgWHx/P2bNnadmyJQAtW7YkNjaWixcvZpzzzz//YDQaad68ebHtRRAEQRAEoSSl5rfH2pF5YDJAtZegfJOnn1tIW+9s5euLXwMwsdFEhtca/lyuU1T6mBgCR42Sgmo2NlRYv04E1YT/hMFNcu9z2KKyE+UdLNAbs0/OdEjrH6ZWSC8Ng41O0PNL6c4T30BE9gmfk369ypG7EXy5/y63Q+J5dc1ZBq06RVCMFACr5GwNQGgBAmsAzd2bM77heADmnpnL+dDzACSl5h0sS89USy/hTChEYC0xy/pWTxm2gF4L59ZIt1uOL1CZfbIumU9Pfco+v30o5UoWt18s+qoJwr9IvjPWxo0bx5YtW/D19eXNN99kxIgRODo6PvuBT5GYmMiDBw8yPvf19eXKlSs4OjpSoUIFPvjgA+bMmUO1atWoVKkSs2bNwsPDg/79+wNQq1YtunfvzujRo1m1ahU6nY7x48fz6quviomggiAIgiD8a+RrKmj4HbixQ7rdaeZz2ccfD/5gztk5ALxd723ervf2c7lOUWn9/Ah45x10/gHI7eyosG4dFnXrlPS2BOGFGN+pGt/+8yDbMZVChq25kh51y/H9cd9s99lbqtLOkZ5fdAYj1O4nBejv75eCay+vzDj/WlBsxu3Pd90kMlEahpA+JKGKi1SeGZWkJVVvwEyZ/6nDo+qN4kbkDf4J/If3/3mfVV1WkaS1fubj0gNsCU8JwuUlowzUTIlC/pRg2c0dkBAC1uWg7sB8ra0z6tjru5ell5YSnhyOQqbgy3Zf0rZ82wLvUxCE0ivfGWvLly8nJCSEqVOnsnv3bry8vBg8eDD79+/HZDI9e4FcXLhwAR8fH3x8fACYNGkSPj4+fPrppwBMnTqV999/nzFjxtC0aVMSExPZt28f5ubmGWv8/PPP1KxZk86dO9OzZ0/atGnDmjVrCrUfQRAEQRCE0ihjKujTXqAeXQCYoGZvcK9f7HvY57ePT09J/0cbXms4E3wmFPs1ikPyxYv4DXkVnX8AKg8PvH/aJIJqwn+KWimnWaXsCRAOlmpkMhmDm+Qc2mZvoc54HEgTPZHJoP006YTrv0LINUB6LorPkhV2NpfJnx72FhnDBMLjUwu0d7lMzsJ2C2larilJuiRG/z2au/Fnn/m49BLOwpSCZg4ueFq2WiocXSjdbjYalOq8zwUC4gNYf2M9vXf05pMTnxCeHI6HlQffdvqWLhXF4BRB+LfJd8YaSL3Jhg4dytChQ/H39+fHH3/k3XffRa/Xc/PmTaytn/1uQlYdOnR4alBOJpMxe/ZsZs+enec5jo6ObN68uUDXFQRBEARBKEtSnlUKGnAWbv4OyKDDx8V+/UMBh5h+bDpGk5GB1QYyrem0UtlwO+7PvwiZPh2TTod5vXp4rVyB0tm5pLclCC/cj282ZfnhByw/LE3+TM9Kq+Zmw8KB9Th8J4J9N0MBsMvIWJN+p9P7jVG+MdTqA7d3w85xMPofIhMNGefamKuITtLmuLaFWkE5O3P8o5IJidPg5ViwQXfmSnOWdVrGpKOTOBl8ksOxC1E59EYX0wKQngN9KtgzpVuNjMekDx1I0OgAMBhNKDCB7xEIvgjl6ktTPFX/Z++uw6O6tj6Of8cl7g4Rgrs7tBRrofSWCnWn3rcu95Zb91t3d/fSFinu7h6IkIS4TZJJRs/7x0kmCQQInpb1eZ48nTlnz5k9QwmZX9bey7z/01HpUB9TX/XWrBVvQWk6+EfBgBsPOF3jrmFxzmLm7p3LpqJN5FTl+M6FmkO5svOVXN75ckw62edbiH+iIwrWGtNqtWg0GhRFweM5urbGQgghhBDi8GoPF6wtUfc8o9dlEN3tuD73wuyF3LvwXtyKmwnJE5g2cFqrC9UURaHknXcoevU1AAJGn0Xs88+jtVhO8cyEODWsRj13j+7gC9acbq/v3MX92tAxOtAXrAXUBUq+ijWPF0VR1L/n57wMWcugYAv8eR8FPR4FIDLATHSQuflgzaAjOrA+WDt444FDzt9g5fUzX+exZY/x655fMUdPxxi2EFfZIFzl/fn5lnOajA+s22OtyuHm9blpLFg4l69CP8BUntYwSG+G8FTQ6qHnZdDvetBoDl+xVrQTFj6v3h79OJgC6t4nJ4tzFzMrcxYLshdQ4254rXqNnj7RfRiXOI6JKRMlUBPiH+6IgjWHw8FPP/3ERx99xJIlS5gwYQJvvPEG48aNQ6tt8apSIYQQQghxBA65x1ppOuyapd4ectdxfd55e+dxz8J7cHvdjEscxxNDnkCnbfl+SSeD4nSS98ijVPz8MwCh11xD5L33oNG1rnkKcbI13i+s2tm0EKJ7fBAX9Y0nJsiCtm5cffMCRYHbvl7Pw+d0IiYoAv71Hnx1Iaz7lNkrnSRq+hIc0ImEEAtrsw5sXmc16ogJUivDjrSBQWMGrYEnhjzB5gwru53T0RpsmCJnYYyYw9TZcxiRMILh8cNJCEho2GOt1s365XP4zPgspnI7mAIhcRjkbQBbLuRvVi++bz2kL4CxT1NVq36v8K8L55rYuxJ+vE7tBJo0AqXrhazNX8Pv6b8zO2s2lc5K39BYv1jGJo5lUOwguoR3IdAYeNSvXQjx99LiYO2WW27hm2++ISEhgWuvvZavv/6acCmtF0IIIYQ44Q65FHTVB4AC7c6C8HbH7TlnZ87mgUUP4FbcjGk7hqeHPY1ee9SLHU4IT0UFOXf8H/aVK0GrJXraw4RccsmpnpYQrc7+nTU1Gg3PX9CjybH6ijWAPzblUVLl4JupgyD1LOhzDaz5kIcMX/MQX7O2uCvZQRfzJ21wYiDYaqDcri6ptBp1RNUHa7ajD9bq5xnsOovq3V0Y1SePteW/4jHksDxvOcvzlvPsqmeJ848DdwjmGCMlxQG8ZP2BQE8NmzQd6H7nLLCEqGlh0U6oyIa8jTD/KdjxO2QsQttT3Z87cP+Ktc0/wM83gtcNocmsHn4bL864jK0lW31DIq2RjE0cy7jEcXQL79bqqnmFECdHi386euedd2jTpg3JycksXLiQhQsXNjvup59+Om6TE0IIIYQ4HdW6PFz98So6Rgdyx6hU33KruJD9ljY6qmD95+rtATcdt+f/Pf13/rPkP3gVL+ckn8OTQ55sdaGaMyeH7Kk34kxPR2u1EvfKy/gPH36qpyVEq3JGhwjm7yzikv5tDju2vitovdWZjarRxjxJRrmL2l3zaa/JoQ9b6LN7C0NNgazxdsA/OIE5Dn9+9gzFooeYAHVz//yKWlZnlvLk79v478TO9Inzh9I9UJYJgbEQ0zTca47d6QZFz+QOk/ig641k2jJZlLOIhTkLWVewjtyqXCAXQzAsABa0iSDIraGiJom79/xC94judA7rjCWyI0R2xN72DDxtRxEw+x7IXctZ627jbO2ltLU2Wl66/kv49VZAwd5pAi/FJfHtonsAMOvMjE8az4TkCfSN7otWIyu3hDjdtfgnpCuvvFISeCGEEEKIk+D7NdmsSC9lRXopozpFApAYZvXtI+Sz6Rtw2CA0BVJGHZfn/nbHtzy18ikUFCalTOKxwY+1uuWfNRs3kn3zLXhKS9FHRZHw7juYO3Y81dMSotV59ZJeLN5V7Ps+cih6rQaNRi3uArUBgI/RyoKku3lsyzhiKOGPoekEbPuKcHsB43SroXQ1Qw3wqOEzeA2u1BjQ6Efya/kdPP3ndjbmVPDDe0/S2/97NA5bw3WH3gVnPXrIeVU71IpdP5MejUZDUlASSUFJXNXlKmxOG7tKd7Fi8edoc35mmdXMZpOJCr0CAdt4ae02QA3Dzkk+h0s6XsL9XxWRU1bDvFu/I+ibiQQUbuMt42t4Nr4FhqvVX1hs+gYFWNZ9Ek94C8jdo3ZFvbD9hdzW6zZCzaEHma0Q4nTU4mDtk08+OYHTEEIIIYQQANv22Zj2a8NSo005FQB0iQtqOlBRYOW76u3+U+EY97t1eVw8t/o5vt35LQAXd7iYfw/4d6urxrDNms2+++9HcTgwdepEwjtvY4iKOtXTEqJVCjQbOKd7TIvGajQaDDptk0YHjRVWOgAYO7gPoROuhPEPU7j5L0Jq9oIth8JlXxOnKQJAq7i4Sv8Xg0t2sdvYCbMhjzN0G8EBGAPAP1KtXFvyMoSlqo1XDsLuVJex+hkPDPgDjYH0dXros+1zNIqHoJK+LPVchtach9ayl34dKsl37KSopogf037kx7Qf8ZpC8IZG8sjq3pw/9mFyfvmJsbZZhFEJqz/ACczxs/JNVFvWV64H1P3THhvyGANjBrbovRRCnF5aV02/EEIIIcRpzO3x8vAvm5sc27pPDdbaRfg3HZw+H4p3gdEfel56TM+bV5XHvQvvZVOxWpVxe6/buaHbDa1qtYKiKJR+9BGFL/wPAP8RI4h76UW0fn6neGZC/HOY9gvWHG4PJr0aaBXU7ZcWGVjX4VKnJ7LneN9Y/6EPU+Wuwt+gwb7ld6x/3k6qkkWqIwt04FJ0FPW6jdhzH1V/ETD/GVj4LPx+p9qtM6F/s3Oqb7xgNTbz0VVRYNa/0Sge5huG85/aawENnpokPDVJ9LG04+5z27OucB1f7/iaOVlzwFiG1ljG3PydzM3/GsI0POnXld5BWozOYtKUGso1gFKNUWvkog4XcVuv2/AzyPcaIUTzJFgTQgghhGglXpi9k3V7y5scyyqxAxDub2w6eMU76n97Xgbmo+8+tzp/NXcvuJtyRzkBxgCeGfoMIxJGHPX1TgTF7Sb/iScp/1atpgu59FKi/v0QGr38KCvE8RTqb6SyUaOD4ionccHq3o5FdRVrkQHmZh8b5GcC1NDN2v9Kbl1QQ3TFJhI1+bjR8YXnLB7ueB6x9dW1Ix6Agi1qE4FvL4epC9R91/ZT33jBz9TMkvTMxZC7BvRmoi96mUs220kO96e42sG7C9PZmV+JRqOhT1Qf+kT14cNlW3n6r3lozQXozDkEh+ZS7c1HZ8llo7PumhqIskYxOXUyk9tPJtJ6+GW0QojTm/w0IoQQQgjRSqzKKAXgzrNS+WrlXgorHeytC9ZC/BoFa8VpkDYL0KjLQI/Ssn3LuGPeHTg8DjqHdebFES8SHxB/LC/huPNUVZF7511UL1kCGg1RDz1IyBVXtKpqOiH+KUKsRl+YD1BZ6wKaBmsHhPwHYUocwIfrmn4/sdW6Gu5otfCvd+HD0VC4TQ3Xrv4DDA1NWrxeBbuzYY+1Ayx+Sf1vr8vplNqOZ1LVu7O25gMNy1fr5ZSApyYZT00yLqBzUCTzd+9CZ9nLCxd2wWIwEmIOoU9Un1bXsEUI0Xq1rk0zhBBCCCFOY1W1amVG/6RQAszqh7r66pFQa6MPsyveUv/bYTyEtzuq5/o57WdunXMrDo+D4fHD+Wz8Z60uVHPl5ZF16WVUL1mCxmIh/o3XCZWGWkKcMP77hVe2mobqtVrXIQKuZvRLPHCDf1uNq+kBkz9M+RLMwZC7Fn69raF7AlBqV8vINBoObN6Su05dEq/RweA7mpyKDFAr5wrrlq/WSy+qbnJ/TWYpijsYf08f/tX+XMYljWNAzAAJ1YQQR0SCNSGEEEKIVqJ+yZO/SU/Afh8ifRVr9lLY8LV6e+AtR/wciqLwytpX+O+y/+JW3IxLHMfLI1/GpDMd09yPt5otW8m86GIcu3ahiwin7WefETDq+HQ+FUI0b//llo2DsJq6YM1iaFmX4JEdIg44Zqt1HzgwNBku/gK0etjyAyx8HlCDvF0FlYAalBn1+310XVm3HL7bBRDStsmpqEB1uWphpQNvo+6mmSVqsPafszs1mU/UQZa3CiFES0iwJoQQQgjRSlQ2CdaaVkyE1gdraz4Cdw1Ed4fEoUd0fbfXzcNLH+bDLR8CcFOPm3hu+HMYdS1b2nWyVM6bT9YVV+AuKsKU2o6kb77B0q3rqZ6WEP94+1ejVToagrVal9rUwNzCYC0myMKg5DBMei2DU8KAZirW6iUNg3PqlnUueBply0+c/9YyLn1/JYBvn7eGieXDtl/V2/1vPOByEXUVa26v4qt6c7q95JTVAAeGflFBEqwJIY6eBGtCCCGEEK2AoigNFWtmPZX7VXYEWw3gdsCq99QDg25T10e1kFfx8t+l/+W3Pb+h0+h4YsgT3NrzVrSa1vXjYOlnn5Nz660oNTX4DR5M26++whAXd6qnJcRpYVyX6Cb3Gy8Fra9YMxta/j3jw6v7svj+MxiUXBes1R4kWAPocxUMvBUAzw/Xc0XRiwRRBUBs42Ct1gbfXgHuWojpCXG9D7iUQaf17QVX3800u8yOx6tgNepoF+nf8MsKIDqwdVXsCiH+XlrXT1JCCCGEEKepGpeH+hVL/ia9b6Pweia9Drb8BFUFEBADXf7V4mt7FS+PL3+c6enT0Wl0vDjiRc5rd95xnP2xU9xu8p98ioKnnwZFIfjCC0l49x10AQGnempCnDZGd47io6v7MqK9WtFVX2Hm8So43WrFWkuXggJYjXoiA80EWgx112tmKWhjY56goO0E9Hi4RD+fT43P4keN+osFRYGtP8OrPSBnFZiCYPKHB/0FQ3330l/W5wKQWawuA20b5odGo6FtmNU3NjpQKtaEEEdPgjUhhBBCiKNQbnfyzIztPPLrFmZszjvm69U3LtBq1A+uVY79PoAqCix/U73dfyroW7Z80+P18OSKJ/kx7Ue0Gi3PDnuWUW1b115l7tJS9l5/A2VffAFAxD13E/34Y2gMhsM8UghxPGk0Gs7sGEWHaDXQrq8wc7g9vjEWY8uDtXqBFn2T6x2UVsfi7s9xoeO/lCr+9NSm84HhRYYEl8GnE+H7q6GmFILbwMWfH7J5yyUD2gDw8dJMSqudZNQFa8nhfgAkhvn5xkZKsCaEOAYSrAkhhBBCHIXPlmfx7sJ0Pl2exc1fruPrVXuP6Xr1+6v5mfRoNBpeuKA7Bp2GMztGMvPOYZCxCAo2g8EKfa5u0TVdHhcPLn6Q73d9jwYNTwx5gnFJ445pnsdbzZatZFxwAfYVK9BYrcS98grhN9wgnT+FOIUC67sS1wX+Nc6GYM2sP4pgra4ZS3pRNW6P95BjS6ocrFY68nrMs3iN/gzSbWP8gomQuRh0Jhh+P9y2FpJHHPI6VwxsS6eYQNxehRlb8nzBWmK4WqnWeK+4gXVLVYUQ4mhIsCaEEEIIcRS259ma3H/op82+DnZHo35/tYC6zcPHdIlmy2Nj+ejqfnSMDmyoVut5KVhDD3s9r+LlgcUPMDNzJnqtnueHP8+5Kece9fxOhPKffibr0ktx78vD2LYtSd9+Q+C4sad6WkKc9nxLN+sqzOr3VzPqtWi1Rx56d48Pxs+oI7e8hp/qlmYeTEm12mxAF98H7aXfgr6umiyuL9y2Cs78T4srds/ppu4Zt3xPia8jaH2lWn0Dg6hAE+0i/Y/4NQkhRD0J1oQQQgghjkJ9iPbGpb18x/YP2w6l0FbL6JcW8uqcNKBhKah/o26gpvrKkOI0SJsFaGDAzS26/ktrXuKvrL8waA28fubrrapSTXE6yXvsMfL+/W8UpxP/kSNJ/P47TKmpp3pqQgjwdSWuqNtjrb4j6JHsr9ZYRICJywe2BeDz5Vk88MMm37X3V1KlBmth/ia18/FNS+HaWXDdbAhJPKLn7RAdCMDvm/JYnVkGQHKEGqKN6RzFO5f34Y87hh3NSxJCCB8J1oQQQgghjtDeEjt7itTqh36JoVzcNwHAt9SoJf43eydphVW8PGcX0HQp6AGWv6H+t8P4Q+4pVO/L7V/y6bZPAXh8yOMMjRva4nmdaK6CQrKuvIryr78BjYbw228j/q030QUGnuqpCSHqBFvUirCGYE2tWDvaYA0gpa4qbHNuBd+uyabHY7PZka/+MiK9qMrXvbOkWm3cElbX1ZPwdtBmIGiP/LmTwhv2UXO6vZzVKZJeCcGAup/cuK7RhPtLR1AhxLGRYE0IIYQQ4ggs3FXE8BfmA+qyzcgAE0kR6oe3IwnWduY3LBt1e7y+paD++wdrW3+GdZ+ptwfectjrzsmaw3OrngPg/3r/HxOSJ7R4Tieafe1aMi6YTM2GDWgDAoh/+y0ibr0VjVZ+JBWiNQm2qktBy6qbLgU1G47+72pKhN8Bxya9sZR95TWMfnkR57+1DK9XaahY82vZcs9DaRPa0PmzQ1QA717R96iWsgohxKHITzFCCCGEEAexfE8JD/ywidzyGt+xu77d4LvdNtyKRqPxVUX8umEf//l5M16vcthrZ5c1XDOvopYyu/oBtn5vI3LXwVcXq13wFC/0ukJdFnUIawvW8sCiB1BQuKD9BVzX9boWvtITS/F6KX73PbKuvApPUTGm1FSSfviegJEjT/XUhBDNCLaqoVa5XQ25tuZWAE03/D9SSeEH7mPmcHu5+7sNeLwKueU1bMuzkVehfm8MPQ7BmlHf8HH34n4J6CRUE0KcAM2sNRBCCCGEENmldi55fwUA5TVO3r2iLx6vQmndxtrQUA3Ru02I79j0ldu52/YcYaUb1P2AYnux1xPMj8t3MbhXNwb0G4gjsC2O6grO0O5Ah5fC7ASKbOqPZZH+Rlj8Esx9TL2gVg/9boAxT8IhOmVm2bK4fd7tOL1ORiaM5D8D/tMqOmu6CgrZ9+AD2Jer72XghAnEPP4YWqv1MI8UQpwqIXUVa9VOD39syuPR6dsAMB1DsBZiNdA9PohNORVNjq9IL/XdvuPr9RRXOQn1M9IhOuCon6uxr28YyPrsMq4anHhcrieEEPuTYE0IIYQQos6yPcXkltUQF2whp1GV2qytBbw4eyfl9qabbZvrmgtEBJh4aHxHPp+5iI8MLxCWUdf1riIbMhfTBrhLC2z8BjaCCdhqbnShn18kyRBNgL4/F6bthkr1QywdJ8CZ0yCy4yHnbXfZuXP+nVQ6K+ke0Z3nhz+PXnvqf8yrWriQfQ8+hKesDI3FQvS0aQT967xWEfgJIQ4u0GxAqwGvAk//ud13vLRu/7OjodFo+PmWIWzPszHh9SXNjkmvW05/x5ntsBqPz/ewQSlhDEoJOy7XEkKI5pz6n7iEEEIIIVqB3YVVXP7BSupXcXaPD2py/vV5uw94TOMOnjcOjGTKsucIcuSRp4TytOtSnjwnmaDy7SzbvJOCag8RlDMosARddT4AWd5InBhI1uYR6srnVv1vUAkYrDD6ceh/w2HnrSgKjyx7hN3luwm3hPPKyFew6C1H/0YcB16nk6IXX6T0U3VvOFOnTsS9+CKm5KRTOi8hRMtotRqCLAbK7K4mS+GzS2sO8ajD02k1tIs8cEloRICJoko1tLMadUzuE39MzyOEECeTBGtCCCGEEMAv63NpvDVa/XIlvVaDe7890y7pn8DyPSXcNCKl4eCcxwhy5JFDJJMd/6WAUPppu3DlOdfxeNoidpTXNSsogSm9Ipm9fjelBAAaTDi5QvcXA7XbSOk5nKSxt4N/RIvm/dm2z5iZORO9Rs9LI18iwtqyx50ojvQMcu+5B8d2tcol5MoriLz3XrTGY98vSQhx8gRbjb69H48ns0HH77cP5bpPV1NgU8O0id1j+WhpBgC92gQTYDYc9+cVQogTRZoXCCGEEEIAy9NLAOgSG9jk+KUD2jS5r9HA45O6suC+M4gNrqsM2zkDVr8PQNyV73Pd2YMBeGHWTrbkVrC31N7kGt+sL6SUQPonqsuTHBj5wHMO17vuwz7onhaHaqvzV/Py2pcBuK/fffSK7HUEr/j4s82cRcYFF+DYvh1dSAjx77xN9L//LaGaEH9D9Z1BG+t4nPY96xoXxPm9G6rS+iU27FOZ3EyTAyGEaM0kWBNCCCFEq6Qoh++seTzZatTKjEk9Y33HvrphAP8+uxOX9G8I1xQFDLpGP0KV7IEf65Zs9p+KJnkk47rEAFBZ62bC60uwOz3NPmebMCv/Prvp/mkR/qYWzTe/Op97F96LR/EwMXkil3S8pEWPOxEUj4fCl18h9847Uex2rAMGkPTrL9L1U4i/sRBrQyDeNszKPaPb8/6VfY/b9RuHdI0bFTReYi+EEH8HEqwJIYQQotUpqXIw9Ln5PDtjx0l7zmqHG4ABSWG8OqUnP948mMEp4ZgNOp45vxsvXtgDjUZdBurjdsAP14CzEtoMhrFPA2pgFhnQNCC7uG8C945p3+TYkHZhTB2ewsw7h9Em1ErnmEDCWxCsOTwO7l5wN6W1pXQM7ci0QdNOWUMAj81Gzi23UvLuuwCEXnMNbT78AENk5CmZjxDi+Ai2NFSsdYwO4PZRqSSEHr9uvm3D/Hy3owLNjOoYiVGv5bL9qoSFEKK1k18HCCGEEKLV+XhpJrnlNbyzcA8Pjj90R8zjpbIuWPM365nUM+6A85P7xNM/KZTIwEbB15xHIW8jWEJh8gega/gg+volvbj4vRW++4+c2xmrUc+eomqW7i7mo6v70TVObZDQMTqQBfeOREHdNPxQFEXhieVPsLl4M0GmIF4e+fIpa1bg2LOHnFtvw5mZicZkIubJJwiaOPGUzEUIcXwFN6pYC2thJe2R6BobyJB2YYRYjfiZ9Lx7RR+qHR6CmlmCKoQQrZkEa0IIIYRodQ62dPJEURTFV7Hmbzr4j0dNqjX2bYAVb6u3//UOBDUN4wYkh7HxkTH8b9ZOJveJx2pUr/vyxT1RFOWACrPDBWr1vtj+Bb/u+RWtRssLw18gPuDUdM+rnDePfffdj7e6Gn1MDPFvvI6lS5dTMhchxPEX0ijgCvM7/vsk6nVavrx+YJP7QVZZUCWE+PuRYE0IIYQQrY7H6z2pz1fr8vo6gvodIljz8Xrhz3sBBbpeAO3HNjssyGLgifO6HnD8aJdt/p7+O8+vfh6Au/vczaDYQUd1nWOheL0Uv/02xa+/AYC1Xz/iXnkZfVjYSZ+LEOLEady8oPF+a0IIIZqSYE0IIYQQrY7b29C4wOH2YNLrTujzVdVVqwFYDS14ro1fQc5qMPrDmCdP4MwaLMpZxLQl0wC4rNNlXNn5ypPyvI15qqrZ9+ADVM2ZC0DI5ZcT9cD9aAyydEuIf5qmS0ElWBNCiIORYE0IIYQQrY7T3VCxVlnrxuR/YoO1xstAD7skszQDZj6k3h7xAATGnNC5AawrWMc9C+7Brbg5J/kc7u93/0lvVuDMzCT7tttw7t6DxmAg+tFHCZ58/kmdgxDi5GlcpSYVa0IIcXASrAkhhBCi1amocfluV9a6W9Qp81jUV6z5mQ4T4Lmd8MO14LBBwgAYeMsJnZfL4+K7Xd/x0pqXcHqdDI8fzhNDnkCrObn7EFUtWkTuPffiraxEHxlJ/OuvYenR46TOQQhxcjVeChp6AvZYE0KIfwoJ1oQQQgjR6pTbG4I1W6OQ7URpCNYO86PRX/+FfevAHAyTPwTdiflRKtuWzSdbP2F+9nyKaooAGBE/ghdGvIBBe/KWXSqKQsn7H1D08sugKFh69iTutVcxREaetDkIIU4NCdaEEKJlJFgTQgghRKtTZnf6blfWug8x8vhoSUdQ1nwMK+u6gE56E4ITjvs89pTv4bNtn/Hr7l/xKGpn1HBLOFO7T2VKhykndfmn125n33/+Q+WMmQAEX3ghUdMeRmuUD9hCnA4aL/+UYE0IIQ5OgjUhhBBCtAouj5fFaUUMaRdOUZXDd7yy9uRVrB00WMvfAn/ep94+4z/QacJxe+6C6gL+yPiDP9P/ZGfZTt/xoXFDmdJhCoNiB2HUndwPtc6cHHJuvQ3Hzp2g1xP98MOETLn4pM5BCHFq+Zn0fHXDALQaDeaWNHURQojTlARrQgghhGgVPlicwXMzdxxw/GRUrB1yKaiiwIz7weuCDmfD8PuOy3Nm2bL4cPOHTN8zHbeiPr9eq2dY3DCu63YdPSJOzR5m1cuXk3vnXXgqKtCFhxP/6itY+/Q5JXMRQpxag1PCT/UUhBCi1ZNgTQghhBCtwodLMpo9bjsBFWv3fLeRjOIqvpk6CKNeS1pBFQBxwZYDB++ZC1lLQWeCs/8Hx7gcc1fZLj7Y9AGzsmbhVdTup70jezMxZSKj244myBR0TNc/WoqiUPrxJxT+73/g9WLu2pX4N17HEB19SuYjhBBCCPF3IMGaEEIIIVqFtmFWihstAa3XeL+146Hc7uTHdTkAbMuz0TMhmI055QD0ahPcdLCiwNwn1Nv9b4CguKN+3k1Fm3h/8/ssyF7gOzYifgQ3dL/hlFWn1XOXlLDvoYeoXrQYgKDzziP6sUfRmk5sN1YhhBBCiL+7k9ur/Qh5PB6mTZtGUlISFouFlJQUnnjiCRRF8Y1RFIX//ve/xMTEYLFYOOuss0hLSzuFsxZCCCHE0ShvFKAZdBoGJYcBUFR5YNh2LDZklzd5zoziatbvVY/1iA9uOnj7dMjbAEZ/GHrXET+XoiisylvF9bOv57I/L2NB9gI0aBibOJYfJv7AG6PeOOWhWtXiJaRPOo/qRYvRmExE/XcaMc88LaGaEEIIIUQLtOqKteeee463336bTz/9lC5durBmzRquueYagoKCuOOOOwB4/vnnee211/j0009JSkpi2rRpjB07lm3btmE2m0/xKxBCCCFESyiKwr7yWgAW3DuSxHA/vl29l+XpJSc0WCu0Ofh+rVq91jE6gLZh1oaBXg/Mf0q9PfAW8Gv5XkOKorA4dzHvbXqPjUUbAdBr9ExImcB1Xa8jMSjxWF/GMVOcTgpfeZXSjz4CwJSaSuyL/8Pcvv0pnpkQQgghxN9Hqw7Wli1bxqRJkzjnnHMASExM5Ouvv2bVqlWA+kPrK6+8wsMPP8ykSZMA+Oyzz4iKiuKXX35hypQpp2zuQgghhGi5cruLGpcHgOgg9RdjEQFqxVRRM8tDj0XjYG3ujgL2ltYA8H+jUtE03j9t4zdQtAPMwTD4thZd2+VxMSNzBp9u/ZRdZbsAMGqNnJ96Ptd0vYZY/9jj9TKOiTMri9x77qV2yxYAQi67jMj77kUrv5QUQgghhDgirTpYGzx4MO+99x67du2iffv2bNy4kSVLlvDSSy8BkJGRQX5+PmeddZbvMUFBQQwYMIDly5cfNFhzOBw4HA0/pNtsthP7QoQQQghxSNvz1X+LY4LMmA06ACL81ZDneFasKYrCxkbB2qytBb7bCaGNqtVcNQ3VasPuBvOhGwrYnDa+2/kdX2//msKaQgCseisXd7yYKztfSbildXTWUxSFil9+peCJJ/Da7eiCgoh5+ikCRo061VMTQgghhPhbatXB2oMPPojNZqNjx47odDo8Hg9PPfUUl112GQD5+fkAREVFNXlcVFSU71xznnnmGR577LETN3EhhBBCHJEVe0oAGJAU6jtWX7FWXOXE61XQao+tGydAVomdMnvzXUYjAxvtKbbqPbDlQmA89L/xoNfzKl5+TvuZV9a9QrmjXJ23JYJLO13Khe0vPGUdPpvjsdnIf/RRbH/OAMDarx+xLzwvXT+FEEIIIY5Bqw7WvvvuO7788ku++uorunTpwoYNG7jzzjuJjY3lqquuOurrPvTQQ9x9992++zabjYSEhOMxZSGEEEIcoaW7i3lt3m4ABqWE+Y6H+RsB8HgVyuxOwvyPfTP9nQWVzR7XaiDMr+769lJY/KJ6+8z/gKH55ZGr81fzvzX/Y1vJNgCSg5K5rtt1jE8cj0FnOOa5Hk/2tWvJve8+3PvyQKcj4vbbCbvhejQ63amemhBCCCHE31qrDtbuu+8+HnzwQd+Szm7dupGVlcUzzzzDVVddRXTdb1gLCgqIiYnxPa6goICePXse9LomkwmTdLoSQgghTrnSaieXfbASgBCrgTGdG6qnDDotoX5GSqudFFcdfbBWUuXAbNCRVWJndUYpAOd0j2Fjdjk5Zer+auH+JnT1FXFLXobaCojsAt0vPuB6e8r38PLal1mYsxAAP4Mft/a8lSkdp2DQtq5ATXG7KX7rbYrfeQe8XgwJCcT97wUsPU5tJ1IhhBBCiH+KVh2s2e12tFptk2M6nQ6v1wtAUlIS0dHRzJ071xek2Ww2Vq5cyc0333yypyuEEEKctrbtszF7Wz478ip5+vxuhPoZW/S4tEYVZK9O6UXIfo+L8DdRWu2kqNJBh+gA9aDbCR4HmAIOe/1Plmbw5B/bcXuVJscTw6z0SgjmyT+2AxAVWFeVVl0Mq95Xb5/1CGgbKrqKa4p5c8Ob/JT2E17Fi16j54L2F3BTj5sIs4TR2tTu2EH+o49Rs2EDAEHnnUfUww+j8/c7tRMTQgghhPgHadXB2sSJE3nqqado06YNXbp0Yf369bz00ktce+21AGg0Gu68806efPJJUlNTSUpKYtq0acTGxnLeeeed2skLIYQQpwmvV2Hy28t8XT27xAZy+6jUwz7O5fHy2HR1GeWI9hEMbx9xwJgofz3OwjwKln0OJWbIWQPbp4PHCXG9ocN46HUFBDS/T9g3q7MPCNUA2oY2DZci6/ZzY8Vb4K6B2F6QOkZ9fYqXH3b9wMtrX6bKVQXAqDajuLP3nSQGJR72dZ5sroJCil57lYqffgZFQevvT/RjjxJU12VdCCGEEEIcP606WHv99deZNm0at9xyC4WFhcTGxnLjjTfy3//+1zfm/vvvp7q6mqlTp1JeXs7QoUOZOXMmZmkXL4QQQpwUZXanL1QDqHK4W/S4n9flsi1P7QaaFN5MFdWu2bxWcDPBpmLIQP1qLHet+rXgWeg8SW0ykNAfNA1NDoqrmu8o2ibMSlm103c/MtCkLv+sr1Ybdg9oNGRUZPDoskdZV7gOgK5hXbmv3330jurdotd4Mnntdko+/IiSjz5CqVGXuAaePZ7Ie+/FEBt7imcnhBBCCPHP1KqDtYCAAF555RVeeeWVg47RaDQ8/vjjPP744ydvYkIIIcRpbm+JnZwyO4PbhVNgaxpelTYKrA5lfXaZ73ZY4yWgigIbvoTf7iBYUQO7Dd5kSgyx9O7aBUeH84iOT4S0v2DDV5C9Arb8qH5Fd4dRj0DqWbg9Xkrq5vLVDQO49P2VvqfoGB3Allyb735EgBlWfwAOG0R0xJU6hk82vc87G9/B6XVi0Vv4v97/x5QOU9BpW9eG/x6bjbKvvqL008/wlKnvqaVnTyIfuB9rr16neHZCCCGEEP9srTpYE0IIIUTrdNZLC3F6vEy/bSjF1U2DtaK6KjFFUfB4FfQ6bXOXoNrRUOV2Qd949UZZFvw0VQ3LgC3h4zk/ZwpODARo9VSudKNdVcb2JwZg6nMV9LkK8jbCqvdg8w+Qvwm+vADOfJiSHreiKKDTahiQ1HQPtGCrkQBzw49BMVYvLH0LgK29L+GRPy9jZ9lOAIbEDeG/A/9LrH/rqvpyFxdT+ulnlH31Fd7qagAMbdoQefddBIwdi6ZR5Z4QQgghhDgxJFgTQgghjsLyPSVUO9yc1TnqVE/lpKtxenB61EZCy/YUE2xVO2FqNeBVYMHOIia+voRgq4ENe8uZdddwYoMtB1wnp8wOwFuX9SYmyAJ7V8A3l4G9GHQmGHYPs52TcObsAaCyVl1i6lVgU04F/RJD1QvF9IBJb8LoJ2DeE7DmI5j3BObM9Zi4gCC/AHRaDWM6RzF7WwG92wQDNAnWBme+RU1NCW/HtOHTtI/xKl6CTEE80O8BJiRPaFUhlSs3l5KPPqb8hx9QHGqIaUpNJWzqVALHj0Ojlx/vhBBCCCFOFvnJSwghhGihWpeHn9fn8u3qbDZklwPqEsPBKeGndmIn2Z6iKt/tZ2bsIMiiBmvd4oLYmFMBwObcCt+Y5XtKmNwn3ndfURRmbMln3d5yQKG9YzP8+qS6rFPxQnQ3mPI1BCdwVZWDFellrMosbTKHFXtKGoK1etZQmPCyuhz0z3sJSv+dtw05vO33EADPTu5Oj4S9XDagDQD+dcHaFP0M1ub9xNvxMeTrAcXL+MTxPND/gVbV7dORnk7J+x9QMX06uNWQ0dy9O+E33Yj/yJFotM1XBgohhBBCiBNHgjUhhBCiBWpdHi55fwXr95Y3Of72gj2nXbC2q6Cyyf2KGhcAXRsFa43tv+faD2uy+fqnH/mPfhWjtWtJ/L2g4WTXC+Dc18CoNjMI8zfx3U2D+GFtDvd+v9E3bE1WGQfV9xoITcb9xYWcyQb6266HRf9H6MBbufWMdgCk56/jt+X/o2vyFv4yePlDqwZo0X7R/GfAfxiZMLLF78eJ5KmspGrePCr+/JPqRYvV/ecA66CBhN94I9YBA1pVNZ0QQgghxOlGgjUhhBCiBa75eHWTUK1fYgirM8vYkV958Af9Q22sq9ZrTKfVcH7vOLbus/mq+erl22oBsDvdWMt2kjjjZn4yNYRk6C1qV8++10KbAc0+5wV94gm2GJixJZ8f1+WwJbcCRVEOHiolj+CrDm8weOsjtGMf7nlPsintDxYm92dBwWrSHcXqOBOAhrZaCxf0upkpHS/BrD+1ncU9VdVUzZ+HbcZMqhcvRnG5fOf8zxpF+NSpWLp3P4UzFEIIIYQQ9SRYE0IIIQ7D6fayum4p4iX92/DIxM44PV66PzqbokoHtloXgWbDKZ7liVftcPPx0gw+XZ4FwDndY7h8QFvaRfoTEWAC4OsbBvLczB18sizT97j8ihp+XryBtJlvcbfhe/rhxaHomakMpMfoy0jsfy6Y/A/7/Gd1jmJoaji/bsilpNrJvopa4prZu63eH1WBPGG+lOFt17HDuQubtgT2zgBArygM8egY1+YsuieeRUK7caes8svrcFCzYSP2NaupWbsW+9p1vr3TAIwpKQSOH0/g2WdjSk46JXMUQgghhBDNk2BNCCHEaa/W5WHd3jKKq5yM7xqNoa6LZVpBJWaDDrvTg9urEGDS8/S/uqLRaDAbdEQEmCiqdJBeVE3PhOBT+yJOgg8WZ/DynF0ABJr1vHxRT4z6pvt6WYw6pk3oTJGtmsA90xnvns+AtJ2Y0pxQlz3O9vThI/8b+OaBS454DmaDjtSoALbn2di2z0ZcsAVFUSiqKWJt3hZeXbQQo98+qpQMivQFmONglRvQaglExxB7DWdoAxjSbgKBw+4Ho/VY35Yjpng81G7bRvXyFdhXLD8gSAMwJiYSePZ4AsaNw5SaKss9hRBCCCFaKQnWhBBCnNYyi6u5/MOV5JTVAPDoxM5cPSSJcruT0S8vAuCJ87oC0D46oEnAkRLhVxesVZ0WwdrSPcW+2xf1TTggVKuny9/Am5V3g7IZdA3Ht3sT+Mwzhq89ZxLP0QdayeFmdlWu4ItdK/k+J5+dZTspra1rbqAF1D9KFEWD1xHLtb3HcmabEXSP6I5ee2p+9HGXlVG1cCFV8+ZTvWIFXputyXldRDh+/fpj6dsHv379MLZrJ2GaEEIIIcTfgARrQgghTmvvLNzjC9UAFuwq4uohSWSW2H3Hpv2yBYDOMYEND/S4ucT9G3cZ5xGxPBY0k6H7xaD75y4Jrax1+27fdma7AwdU5MCy12HV+6B48JqCeMM+hunufuxVInFqjHSNDYLcCi6t68x5JDxeDzMyZ7BBeQ1rQh7rKoC6XglajRZ3bQSe2hg8tTF4axPw1MbRLjyMe/uNOMpXfGyc2dlUzp1L1dx52NetA4/Hd04bEIC1f3/8Bg7Eb9BAjCkpEqQJIYQQQvwNSbAmhBDitLYtT60cumlECu8s3MPqjFJcHi9l+3Wy1GoahUmOKvjuCiYVzlMrpIp2wK/zYPWHMP55SOh3kl/F0UsvquK5mTu4aUQKvdqE+I5nl9r5fk02N45Iwc+kx+NV2FNUBcDC+0YSbDU2vdDOmfDzjVBbrt7vcj7as1/AtbSEtHm7AegYFcCXNwxg3vZCzuke0+I5ehUvs7Nm8/aGt0mvSFePua24K7vRJ7or94w8g1f+rGRx+oEdSZuEoSeBY88ebH/8QeWcuTh27WpyztShAwGjRuE/YjjmLl3Q6OXHMCGEEEKIvzv5iU4IIcRpy+NV2FWgdvW8oE88X6zIosrhZsJrS9hZ0LTb59ndYogKNEOtDb6YDDmrcGktPOs4n/6xJsZW/gj71sGHZ8Hw+2HE/a2+ek1RFM58cSEAxVVOfrx5sO/cqBcX4vR48Spw79gOZJZU43R7MRu0xIc0WsZZVQjzn4a1H6v3Y3rCmQ9D6mgAbhoRzHdrsimwObh7dHsCzQbO6xXX4jku37ecF9a8QFpZGgCBxkBGx13MJzPjwWtiWT4EuFws3nVgqAbQOfbEB2uugkJsf/6Jbfp0ardtazih02Ht25eAUWfif+aZGOPjT/hchBBCCCHEySXBmhBCiNNWRnE1tS41LEoK9yMlwo+NORUHhGoAnWICwVUL31wKOavAHMz83m/x4TzI9Itk7OX3wpxHYPP3sOh5KNkNkz8EbfP7kLUG83YU+m5X1LgorKzlps/XEh1kxunxArAxpxyALblqcNU5JhCdVqO+FyvegsUvgbPu/eo/FcY8BfqGajY/k54fbhpMdpmdwSnhLZ6b2+vm2VXP8u3ObwHwN/hzZecrubzz5XjdZj75c7Zv7KytBQBcPTgRf5OeN+bv9p0b2SHiCN6RlvNUVVE5+y8qpv+GfcVKUBT1hF6P/9ChBI4fh/+IEeiCg0/I8wshhBBCiNZBgjUhhBCnpWV7ivly5V4AeiWEoNNqSI7wZ2NO85VPXWP84cfrIHMxGAPgyl9QymKAtZRUOyEoDiZ/ACmj4LfbYetPEJoMo6adxFd1eF6vwpztBSRH+PHkH9t9x80GLdN+2cK6veVNxi9OK2ZNZimb696XbnFBsG89/HyTugQWILaXGqglDmn2ORNCrSSEtrxZQbWrmvsW3sfi3MVo0HBJx0u4pectBJmC1AHG5h83skMEQ9qFM6ZLFE/+vp0L+8bTMfr4VawpTidVixdTMf13qubPb9LJ09KrF4ETJxA4fjz6kJBDXEUIIYQQQvyTSLAmhBDitLMyvYRL31/pu39J3Ub6Sn3V0X6mjU9l2PbHYMfvoDPBJV9DbC/CnGonytLG+7H1vET97y83wZKXoMPZEN/nxLyQI6QoCs/N2sG7C9MPOFdgc7C7sKrZx937/UYiA82012RzfcFn8N5M9YR/FIx+ArpdeNwq8wqqC7ht3m3sKN2BWWfm2eHPMqrNqMM+zqTXMjA5DINOS/f4YL67adBxmY/i9VKzbh0V03+ncuZMPBUNwasxOZmgcycSOGGCLPMUQgghhDhNSbAmhBDitKIoCs/N3OG7HxtkZnzXaAAu6pfALxv2MSApFEWBVZmlfH9tD/qtuRd2zQCNVq1KSxoGQKifWjq1f6MDel4Cu+fAlh/gywvgpiVqRdsp9urctANCtbO7RfPn5nyKKh0HjDfi4mztStqUF9KvajfDTBtgH4BG7YA6+nEIiDpu88uuzOb6Wdezr3ofoeZQ3hz1Jl3DuzY7dlByGMvTS3z3ByaHYTbojttcHGlpVEz/Hdvvv+Pat893XB8RQeA55xA4cQLmzp2lk6cQQgghxGlOgjUhhBCnlQU7i3zLHQenhPHfiZ0x6LR198OZfttQEsOtaDQairctou2cC6FwG+jNaqjWaaLvWvXBWqXDTa3L0zTYmfASFO+C/E0w80G4+POT9hr3t7fEzvOzdvD7pjwAAsx6KmvdAIxoH8Gfm/N9Y0d2iODS9hCx+3va5f5CgLNhHzavooHO56IdcT9ENx94Ha2dpTu5Ze4tFNoLaRvYlnfOeof4gINXgb14UQ/OfWMJxVVqqHlW52ML+BSPh5qNm6hespjKefNx7GgIX7V+fgSMGUPQuROx9u+PRnf8AjwhhBBCCPH3JsGaEEKI08oP63IAuGZIIo9M7HLA+W7xQerG/Mtex3/BM6B4wBoGU76CNgObjA2yGPAz6qh2esgps9MuMqDhpDkI/vUOvD0Ytk+H4jQITz2hr21/Lo+XlemlPPTzJrJLawBICvfj5Yt7ct6bSwHomxjqG++PnX973qX9Xz8C6rLYIiWIuZ5e7FUiyYo6izcvvvi4z3NRziLuW3gfdred5KBkPhjzARHWQzcdiA228O4VfZj89nIAzu0Re8TP6y4qomrJUqoXL6Jq6TK8jZZ5YjDgP3w4QRMn4D9yJFqz+YivL4QQQggh/vkkWBNCCHHaqHa4mbddrcA6r+dBlmZmr4Zfb4Xiner9rhfA2S+ANfSAoRqNhpRIfzblVLC7sLppsAYQ1QXaj1eXkc5+GC75Bk7Q0kGvV+HBnzbhZ9L7AsNPlmby1J9qg4Jgq4HrhyYxtks0ieF+dI0LxKjTkhTmByicqV3Pk4aPic2pW16ZNAJb50sZ+qMJR123gKntko/rnBVF4asdX/H86ufxKl76R/fnpZEvNTQpOIzebUK448x2dIgOJMhiOOxzubKysK9dh33dWmrWrMWZldVkjDYoCP8hg/EbOoyAM8+Qjp5CCCGEEOKwJFgTQghxWiirdjL8+fnUuDwkhfvRPX6/8MbrgdnTYMVbgAJ+kTDmSeh+0SHDsORwPzblVHD3dxs4o+NotBqNb2kpAGc9qu63tmsmZK+CNgNOyOtblVnKd2vUarybR6YQGWBmbVaZ7/xbl/VmcEq47/7vt6v7xFG4g+VBDxPjyFDvhyTCuW9A0jCMLg+OH2f6HjM89dBVZEfC7XXz7Kpn+XbntwCcn3o+Dw94GIPu0AFZYxqNhrvHdGj2nOJ2U7t9BzXr1taFaevwFBfvfwHMnTvjN3wY/sOGY+neDY1efjQSQgghhBAtJz89CiGEOC38uC6HSoe6r9jU4clNN533uOCXm2Hz9+r9HpfA2KebrVLbX3KEPwB2p4cRzy8g31ZLrzbBPHleV7rEBkFkR3Wj/w1fwKp3T1iwNnNLwz5pW/fZcER4mblVPfbEpC5NQjUfVw38eB0xjgwUgx+aftfCyIfA6AdwQDOAvokhx2Wulc5K7lt4H0v3LUWDhrv63MXVXa4+pkYAXrudmk2bsK9dS83atdg3bESx25uM0RgMmLt3x9q7N9a+fbD07IkuqGXVcUIIIYQQQjRHgjUhhBCnhT1FVQDEBVu4uG9Cwwm3E364Bnb8Dlo9nP8edJ3c4uuOaB/BS3/tAiDfVgvA+r3lXPnhKtZOG60OGjBVDda2/Qq2PAiMOT4vqo7Xq/Dn5jzf/U3ZFUz7ZYvv/vD2zVSaedzw4/VQsAWsYWhuXgYB0Yd8nuPRdTO7Mps75t3B7vLdWPQWnhn2DKPajDqia7iLiqjZvIXaLVuo3bEDx+7duLKzQVGajNMGBmLt1QtLnz5Y+/TG3LUrWpPpmF+DEEIIIYQQ9SRYE0II8Y9X5XDz07pcAO4d2x6ttq4yylUD310JabNBZ4SLPoMO44/o2j0Sgjm/d5zv+vVKqmuodFYC4B/dHU3CQMheAWs/hjP+fewvqpG1e8sorHT47r88Z1eT8/Eh1qYP8Hrgl5vUMFFnhAs/bUGopj3k+cNRFIXf9vzGM6ueodpVTaQlktdHvU7nsM6HfawzJ5fKv/7CvnYNtZu34C4oaHacPjoaa58+ajVa7z6YUtuh0R7bvIUQQgghhDgUCdaEEEL8I2zKKWdjdjmX9G+DXqdFURRmbS2ga1wgr85Jw+H2ApAcri7dxFEF31wCGYtAb4FLvoKUM4/quSP8TYCC1rQPvf9OdH670Vn2Mvjr/wAQYgohKTiA4bYAzlj/CUlD70FjOH6VU6sySgG1QUG53dXk3FWD2qLT7rfEcvY0ddmrVq+GiUnDDvscYX5HP9/y2nIeX/E4f2X9BUDvyN48N/w5ov0OHuY5MjKonP0XlbNmUbttW9OTGg2mdimYu3TF3LkzpvapmNq1Qx/ezHJXIYQQQgghTiAJ1oQQQvztldudXPXRKsrsLqb9upXBKWGc2yOWB3/aTJifkZJqp29scoQflOyBby6Dou1g9IdLv4PEIUf13LvKdrHN8TV+KQvRGkubHVPmKKPMUca60BBeARJ+GM3IdhM4I+EMekX2Qq89+n+OHW4P363JBuDS/m14a8Ee37nfbx9K17j99hDb9huseFO9ff57La7QG5gcduRz8ziYvmc6b294m8KaQvQaPbf2upVrulyDTtt0WamiKDh378Y2azaVs2fj2NWo6k6rxdqvH/4jRmDp3g1zp05o/fyOeD5CCCGEEEIcbxpF2W9DktOQzWYjKCiIiooKAgMDT/V0hBBCtNDO/Erm7yzk2Rk7WjT+vxM6c23YVrVRgcMG/lEw5WuI73PEz73XtpfX17/OzMyGrpmKV4+7uj2e6lQ81Slsf+RSPF4PGbYMthZvZf7GD1lpz8XVaJP+QGMgw+KHcUbCGQyLG4bVYG3u6Q7w07ocXp6zi1A/ExuzywH4dupALn5vhW9MxjNnN20IkPYXfHMpeJww8BYY98xhn2dtVik/rM3lwXEdCbK2rGNnaW0pMzNm8tm2z8itUpfIJgYm8uzwZ+kS1sU3TnE6qdmylapFC6mcNRtnRkbDRfR6/AYOJGDMaAJGjUIfduTBnhBCCCGEEEfjSHIiCdaQYE0IIVobh9uDrcZNRMDBlx9+sjSDR6c3XSI4OCUMg07Lwl1FB4xPNlcxt9tfaOo7f7YZBBd+cti9xfZXaC/k3Y3v8lPaT7gVtcto56DBrN2aiLuqAyjqnLUa2PP0fsFWVSH2V7qyzKhlfs/zWFy6jTJHme+0WWdmaNxQekX2okt4F1KCUgg0BaLVNN0nrMBWy4Cn5x4wt62PjeWtBbv5dnUO71/Zh15t1C6eHq+Hom0/k//H/1GJm5qE/tT0vQavRoNWo0Wr0WLWmwkzhxFhicBqsKLX6jFoDRh0BgzawwdqNe4aftn9C7/t/o2tJVtRUH+8iLREcmWXK7mow0WYvTpqtmzFvmqV+rV+PUpNje8aGoMBvyFDCBg7loAzRqILDm7Rn4kQQgghhBDHkwRrR0iCNSGEaF3u/nYD0zft4/ubBtMzIfiA87UuDwOenktFjYueCcEMTw1nfLcYOkQFoNVq8HgV3py9CcueGcTkz6eLJoMkbd2G9xotDLoVRj0CupZVYAFUOCr4eMvHfLn9S2o9avfPYXHDuKP3HRSXhHP5hysPeMzmR8cQYN7vOX68ATZ/B32uwXPOi2ws2siC7AXM2TuH7MrsA66h0+gIMYcQag71fZVXw4KdxYAGFA2gZUL3GAIsYHfZsbvt1HpqqXRWUmwvpqSmGA/eFr/W/QWbgonzjyPYFIzVYMXP4IdFb6HWXUu1q5oKRwUbizb63heATqGdOK/tBMY5UvGu3dRskAagCwnBOmAAAaNG4X/GSHT+/kc9TyGEEEIIIY4HCdaOkARrQgjReni8Cin//hOAHvFB/Hrb0APGvLtwD8/M2EFcsIVF95/RsDm/o0oNrbb+AnuXq0seG4vtBee8CHEtX/pZZC/i822f892u76h2VQPQM6In/9f7/+gb3ReALbkVTHh9CQAvXNCdab9uodblZfH9Z5AQut/SzoxF8OlEMAXCPTvBqJ5XFIXtpdtZkruELcVb2FqylUJ7YYvneTh6RSFSYyQoJAWLwYpFb0Gr0eJVvHgUDzXuGkpqSiipLaHGXXP4CzajrTmOGzTD6JGtRbNxBzUbN6I4HE3G6EJCsPbvj7V/P/z698eYkiKdO4UQQgghRKtyJDmRNC8QQgjRKpRUqQFM40YDG3MqWL6nhAFJoXy9ei8aNJzbM5ZX56YB8H+jUtVQrdYGq96D5W9CTaMGAiGJ0P1iddlnTA+whrZ4Pvuq9vHB5g/4ZfcvuLxqp83UkFTu6HUHI+JHNFniGWBu+Od0YHIYIVYjeRW1FFU5DgzW2g6F4LZQngXbp0OPiwHQaDR0DutM57DOvqEuj4vS2tIDvtbuLWTm1jzACyj0bhvMoJRQTDqTr5rMorfgpzURMedxwvO2EB7ZFd21s8FgPuxrVxQFt+LG5XHh9DgpsBeQW5VLpbOSalc1drcdu8uORW8hqBoiNu4leuM+tKs34a36gsaxnC4kBGvfvlgHDMDavx+mdu0kSBNCCCGEEP8YEqwJIYQ45aZv3Mdd324gyGLg2qFJTc49M2M7YzpH8b/ZapfIz5ZnYnd6CLEauLCrPyx4Tu1yWVuhPiA0GfpcDR3OgbAUaLzHWQvUB2o/7/4Zt1fdQ61nRE+u73Y9w+OHN90zrU58iJVebYIJ8zMSH2KhXaQ/eRW1bMoup3fdPmc+Wi30uhzmPwXrP/cFa80x6AxE+UUR5RfV5LjGlslvxVsBuHt0e249o11D1V5js/4DORvBHAQXfd6iUA3UkM+gUfdWsxqsBJuD6RDaAVBDt9pt26havoCqhXOo3bwZ6orfvYAuNBS/IUPUMK1fX4xJSc2+Z0IIIYQQQvwTSLAmhBDilHtj3m7cXoWSaicvzNoJwHVDk/hseSabcirYlFPhG7sjv5JgKnnEfyGaV65Tu3sChLeH4fdBl/NBd+T/vFU5q3hv03t8vv1zX6A2IGYAN3W/ybfk82B0Wg0/3zLEd39gchiL04pZmVHK1UOSDnxAj0tg/tOQuRhKMyC0mTGHUO3wAHBBn3juGJXa/KCMxbD8DfX2eW9DSNsjeo56iqLg2ruX6pUrsa9YQfWKlXhKS5uMMXfpgv+IEfiPHIG5a1epSBNCCCGEEKcNCdaEEKKFyqqdGPRa/E3yrfNYbNtnY1dBJef1imNLbgUP/LiJnQWVTcbotBqmDk8m3N/EczN3ANA+wsI4yzYS9s1ivG4V/ra6jfIjO6uBWudJoNUd8Xy8ipdfd//Kq+tepaS2BIAB0QO4uefN9Ilq+V5sjfVtq1apNQ4EmwhOgJQzYc9cWPcpnPXoEV3f7lSDPz/jQV6vqxZ+v1O93eca6HhOi6+tKAqu7Gyql6+gevly7GvW4CkubjJGY7XiN3gQASNH4jdsOIaoyCOavxBCCCGEEP8U8ulQCCFaoNzuZPCz84gNNjPn7hGytO0YnP3aYgCCLAa+WJHF1n1qxdmw1HAu6d+GPYVVdI0PIirQzM0jU+gUZWbn769xlfIH5sJs379ctWGdMY96CDpOUJdXHiFFUViSu4Q3N7zJ1hJ1WWViYCL39buP4fHDj+k1RgaqSy5zy2vYVVBJ+6iAAwf1vbYuWPsMRj4EelOz16qocfHyX7uY0j+BjtGBlFQ5fPvQWQ8W8i5+EUp2g39Ui0I7d0kJ1SvqgrTlK3Dl5jY5rzEYMHfvjt/AgfgNGoile3c0RuNhryuEEEIIIcQ/nQRrQgjRAr9t3EeNy8OeompqXV4sB6sUEodU1qgxwYr0EpbuUSuh7h3TnisGJhJkNTR9QPpCRs69l5HV6v5qijmIbeHjMXU/j3b9xh3x/mmgBmqLchbxzsZ32FKyBQA/gx8397iZSzteikFnOMwVDq9xM4MxLy9qvjto+3EQGAe2XNj2G3S/sNlrPf3Hdr5dk803q/fywLiOPPnHdjxedU+zZivWCnfAkpfV2+OfA0vwAUMUr5faLVuoWrCQqoULqd26tekAvR5Lzx74DRyE38ABmLt1Q2tqPvgTQgghhBDidCbBmhDHaG1WGW/N383NI1Pom9jyjoPi78HudLMzv5Jf1jdU8FQ53BKsHaWNOeW+21+t2kuty0tUoIlbz2jXtArQ64VFL8CCZwAFrGEw8iE0PS+ji9F6wHVboqSmhD8z/uSX3b+wq0wN6ix6Cxd3uJiru1xNmCXsGF5ZU42DNYB1e8sODNZ0erXJwvynYPUHBwRrueU13Pj5GrbkqhV9tS4vj03f1mSM1bjfP+OuGvjlJvC6IHUsdD6v4VRBQV1F2nKqlizFU1LS5KGmjh3VirTBg7D26YPWz+/IX7gQQgghhBCnGQnWhDgGpdVOJr+9DACDTivB2j/Qo79t5bs1OU2OVTvcRARI9c6RWr+3jP/8vMV3v7JW3SdsYvfYpqGavRR+mgq7/1Lv974SxjypdrY8Qg6PgwXZC5i+ZzpLcpfgUdRN/y16C1M6TuGqzlcd10CtnknfwuC195Ww8DnIXgH5WyC6q+/UzC35vlDtYA7Y72/BM7BvPW5NCI7oK6j99FNqt26jdtMmnFlZTYZq/fzwGzJEbTowfBj6iIiWzVkIIYQQQgjhI8GaEMdg9tZ83+3NuQduUp5RXI3Hq9Au0v+g18gqqaaixkX3+OATMUVxDGpdngNCNVAr1lqjdXvLKLQ5GNc1+qQ8n6Ioh91rbm+JnXu+38BFfRN4Y/5ucstrmpzXazVc1C+h4UDWMjVUq8gGvRnOeQl6XXZE8yqpKWFtwVrmZc9jYfZCqlxVvnPdw7szMWUi45PGE2Q68qDucBSvF3dBAa68PEbkrCe01obe6yHgx62UrI9E62dFFxiELigQbUAguqBAdG3Hod3zO5o1H8KEl33XarxstrGOERay9pVh8rgIKs2janEWrpxsnDs24Fj4PY7yKNy1Ovj6/qYP1Goxd+mC36BBalVa796yT5oQQgghhBDHSII1IY7BX9sKfLfzbbXUujyYDToUReGFWTt5Z+EeDDotT/2rG23DrPTbr6Jtwc5Crv54NQC/3jqEHgnBJ3P64jAW7Cz03T6/Vxzr9paRWWJvtcHahe8sx+NVePeKPoztcvzCNa9XodbtwWrU+8K01+em8dHSDP53YQ9GdYpq9nG7Cyv511vLqKx1szqzzHd8yQNnEB1oZlueDaNeq27sX7BNrdza9os6KCQJLv4coru1aI65Vbl8v/N75u6dS6Yts8m5aL9oJiZPZELKBJKDko/mLTgoT3k5VUuWUr18GY6du3Ds2YNSo4aHDzYeuA0Km71CvVj4bgaaf89DYzCg0es5w6OhrwcCrUZwOPDWOjB5nOgVb8PDZkJ2k+s0VFIa4uMxdeiApWsXzF26YOnRA13Q8Q8ThRBCCCGEOJ1JsCbEMdhd1FAJ4/Eq7CmqoktsEHO2F/LWgj0AONxe7v1+I2aDlrUPj8avbunWppxyX6gG8Pq8ND64qt/JfQGnEZfHi1dRWrxEb01mKTd9sQ6Am0em8MC4jkx6YwmgLgVtjeo3tH/5r13HLVgrqnRw2QcrKK12cv/Yjjz5xzZigy3syK8E4LpP17D98XHN7jn33MydvuWe9cZ0jiI+xApeD90N+9QlkL9/DTmr1AEaLfS6AkY/3uym+425vC4WZS/i+7TvWZa7DAXFd65dcDsGxQ5idNvR9IjogVZz5F1Dm6MoCo4dO6hatJiqhQup2bBB3Q+uMb0eQ3Q0a2uMlFiCcGn1tI8OoHuUH97KSjyVlXhtFXgqbHgqK31BHGhQnE4UZ13Hz7ovmhb5NeE1W7AkxGEI1GGoXIspRIPpuncx9R6Ozl/2SBNCCCGEEOJEk2BNiKPk9SrkldcCkBhmJbPEzqqMUrJLa3jqT3WD8XaR/qQXVeFV1I3Hd+RX0qdtCADzdxShwUt3TTqjdOvolZ6Jd3pvtANvgogOp+x1/RPVujxc/O5y9pbamX/vSIKth17+5nB7uOf7jb77l/ZvA+ALRVtjxZrT3RDu7MivpKjScVz2gXvpr53sKlAD5Pt/3ASArS5Uq7c4rYgxzQR5G7PLAbhvbAeGJAexb/tKhpuXwHevw5754Gi0fFqjg45nw4gHm+wztj+Xx8Xq/NXMy57H3L1zKa4p9p0bEDOAC9tfyMCYgcd1mafHZqN62TKqFi2mevFi3EVFTc6bUtvhN3w4lh49MLVLxdgmAY1ez1kP/uEbc37vOMZf1LPZ63udTrxznoOFL6HE9kf51/soLhe3fLKSvYU2HjmnI6VuDc/My8SpM/Dh1CFc+Ml6XFo9X00dSJc4I7zRD6pscMbDMHz8cXvtQgghhBBCiENr9cFabm4uDzzwADNmzMBut9OuXTs+/vhj+vbtC6jVA4888gjvv/8+5eXlDBkyhLfffpvU1NRTPHPxT1dU5cDp8aLVwAV94vnf7F0HdOx7dGIXAsx6Jr25FIDteTb6+JfC9t8YvHYul5o2EaFpFC6s3QDrP4P+U2HInRDQ/BI7cWQ+XZbJxhz1fV6TWcZZnQ/+vlY73Nzz3UaySuwA/HDTIF83x3hdKYO0W/FURAJxJ3zeR6LG6Wly/7Plmdwz5tgC2lqXh9835h123DsL93BGx0gMuoaqsJwyO5rKPC7Treem7A/QLVtJT1d10wca/CC2J7QbBT0vg4CDV9mlV6Tz066f+G3Pb5Q5GpaVhppDOa/deUxOnUybwDZH/Bqb46tKW7iIqsWL1ao0T8P7q7FY8BswAP8Rw/EfPhxD3OH/X/hpXS5dY4O4dmjSAee0RiPaIdfCqhehbAX4uyE0hY2mdIpDggjt2xunrYa8VWrAGZMQxatXDmDbPhuDksNg9sNQlQ+hyTDkjuPyHgghhBBCCCFaplUHa2VlZQwZMoQzzjiDGTNmEBERQVpaGiEhIb4xzz//PK+99hqffvopSUlJTJs2jbFjx7Jt2zbMZvMpnL34p6vfhD060MyYLtG8+NculIaVaEzoHsPA5FD0Oi03DU8mc8k3DFv4JMxUw7d+ABrwGPxZb+jNbxVJXBeTQdviRbDiLVjxNiQMgM7nQo9LwCodR4/W0j0lvttb9lU0CdYW7irips/XcseoVG4emcILs3Yyc2s+Oq2GD6/qq3Z6rS6BZa/yzN430Bk9MP8p2D0AortDULz6FZoEMb1Ae3yWHB4pu6tpFd07C/cwqWcs7SIDjvhaG7LLWZ1RSpi/kUqHm7hgC3PuHkF6cRWdogP5zy9b+HrVXow6LUa9hvS92cxZaaZ7hA7TvlUEVmzHuW42K811jR/S6y5sDoa2gyGuNySNgLg+oD340twadw2zM2fzU9pPrCtc5zseZg7jjDZncGbCmQyMGYhBZzji17g/b00N1StWULVgIVULFuAuKGhy3picjP+wYfgNH4a1b1+0piOvBnz8922M6BBBSkQzzUyC4tSAcfcclPVf8rHpcoqr1CWhUYGmJlWS4f4mzu4Ww9ndYqBgq/q9AuDsF0Av3WqFEEIIIYQ4mVp1sPbcc8+RkJDAxx9/7DuWlNTw235FUXjllVd4+OGHmTRpEgCfffYZUVFR/PLLL0yZMuWkz1mcPnLL1GAtLsRC+6gA3ry0Nz+ty2Fij1gm9WxUwWIv5frc/xBunAs14Fa0LPN2YZG3O0UBHXnl3htZvyyXz/7czr6ASD4YZ4MFz0DOanX/qewVMPdx6HYB9L8RYrr7Ll1c5eDXDfsY3SmKNmHWk/0W/C0oisLmnHLf/S2Nurfaal3c9e0Galwenpu5g/yKGr5cuReA5yd3Z2RyAMx5VA0u3LXogDwllGhNGZrslZC9sumThSZD8hmQOhrajQbdyfsWa6+rWAsw6+mfGMrcHYU88+cOPriqL6/MSSPEauDqIQdWSzXnoZ82sz3P5rs/qWcsFqOOLrHq8srHJ3WhZ0AFY5x/Ydj4Jf6aIpjd9BrJgFfRUBHajZA+50PqGIjo1KLgcXvJdn5M+5E/0v/wdfTUaXQMix/GBakXMCRuCHrtsb23isdD7datVC9bTvXy5dSsW4ficvnOaywW/AYOxH/4MPyGDccYf+QVih9f049rGu2jCGCrcR1kNNDrctg9B/eKd/mgsg0QztndognzNxFsNTK2SxTJEf7otHWdWL1e+OMeUDzQ6Vxod9YRz1EIIYQQQghxbFp1sPbbb78xduxYLrzwQhYuXEhcXBy33HILN9xwAwAZGRnk5+dz1lkNHyaCgoIYMGAAy5cvP2iw5nA4cDgcvvs2m63ZcULsT1EUpn6+lpyyGoIs6l+ftmHqBuG+CpLG8jfD15cSXrEXFwbecZ/Dp+6xFKMGFPcN6IBGb6J/klqNtiqjFM8VY9C1GwUVubDjD1j/OeRvgvVfqF8JA8lKvpjV1RG8tLSMIiWIlelxvHdl35P3RrRyXq/Cur1lGPVaQqxGyuwNYcaS3cVU1LiwGHTc/MVaSqudvnOfLs8CoH2YkX95/4I3XoSKup6LMT34IeAK7t0Uy539/bizbRaUZ0F5NlTkQN5GKE1Xv9Z8CP7R0HUy9LsOwlJO+GuuXwpqNep46OxOzN1RyMJdRazNKuPVuWkArMwoZVBKGEnhfjzy61aev6C7WpFXJ6O4muhAc5NQLcCs5+J+CeqdvI2w9hMMGYu5uCStyfO7FB1O9OxUEljt7cBm2nPj1dfQrV3bFs2/0lnJjIwZ/LDrB7aXbvcdj/OPY3LqZCa1m0SkNfKo3htQ/+46MzKpXr6M6uXLsa9chbey6V5xhthY/EeOxP+MkVj79z+qqrTGzugQye+3D2XC60t8x7QazcEf0HEixPfDkLOal4xvc7fpMV68sCcAOq2Gd6/Y7+/4qndh73J1Se3Yp49prkIIIYQQQoij06qDtfT0dN5++23uvvtu/v3vf7N69WruuOMOjEYjV111Ffn5+QBERTXdLykqKsp3rjnPPPMMjz322Amdu/jnKa5ycPkHK33dEOvVh2IHSJsD318NzkoIScL9rw/JWWXAml7CRcmhTO4dT7+6UKNLbCCBZj22Wjezt+YzvluMujRswFTofwNkryL/r1eJyp2FJnsFbbNX0Ba4oO5zf0FGGMy+FAbeCoExzc/nNPLDuhzu/0HdaD85XA0++7YNobLWzc6CSr5YkUVkgImlu0vwM+r4Zuogvlm9l69XZnJf1Bpu8P6A9o+6ZYwBseoSu47nkD9/N2zaRY4nhJdLY9lV0JUXL+qB1aiH2grIWAwZi2DrT+qeVyvehJVvQ+8rYfQTYA48Ya/Z7gvW9LSL9KdTTCDb82y8vzjdN2bGlnxmbMnHpNficHu54J3ltIv0553L+5BdZueaj1fjZ9TSW7OLy/Rz6N82hMDEngStXwFZS5tW6Gl00HYwSt9r6fu9gRJH00q0ywa0OWyopigKawvW8vPun/kr6y9q3GoVqEFrYFSbUUxuP5n+0f2PuqOnu6iI6hUrfFVp7v3+XdAGBuI3YAB+gwfhN2gQhrZt0Rwq+DoK/qam/8y6PN6DjAR0esrGvo7xgxEM1G7n64hPsTAUaKa7Z3GaWk0JMOYJCE44bnMWQgghhBBCtFyrDta8Xi99+/bl6afV38T36tWLLVu28M4773DVVVcd9XUfeugh7r77bt99m81GQsLp+6Gk1uVBowGT/uB7HQm45ct1B4RqgLp5eGOV+bDyXVjyMqBA4jC4+HMslhCeO8je6nqdlqsGJ/L6vN18uCSDER0i2FdeS7tIf9BoWOJI4fK0y4jgbC7VzWO0bi3hmgrCNZXocROllMCy12HdZzDla0gccvzfgL+RPzY1bLifXqxumD+xRyyBFj13fbuRN+btpl9dIHr1kES6xQfRtbaIadlPYi7doT7QPwqG3gV9rgaDBYAQP7Wb6A9rc3zXP6NDJBf1SwBzEEXxo1lQ3YN/nfU4+oz5sOZjSJsFaz9Ru2Be8g1EdT4hr9nuVPfgshjUv8c9E4LYnmfjr20FB4x11HUQ1eKFoh1sWJiDtmIvLxqWMlyziQhT3XLZHCBnesMDtXrofJ66LDlhAFhD0QBRcxdT0qjKzajTcs0hlp2W15bzy+5f+CHtB7JsWb7jyUHJTE6dzMSUiYSYQw76+IPxVFVjX7Ma+/LlVC9bjiOtaVWdxmDA0qcPfoMG4Td4EObOndHoTuz3Pb/9grUal+cgI1Wvb1DIdd3M24ZXabvvD3h3OEz+AGJ7NQwqTYcfrgF3rbr0uO+1J2LqQgghhBBCiBZo1cFaTEwMnTs3/RDaqVMnfvzxRwCio9UOcgUFBcTENFTpFBQU0LNnz4Ne12QyYTrGJT5/d4qisDKjlLSCSp6ZsQNFgQfGdeC8XnEEW42nenonzTsL97A6o5SrBicyLDX8oNUqlbUuVmWU+u4/e343/tpWQGK4H/EhFnA7YOefsOFr2D1H3fMI1FBm/PMt2lD8sgFteWP+btZklTHlvRVsqutieW6PWN+eSkWE8KpnMq96JvPAuI5cOySOwc+9TaRxPUNCtlHiLKV65jXYIztSrTdS7ar2VQFFWiNJDEwkMSiRhIAE4gPiSQ5KJsgUdAzvYOtT6/KwPF1tVtA/KZSiSgeBZj3n9Ywj0KLn46WZbMqpYNGuIgCGxmrguyvRbPsVM6gb7A+/F/peB8am+9b1bnNg2PPrxlw1WANu+mIta7PKKKrqwC0jx0OH8ZC5FH65SV02+tm5cNOSQ3a/PFqNl4ICxIeoc/cq+49U6KLJYpJuKRN1y4nRlMLWulN1GVOtYmBb2Gh6d+0CZVlg8ofobpA6Vq2k3E94gAnqssxV/x5FlcNN8n4b9CuKwpbiLXy781tmZs7E4VGX41v1VsYnjee8dufRI6JHiyvGFK8XZ2YmtZs3U7N5i/rfrVvB3aiJg0aDuVMn/AYPwjpoENbevdFaLC26/vGyf8VaresQFWtAvq2GWd7+3Gl+nNeMb0PJbvhgNAy4UQ0zqwpg1r/B4wRrGEx6A45zlZ0QQgghhBCi5Vp1sDZkyBB27tzZ5NiuXbto21ZdXpSUlER0dDRz5871BWk2m42VK1dy8803n+zp/q3M2JLPLV+ua3Ls0enbePGvXcy6czixwUf+4VNRFL5YkYXTo3Dd0JZtkn4q2WpdPDtDrU6au6OQZ87vxiX9my8p21WgVqpFBZpY+W91T78p9WMLtsH3V0HxroYHJAyAQbdC50ktnk90kJl+iaGsyij1hWoAv23c12iUB615HyN72NjgnM7w79ZTk2AnC8gCMNYtGavMOOD6JbUlTfauqhfnH0fnsM6+r/Yh7Qkzhx33JXEnmq3WxdZcG34mHU63lxCrgW+nDjzgdUwdnsxtX63HhJNLTMsYOOP/wF6kVmP1uwFG3H/QDqwdogIIthoob7Rn29LdJVzx4UquGNiWtVllAHy4OINbRrZTByQOgakL4ZMJULgVfrwervz1kN0wj0b9UlBLXbAWt9/f4fahekZW/MxFuoW00zb8P1WtmMhVwilQQtiopLDU25W13vZ8PWkEtG1Z1dgD4zpQVu3k/nEdCPXX49GWsb4wjfzqfPKr89lSvIU1BWsorW0IpzuGdmRKhymMTxqP1XDoxhuKouDKzW0I0bZsoXbrVrzV1QeMNSQk+CrSrAMGoA858sq348lsaLqMdf+KtfSiKgLMBvYUVREVaKayVg0GR449HzpeDtPvgO3TYfkb6le9+H5w7htqR1ohhBBCCCHEKdOqg7W77rqLwYMH8/TTT3PRRRexatUq3nvvPd577z0ANBoNd955J08++SSpqakkJSUxbdo0YmNjOe+8807t5Fu5r1ft9d1uE2plb6kdgMpaN1tyK44qWPtwSQZP/qEGN3+HLpXLdpc0uf/Mn9vpnxRKyn6VNoW2Wj5akglAh+hGe2QpitpM4M/7wF0DfpFqV7+el0J46lHN6YFxHbn43eW4fWVGHrTmPHTWdPR+e9BZMtHoHKy2AXUr7wwaP2psCcRY23DdgB74bf4Rv70rsSoKfgHxmPtei5I8kjx7AVm2LDJtmWRXZpNTmUNedR65VbnkVuXyV9ZfvnkEmYJoF9yOdsHtSAlO8d0+muV5J8u/f9rM742WgKZE+DcbDp4TWUqbpJ9IyptBANVgB8I7wPnvQWzPQz6HVqthQvcYvlixF60GrhmSxIdLMlicVszitGLfuDK7k4oaF0EWA4qiUKi4KB37CJofr8cvZzmWeY/CkP9DURQ8igeP4sHhcVDjqsHutlPjrkGr0WLRW7DoLZj1ZlDA6XVS6azE5rSxt6wEl1KDVufC7rKzPrcQU1QBmXo7E3+2kV2Zg39HDyhaDFot1V4Xi0LdbPR68PNEYbCG4/WLZWmeAa/XgIKOfm0iKaoooKPexrqKInZst2LRW7AarPgb/PEz+BFgCKDKVUWBvYBCeyGF9kLyq/MJSsnjsQ35FC0vwqs0X5Vl1pkZ1XYUUzpMOWh1mqIouAsLqd2yhZrNm6ndspXaLVvwlJcfMFZjNmPu1Alzt65YunXD0rMnxla2rH//11jrbAjWCitrOfPFhb77YX5GEkLV75sBZoMa8F70OWz7FXbNVMN7txPaj4ERD4L+9KkuFkIIIYQQorVq1cFav379+Pnnn3nooYd4/PHHSUpK4pVXXuGyyy7zjbn//vuprq5m6tSplJeXM3ToUGbOnInZbD6FM2/dKuwulu5WQ4B7RrfnxhEpzNqazz3fb8Tp9lJU5TjMFZo3f2eh7/bwF+Zzy8gU7h/X8bjM+XjLKbNz0xdrARjfNZolacXYat088fs2Prmmv2+coihc8v4K9hSplTEdovzBaVcrSFa+DfvWqwNTRqnBjF/4Mc0rMdLL/RdUsSJ3I1lVOylxZuDB2WRMgDGAvlF96Rfdj37R/bAo8Yx6cRHpXoXoQX0ZddHlsOw1dY+3wt3w578hqiudRj4EXa5usmyswlHBjtIdbC3ZyraSbewo3UF2ZTYVjgrWFqxlbcHaJs8dag4lNTiVlOAU+kb3ZWjcUCz6E7O0rsBWi8vj9S1pPJRyu7NJqAaQHLHfhu+uWpj7OJoVb9GduuAyMF6tLOx3fYtDikcmdiHMz0RSuB/n9ohFr9Pw7sKGBgFo3Gise+j/9p+EhhShNedic9aloFHBQDDk/gLf/dKi5zsSxlAoB8rrnk6jATQe3HiwacGm1ZPr+7ZfCdU70QX6VoCy0QZoAA+8tv7o56HX6omyRhHtF020XzRJgUn0i+5Ht/BuGHQG3ziv04kzPR1HWhqOnTup3b6D2h078JSUHHhRgwFzhw6Yu3bB0q0b5q5dMaWkoNG36n/GDlDrbgjWtu5r2pG6pNpJsFV9f3xLSDUa6HKe+iWEEEIIIYRodVr9J5IJEyYwYcKEg57XaDQ8/vjjPP744ydxVn9vS3YX41WgXaQ/t49SK6sm9ohl2Z5ivl6VTXGl85CPX5tVytTP1jJtQmfO69Ww31JGUdNlWW8t2MM53WPoEntq9/CqdXn4fm0OXq/Cv3rHYdRpmfpZQ2B01eBExneL4Y6v17M9r+kH3fXZ5b5QbUgs3Fb9JvzvV7XTJ4Deou7HNfRu0B5d50Knx8mC7AX8tuc3luQuwaM0XSpm1vnRMbgHZyUNpn90f9qHtEe33zLC64Ym8e6idJ6buYMzOkSiHXon9L0GVrwNy9+Egi3w7WUQ1xfOewsiOgBqZdqAmAEMiBnQ8H65a8moyGB3+W52l+9mT/kedpfvJrcql9LaUlbmr2Rl/kq+2vEVFr2FoXFDGdN2DCMSRhy3kK3G6eGsFxei0cDSB89Uq3cO4X+zdx5wzFd5qCiQvgBmPgRFdUthO01UN3xPGnHESzINOi13jW6Poih4Kyu5rZ2W1bNXofVmY9Xm4afdh8XuxpwHZqeCyQVWp5ZArxGPFmx6JzajF7sJas1anAYtHqMWr9GA1myu+7LgNGqo0jiwaRxUe2tBq0XR6iiz63B7LCgeC4rXDF4DiteI4jUCWvrFJ3NHn3bErfwQc/oC3GhwacCVfAa2YXdSgZcqVxVOjxOX18V7i9OoctRy5eB4FI0bh8dBrbuWGneN78vuslPtqqbSWUmlqxI/vR9RflFEWiOJtEYSbVUDtBi/GKL9ogmzhPk6eSpOJ678fFwZ+6he8huu3H046sI0Z2YmeJrZzF+rxdSuHeauXbF066qGaB06oDX+/Su0ahpVrLk9B2yAR15FLQAB5lb/z7MQQgghhBCCv0GwJo6v5XtKuPUrdW+14akRTc6F+6sb7BcfpmLt+k/XUGZ3cee3G3zBWo3Tw766D4SN/bwu95QHa9+s2suj07cB8O3qbJIj/NhWF6A9dm4XBiaHUVmr7plVYHP4lvABTN+4D1B4JDmNa2xvQ32HxeC26pLPvteBf8QBz3k4iqKwuXgzv+35jRkZMxoqmoDOYZ3pHdmbLuFd6BLWhbaBbX0hxcHcckY7vlq1l10FVazKLGVgchiYg2Dkg+qm58vegJXvQO4a+OAsuOBjSD2r2WuZ9WY6hXWiU1inJsftLjvpFemklaWxs2wnC7IX+JaQ/pX1F8GmYC7qcBGXdLyEcMuxVe79uTmPSoe619SO/Er6JTa/5xmoe6t9tVJd2nzLyBTeWbgHr6I2LmD7dFj0AuRtVAf7RcKkN9WldC2geL24CwpwZmXh2L0Hx57d2NN2UpuVBWXlaOu6az512Ct5gJqDHK8PWhxAVYvm5dLq8JqtlCt67AYTtToTNXoTNXojHUKySfjsDfC6cGoC0QaEYYzvjrm4N0GzdtLGbEFrMaMxmtCY/Dg7dSiKwYhOMaExmNBYDWgMBhSnE6/djlJTg1dTi9ddg9drR3HW4C2vwZtdg7fGjtduQ7Hn46muRqm2U2mvxlZtx2NX73vt9kO+Fm1gIKbUVEztUzF37IS5U0dMqaknvcnAyVK/x1pGcTU3fLbmgPP1e+UFHiZMFkIIIYQQQrQOEqydRubvLOSaj1cDoNNquKBP002vIwLUYK2o8uDBmterUNZo43ZFUdBoNGQUq1VdBp2Gc7rF4FXUTfc35pQf51dx5BY12vtqW57NF6oBjOkSBaj7GcUEmcmrqGVnfiU6LTzyzSI625bwu/Evuu7LVB8Q3gHO+R+0HXpUFWr51fn8nv47v+7+lUxbpu94pDWSickTObfduSQHJR/xdYMsBnomBLM4rZjcshoURaGk2qmGpZYQGDUN+t8AP1wLWUvhy8kw8FY465EWdSwFsBqsdA3vStfwrgA80O8Btpdu56+sv5iRMYPcqlze2/QeH2/5mLGJYzkn+RwGxAzAoD3ygGDGlnzf7bSCKnolBLOvvJYal4d2kf6+LqkAazPL8CqQFO7H/eM6cvWQRBzVVSSseBg2fKEOMlih1xVqY4L9lusqbjeufftwZu3FmZWFc28Wrqy9OLOzceXkoDgPrOBs/CdvN0GVRUu1zohDZyEyIppqAoiMDGFFnp1Ctw6H3shNY7tg0YK3qhJPUS7eDb/hdXrw6gJQ/NvgVQwotbU4q+1oXU4UhwOltlatuNuPwesBeyVRcGBelwcVGID6970GNq4EVrb07T/uNCYThthY9SsuDmPbNpjat8fUvj36yMi/XaOMY1EfrD35+7ZDjpOKNSGEEEIIIf4e5Cf308TWfRW+UA3g8Uld6Bwb2GTMQSvWFAXcteC0k5adR0fNXtpq8nFgICerPQmJqazJUrv99WoTwitTerEpp5zfNu4jo/jQ1SonmtvjZVWGOrc+bUN8XRsn9ojl0YmdCat7zSgKZ4flUVO1jrLvvyKiage/a3f7sglFb0Ez+HYYehcYj6wpg81pY0H2Aqbvmc7KvJUodft71W/kfm7KuQyIHnDA8s4jVf/nV1Lt4IsVWUz7dSs3DEviP+d0VgcERMMVP8PMB2HNR7DiTcheCRd/DoGxR/x8Go3G10n0tp63MXfvXD7d9imbijYxa+d0diyejtkayIDEoQxPGU23uD7oLBY0JhOaQ4SSS9KKmbO9wHd/V0ElD/+yhW9WZ/uO3TAsifvHdSSrpJrX56UB0D8xFLxeIrNnocx9EqVoF4qiRel3M97Ol+GqqMU1bzmu3FycOTm4cnJxZWfjys9vfjliHa9WQ2EQ5IRBdgTkhGlwx0UQ27YzXdoNoV/bIdgL/Ljlo1UA/HHHUIbUVWnGVTro99QcAH7ap2P9f0djNtT9Oe8cAz9NBUddT9eUM5keMpXblxg5u1s0b17aG4AVO/O5+oPl6BQFreKlX3wg703phtdux1lZxUd/bSWVQvpWrUCXvgQ8CkR2Q+l8PigKitOFt7YWpbYGb00t3poatQrN6UBx1AV4Tqd63+lS77tcaEwmtBYLWrMZjdWC1mJV71vMaCyN7vtZ0Vr91P/6+aG1Nvqv1Yo2IABdSMhpFZ4dyrsL0wn3M/l+GXEw/hKsCSGEEEII8bcgP7n/wxVVOli/t6xJUPH77UPpGnfg8kxfxVrjYO2nqbD5e6jr8tcBmNm4wOmTF6DNYJzlvQmlK2M6q8sH24apG8cXVzmocrgbNuI+ybJK7VQ53FgMOt6/si8P/LiJ/IpaHj6nU0OotnsuzJ7GtMKtapBmx1eStNsby4bwc7jgugdb1JigfrlkRkUG6RXprMlfw5biLbgVt29Mn6g+TEqZxOi2o/E3+h/iakcmzE/df+rjpZm+fZreX5zBxf0SaBcZoA7Sm2DCy5A6Fn6+UV0a+t5IOPd1aD/2sM+RWVxNkMVAiF/Tva50Wh1jEscwJnEMm4o2sWjh54z63+9AGTAdmM7uRuM1RiMasxmtxYIuKAhdUBDaoEC0/gEs2VTM1TojesWD2e0gbge4q+08VVuL2ePA5HGhn+thwX896BUPd3k9GLwegma52fGoA8WrgFcD1IWF3/8M/HzI16UxmTC2aYO+TQJl4SZ2WMtZSjpbzMWUBKrhWqfQTkxOnczNiWMO6I7aNlBhbJcoiiodpNa/16h/p+4Ylcprc9OocXn4ZX0uU/q3UU92GAe3rYZ5T8DGr2HPPCYyj3hjO+Zu68W2dVfSpfcwXluUhaNRVeENk/pgiFX/XzQV7+b/4n9TO0ZqgXZA9ynqcledfHtvLbQa8DYqPHzqz+2HfYxBd3R7NgohhBBCCCFOLvnk9Q+2u7CSC95ZTnmjpZuvTunZbKgGjSrWGi8F1eh8oRpAjWLEjolSXQQut4eO2r1o9y7jepZxtUkLq+MhLY6g8PbcafFS6fRi+/kv/I014KyCuD6QOgaiujTpTnk0XB4v6/eWsz3Pxrk9Yg8Ie6ChoUJSuB+hfkbev7Jvw0mvFxY9DwueBRQwWFlLJ1bVxLLd24bV3o7kEcbViYlccJBQzeVxsTxvObMyZ7G2YC25VbnNjksJSmFs4lgmpEwgISDhmF73wYTXBaN5++11d+/3myipdnDFwLZMHZ6iHuwwDqYugK8vUTf0/+oiGHwHjH78oH8um3MqmPjGEnq3CeanW4YcdB7dI7rTvtsNZMetx1ldibvWjtbpRt/wvxGK06lWSdlsuAsKmjx+0pG/9IbrAmpby/0YDBiiozHExGCIi8MQH4cxPh5DfDy1EYGscO5kQe4iluxbQmV9YwrAz+DP5KSzmdx+Ml3Cuhz0eTUaDe9e0bfZczePSOG71dnk22r5ZUOjYA0gIAomvcGuDjey9otpXKBbRC/tbnppd8P076lZMwBH5nh02vY8e353Ai0GBqeEg9ejdn6d/zR4nOprbj9W3fMvdfQx/90Sx9fvtw/j7NcWn+ppCCGEEEIIIU4ACdb+wd5flNEkVOsSG8jozlEHHV9fsVbt9GB3urEa9TDmCTjrEd5bUcCzc/fiRcvQduE8MrEzZ7+8iFhNCY+3SyMi63d6aNPBtlf92rucO0GtANvR6El2/A5zH4PkM9RrR3c76td3+1frmblV3YtrV0ElT/3rwGvVL7dKivBreqK6BH66AfbMVe/3uQbOehRXnof/fbCS/xuVij2ngtK0Iq4Y1Banx0mmLZP0inTSy9NJr0hnr20vWbYs7O6my11DzaEkByWTGJRIt/Bu9I/uT3xA0/3sToT6YHR/G7LLAXj6zx2sySzjncv7oNVqIDQJ5Ya5bPzsAXrmfK4GNQ4bnPNys/vHPfmHuifUur3lvr31DsbcoT2pc+f47te6a1m8dwFzdv3JuuwVuGvsGN1gdoJfrUI7bTRtPHGEO8NYt81BsEZhyqAkvtlcTE6NQo3eRFBoIP8e1xZ3zgp2bVpCsi6fAF0NGq0CGtAEx6Dpfj6aXpeiCQhHYzCg0evBoG7GXz/fWnctG4o2sCpvFavzf2Dz1s1NOrGGmEIYFj+MkQkjGRI7BKvhyJb+7s9i1PHJtf0Y98pitu2zHXBeURSeWV7DfPcNvOKezKUh2+lYtZIz9Zuw5K3kJ9NK7Fo/rBs6Q0AMrKmAfevVPyuAlFEw/nkIb3dM8xQnTufYQB4+pxNP/tF8pdorF/ekTZiV899adpJnJoQQQgghhDhWEqz9Q5VWO/ljcx4An13bn1A/Ix2iAw65vMjPqMNs0FLr8lJc6aRNmB78wlmTWcrTc3MALc9P7s5F/RJQFAWrUcc+ZxjXp4UBA3lxTBiT22mgIhuKdlKSs5NtGblsdcWQ0jaB0V3iIHOxuvQyfT68M0ztrHnmNAiM8c1j3d4yHvhhEw9P6MyI9s133CyucjB7W8MG979t2Me0CZ0xG3TkVeWxIm8Feq2eJXl56AOL8Fpz+G7nbhweB57yLHQbvkFXU4Y+KARd94vRtR2Ebt9iDDoD791oprhmHSl+WWijM/m/JW+SXZmNt1HlXmPhlnBGtx3NGQln0Cm0E8Hm4CP+8zoewv0PrNjb3+xtBaQVVtEhWl2uuC7PyeTd47lQZ+F54wdo1n4COhOMewbq9nzzehXu+2ETK+v2qgOodLiPqGuhWW9mdPI4RiePw+V1sbFwI/f/8T3Zrk1ozbls1hQChQAoHXT4acPZFuWCrsEs3+VBW2vgttCNlGx/hWiHnYExam2a1xSItsPZ0GMKJI1oNhCsclaxvWAjG4s2smzfMjYUbsDldTUZ0y64HSPiRzAyYSTdwrsd8353+6sPPW21btweL/q6v4f1VYD1/nvpWSiM4savhjAs1Mkl9i8Y7ZyP1VsNOaubXtQcDGOfgp6XSYXa30B+M12TAR4c39HXXXnzo2O46Yu1jO508F+ACCGEEEIIIVoXCdb+oe7/YSNVDjfRgWYGp4T5PsgfikajIdzfRE5ZDcNfmM+mR8cQaDbw52Y1wBrbJYoL+8b7xrYN82N7XYfN8V2j+dfI3upmQgwAIAzIX5PNsz9sYogmjNGDB8Lg26AsE+Y+Dlt+hA1fwo4/1H2/up6Pw+3honeW4/YqXPXRKjKfPafZuf61rQCvAsnhfqQXV1PpcNNx2kwCTHpqjBuwxH/hG2uJgyUVsGRFowv4acAvVL2d86f6dRgBhgCSgpNICUohOSiZNoFtaBPQhqSgpOMexByN/SvWXp3Sk4d+2kyH6ADW7y33HV+VUcLitCLGdY0mq0St6PveM5IxqbGM3vUorHoXCrbC+e9CUDx7iqr4cV1Ok2sXVTqOKFjzeBV+WZ9LqJ+REe0jWLUjmPS04cBw0FWjt+5G55+G3m8XWoMNu1LAynx1iai27o/pDeCNmDAgjBCdmWhrNLHBScQFJJDgKiA4azYexUNpbSlZtiyyK7PJsmU1uzw30hJJ/5j+9I/uT/+Y/sT5x7X4tRyNYEvDe1VR48Lu9DDlvRXklje09Jw6PJlzuseQXapWQC4uMLKYa7Fqr2TVzUn4V+wGewnojBDbEyK7yD5qfyOJ4Q1Vs0EWAxU1arjbp23Dfn0BZgNfXj/wpM9NCCGEEEIIcfTkU9k/kK3WxYKdRYAarrQkVKunhiXqh/3ZWwu4oE88i9PUa03qGddk+Z+30W7ct5+Zqi4v3E9CqLqMLresIUAgJBEu+AgG3gp/3A15G+CHa2Ddp8ywtac/4ewmjkJCWJNZSt/E0AOuuzm3AoCxXaPZkWdjft3rrXS40Wn9cVd1ALyg8QAahsQY8CvZiclRhQ7wBMXjie2JR6PFo3jweD14FA8Oj4Madw2RlkgSAhNoE9CGtoFtSQlOIcIS0ao7G7aL9Cc10p+0wioemdiZST3jGN81Bo0GUv8zwzdu2q9bAXjyj+1cPzTJd/zlor6MPv99lOl3oslaAm8PgaF3UmweBkB8iAWjTkt6cTWfLcvksUldWzSv9XvL+FejJW4jO0SwcFdRwwCPH+7KHrgre+BAQaMv57HJsYQ4N5C/+l3yFAd5ej35Jiv7DAbsXidlnlrKKjPZXpnZojnE+MXQOawzA2IGMChmEG0D257UP0u9TkugWY+t1k2Z3cn3a3OahGp3ndWeW89Q979LCLX6Gh4AjO3RFv+E7pDQ/aTNVxx/F/VNoMrhZlhqOPd9v8kXrAVZWh5QCyGEEEIIIVofCdb+gZakFeP2KiRH+DEgOeyIHlvcqCNoabWDvIoa0gqr0GpgcErTa53bM5YXZu2kT9sQOscGNnu9uGALAPvKa/F6labhW3wfuH4OLHwOFr8I6Qs4jwWcV7eicbM3kU9/vIW+99x4wHV35qsbzHeMDuCOM1PZnFvBRe8uB8BQE8Ow3K6M1q4lQVtEvN5GfGFd1VJgHEx4BdqPOaL35e/AbNAx887h5NtqiQk0A2DUHzpU/WBJhu/2tjwby/1G8ZznWV4yvk5y7S6Y8yiDgF+NyZTou+Jwe9mgC2D1ig4sSPHjncXZJJrt3DN5JBF1z7m/r1bubXK/PvSNCDBxz+j2PPjT5kZnNejcAVxUtAzz8pdA8UBMDxjzJCQOQwEqXZXkVeWRX51PblUuOVU5ZFdmU+WsQqfVEWgMpG1gW9oEtCEhIIGU4JQDunieCqF+xrpgzcXvG9Vl2md1iuLygW0Y2SGyydi7zkolOdyPrBI7N41MPhXTFceZUa/lphFqeNohOoBtddW+EqwJIYQQQgjx9ybB2j9QVokdvVbDmft9WG+JxsHa7sIqHvtN3bC+e3wwwdame3hdMySR+BDLIRsiRAeZ0WrA6fHy+O/buHlkClGNAxidAc58GHpeimPzr8yZ8yedNVkk6orpps3kGdtDKGvNaPpc5XvI9I37WJtVBkDH6EAsRh39ozW82z2NsOzZ9HSsRe9ttJ+RF9Cb1b2oznwYrAdWwP1T6LQaX5h5NJ6buYMN9jDG8jCf905jYM0ivBmL1cYUlekAjK/LAWp/eJpBioJJ48L+WjCkDIG2g6D7FPBv2BuvsK7LbI/4IDpEB/DdGnVZaeeYQC7sm0BKpD/dAqpZsOAvZq5N4zrjbMzLdqsP7nYhTHwNjGrlowYINAYSGBpIh9AOR/06T4VgqxFK7Dz621Zyy2sw6DS8fkkvLMYDlxFrNBrfvlvin2dou3B+Xq+G/RKsCSGEEEII8femURRFOfywfzabzUZQUBAVFRUEBjZfefV3Y6t14XR7D9op8mC+W53N/T9uOuD4HWe24+4xRxdkDH5mLvvqNu4ekBTKtzcOanbc1n0VnPPaEsL8jCz7vx7MfuEKJurqNkbrPAnOfpFd1WbGv7oYj1chwKxn3Z1dMSx/HdZ+DO5GYVpQAnvCRpIf2I0hXZIhrs8/OlA7nMQH/zjk+Z4Jwb7uofWuHZLEv3rFce0b0xmi3crVqTXsLLQTXrWL7tp0IjTqclyvokGrafRtxBqOrf+dFHkDqPFoeGReCZGacv7bIZvQ4rV4bPlkKxF4A2LpFKaD8mywNd3DDXMQnPMSdLvgeLz8VuGKD1eyOK3Yd793m2B+umXIKZyROFVqXR4mvbGUED8D30xt/vuhEEIIIYQQ4tQ5kpxIKtb+oY5kY/nGLuqXQJi/kes+XeM7ZtJruXJw4lHPJSnCzxesNe4sub/MYnXT9rZhVkyBkTxquIcdju+50/Ajhm2/Upu2iLWh1xHqTaa9qZTXOqdheP0K8NRV2UV0gk4TodMEiO5OikZDylHP+p/lo6v78uqcNDbmVDR7/twesQcEa/N3FvLR0gwghF+8Qzm7fx96hvkx9pVFgEKyJg8FDblKOD30e/lqrBfD5m+hcBuBCx6m/lvPj/XZbv2qUw100ORAdQ5U1x/TqpvxW4IhshMM+T8Iij+eb8Epl15U3eR+v2b2DhSnB7NBx4z/G9bsvpRCCCGEEEKIvxcJ1sQBeiQEN7n/w02Dj7jyrbHOMYEs3V3iuz/lveU8PqkruroPlV+syOLjpZm+8//f3p1HR1XffRz/TDJZSMgChGSykEUMRAiGHSNRqyBLQVBUlBMWAY+i8EDQIrV90D7VGsCKNRRBPBZ4BItSWRQBDQRBKosmYAjwBFrZSgipIiasWeb3/IGMDKsdhwyZvF/n5MDc3y/3/H7nfpi598ud+7sxsqEkyRbeQDNK7tWn9rb6o98s3VR1QIOO/FGDzn2TdOcPf8anS3dMlG74hXQdLy7gSXelROnOlpFKevbH1U//+GCafrXoK/13n5vU5YaLizx7v/mxEBQZEqBftIyUv9VH80d20eC3NutrE6Pf92+tnDV79MXx5vr9twmaNOIxffHO/6hq70b5qVp+lmq1tBzUtyZUtk73KuimHtpf3ViFRdvUO9Eqq8UuNW0pRbaSAr3jbtHLaRUT6liwoPtNkRreNekqvwFvRlENAAAA8A4U1nCRxhc8S62lLeRn7a9504ZOrzd9fVQ9Xl1/2f4jflip0hYaqB0l5dphEtWv8kUN9f1Ew62rFGf5RlUBjeUX11bKeEpKzKCg9hNcuArmAx3idGfLpmoc7C+LxaJZgzto3e5/6+5WkRox90unvv87srNjIYT05k2U1T1ZCU2CdG/bWOX9X5k+Lf633t60XyfOVCuo8WDN3327QgKsqjhT7djHP37ZW/L1UYKkhJR213y+15vf92+t+MZBeuz2G5yfMwgAAAAAqLMorOEiF95JcbWVJa8mNTbsJ/edM7yTUmxn71yKOe8h/FWy6q2aX+qtmt6KCbYo71e95Od38UPfcWUWi2SMNOCHB+M3Oe9OxF6pNvVKten4ecUwSYpvHKQbzyuO+vpYlNW9heN1VMiPRaLFWw+pRdTZvk/3aKGD353SWz+sPGr1/Xk5quuiwxpoUt9Wnh4GAAAAAMCNKKzhmkuNDdMbQzro8bfzL9vH39dHb4/srC43NHFse6RroipOVyk1NkxrdpXpm+NnNPn+m5XQJEiBFNVc8t7j6fqo8LAm9Lz8QhQNA6ya1LeVvj9ZqaG3JsrP1+eKRbHMW+K1KP+g7D+sX7D7yHFJUqNgf93Woqne2rBXGTdGuHUeAAAAAABcD1gVVN65KujPdW4VSauPRf946Zdu2Wf7F3J19ESl4/WA9rFaXHBIKbYQLf+vjHp/R1NdVnG6Sh/vOKJfLfrKsW3+yC7KSI7QkfLTCmvgRzEUAAAAAFAnsCoofrZpA9P02yVFej2zvdv2+drDbbWk4JCaRzZU22bh6npjhAZ2bKabokMpqtVxIYF+ahXt/GbTOPjss/p4nhgAAAAAwFtRWMMlDWgfp/5tYx0rd7rDbclNdVtyU6dtt5z31U/Ubc0jgx3PcJOkJg39r/wLAAAAAADUcdwmhMtyZ1EN3i/A6qsmwT8W08KD/Dw4GgAAAAAArj0KawDc5ukeZxdFSIoIVoCVZ6oBAAAAALwbXwUF4DaDOsfrtuQIBfnz1gIAAAAA8H5c/QJwq7hGQZ4eAgAAAAAAtYKvggIAAAAAAAAuoLAGAAAAAAAAuIDCGgAAAAAAAOACCmsAAAAAAACACyisAQAAAAAAAC6gsAYAAAAAAAC4gMIaAAAAAAAA4AIKawAAAAAAAIALKKwBAAAAAAAALqCwBgAAAAAAALiAwhoAAAAAAADgAgprAAAAAAAAgAsorAEAAAAAAAAuoLAGAAAAAAAAuMDq6QFcD4wxkqTy8nIPjwQAAAAAAACedK4+dK5edCUU1iRVVFRIkpo1a+bhkQAAAAAAAOB6UFFRobCwsCv2sZifUn7zcna7XSUlJQoJCZHFYvH0cNyivLxczZo108GDBxUaGurp4cADyAAkcgAygLPIAcgAJHIAMoCzyMHVGWNUUVGhmJgY+fhc+Slq3LEmycfHR3FxcZ4exjURGhrKP5R6jgxAIgcgAziLHIAMQCIHIAM4ixxc2dXuVDuHxQsAAAAAAAAAF1BYAwAAAAAAAFxAYc1LBQQE6Pnnn1dAQICnhwIPIQOQyAHIAM4iByADkMgByADOIgfuxeIFAAAAAAAAgAu4Yw0AAAAAAABwAYU1AAAAAAAAwAUU1gAAAAAAAAAXUFgDAAAAAAAAXEBhzQvNmDFDiYmJCgwMVJcuXbRlyxZPDwlukp2drU6dOikkJESRkZG69957VVxc7NTn9OnTGj16tJo0aaKGDRvq/vvv15EjR5z6HDhwQH369FFQUJAiIyM1YcIEVVdX1+ZU4CaTJ0+WxWJRVlaWYxsZqB8OHTqkwYMHq0mTJmrQoIHatGmjL7/80tFujNFzzz2n6OhoNWjQQN27d9eePXuc9nH06FFlZmYqNDRU4eHhGjlypI4fP17bU4ELampqNGnSJCUlJalBgwZq3ry5XnjhBZ2/JhUZ8D7r16/XPffco5iYGFksFi1dutSp3V3HvLCwULfddpsCAwPVrFkzTZ069VpPDf+BK+WgqqpKEydOVJs2bRQcHKyYmBgNHTpUJSUlTvsgB3Xb1d4Lzjdq1ChZLBb96U9/ctpOBuq+n5KDXbt2qV+/fgoLC1NwcLA6deqkAwcOONq5bnAPCmte5t1339VTTz2l559/XgUFBUpLS1PPnj1VVlbm6aHBDdatW6fRo0dr06ZNys3NVVVVlXr06KETJ044+owfP14ffvihFi1apHXr1qmkpEQDBgxwtNfU1KhPnz6qrKzU559/rnnz5mnu3Ll67rnnPDEl/AxffPGF3njjDd18881O28mA9/vuu+/UtWtX+fn5aeXKldq5c6deeeUVNWrUyNFn6tSpysnJ0axZs7R582YFBwerZ8+eOn36tKNPZmamduzYodzcXC1fvlzr16/XY4895okp4T80ZcoUzZw5U3/+85+1a9cuTZkyRVOnTtX06dMdfciA9zlx4oTS0tI0Y8aMS7a745iXl5erR48eSkhIUH5+vl5++WX97ne/0+zZs6/5/PDTXCkHJ0+eVEFBgSZNmqSCggItXrxYxcXF6tevn1M/clC3Xe294JwlS5Zo06ZNiomJuaiNDNR9V8vBP//5T2VkZCglJUWffvqpCgsLNWnSJAUGBjr6cN3gJgZepXPnzmb06NGO1zU1NSYmJsZkZ2d7cFS4VsrKyowks27dOmOMMceOHTN+fn5m0aJFjj67du0ykszGjRuNMcasWLHC+Pj4mNLSUkefmTNnmtDQUHPmzJnanQBcVlFRYZKTk01ubq654447zLhx44wxZKC+mDhxosnIyLhsu91uNzabzbz88suObceOHTMBAQHmr3/9qzHGmJ07dxpJ5osvvnD0WblypbFYLObQoUPXbvBwiz59+pgRI0Y4bRswYIDJzMw0xpCB+kCSWbJkieO1u47566+/bho1auT0eTBx4kTTsmXLazwjuOLCHFzKli1bjCSzf/9+Yww58DaXy8C//vUvExsba4qKikxCQoJ59dVXHW1kwPtcKgcPPfSQGTx48GV/h+sG9+GONS9SWVmp/Px8de/e3bHNx8dH3bt318aNGz04Mlwr33//vSSpcePGkqT8/HxVVVU5ZSAlJUXx8fGODGzcuFFt2rRRVFSUo0/Pnj1VXl6uHTt21OLo8XOMHj1affr0cTrWEhmoLz744AN17NhRDz74oCIjI9WuXTu9+eabjva9e/eqtLTUKQdhYWHq0qWLUw7Cw8PVsWNHR5/u3bvLx8dHmzdvrr3JwCW33nqr1qxZo927d0uSvvrqK23YsEG9e/eWRAbqI3cd840bN+r222+Xv7+/o0/Pnj1VXFys7777rpZmA3f6/vvvZbFYFB4eLokc1Ad2u11DhgzRhAkT1Lp164vayYD3s9vt+uijj9SiRQv17NlTkZGR6tKli9PXRblucB8Ka17km2++UU1NjVPoJSkqKkqlpaUeGhWuFbvdrqysLHXt2lWpqamSpNLSUvn7+ztOnM45PwOlpaWXzMi5Nlz/Fi5cqIKCAmVnZ1/URgbqh6+//lozZ85UcnKyPv74Yz3xxBMaO3as5s2bJ+nH43ilz4PS0lJFRkY6tVutVjVu3Jgc1AG//vWv9fDDDyslJUV+fn5q166dsrKylJmZKYkM1EfuOuZ8RniX06dPa+LEiRo0aJBCQ0MlkYP6YMqUKbJarRo7duwl28mA9ysrK9Px48c1efJk9erVS5988onuu+8+DRgwQOvWrZPEdYM7WT09AACuGT16tIqKirRhwwZPDwW16ODBgxo3bpxyc3Odno+A+sVut6tjx4566aWXJEnt2rVTUVGRZs2apWHDhnl4dKgN7733nhYsWKB33nlHrVu31rZt25SVlaWYmBgyAEDS2YUMBg4cKGOMZs6c6enhoJbk5+frtddeU0FBgSwWi6eHAw+x2+2SpP79+2v8+PGSpLZt2+rzzz/XrFmzdMcdd3hyeF6HO9a8SEREhHx9fS9axePIkSOy2WweGhWuhTFjxmj58uVau3at4uLiHNttNpsqKyt17Ngxp/7nZ8Bms10yI+facH3Lz89XWVmZ2rdvL6vVKqvVqnXr1iknJ0dWq1VRUVFkoB6Ijo5Wq1atnLbddNNNjlWezh3HK30e2Gy2ixa2qa6u1tGjR8lBHTBhwgTHXWtt2rTRkCFDNH78eMedrGSg/nHXMeczwjucK6rt379fubm5jrvVJHLg7T777DOVlZUpPj7eca64f/9+Pf3000pMTJREBuqDiIgIWa3Wq54vct3gHhTWvIi/v786dOigNWvWOLbZ7XatWbNG6enpHhwZ3MUYozFjxmjJkiXKy8tTUlKSU3uHDh3k5+fnlIHi4mIdOHDAkYH09HRt377d6cP03AnXhW+8uP5069ZN27dv17Zt2xw/HTt2VGZmpuPvZMD7de3aVcXFxU7bdu/erYSEBElSUlKSbDabUw7Ky8u1efNmpxwcO3ZM+fn5jj55eXmy2+3q0qVLLcwCP8fJkyfl4+N8Gufr6+v4H2oyUP+465inp6dr/fr1qqqqcvTJzc1Vy5YtnVYexvXrXFFtz549Wr16tZo0aeLUTg6825AhQ1RYWOh0rhgTE6MJEybo448/lkQG6gN/f3916tTpiueLXDu6kadXT4B7LVy40AQEBJi5c+eanTt3mscee8yEh4c7reKBuuuJJ54wYWFh5tNPPzWHDx92/Jw8edLRZ9SoUSY+Pt7k5eWZL7/80qSnp5v09HRHe3V1tUlNTTU9evQw27ZtM6tWrTJNmzY1zz77rCemBDc4f1VQY8hAfbBlyxZjtVrNH/7wB7Nnzx6zYMECExQUZObPn+/oM3nyZBMeHm6WLVtmCgsLTf/+/U1SUpI5deqUo0+vXr1Mu3btzObNm82GDRtMcnKyGTRokCemhP/QsGHDTGxsrFm+fLnZu3evWbx4sYmIiDDPPPOMow8Z8D4VFRVm69atZuvWrUaSmTZtmtm6datjtUd3HPNjx46ZqKgoM2TIEFNUVGQWLlxogoKCzBtvvFHr88WlXSkHlZWVpl+/fiYuLs5s27bN6Xzx/BX8yEHddrX3ggtduCqoMWTAG1wtB4sXLzZ+fn5m9uzZZs+ePWb69OnG19fXfPbZZ459cN3gHhTWvND06dNNfHy88ff3N507dzabNm3y9JDgJpIu+TNnzhxHn1OnTpknn3zSNGrUyAQFBZn77rvPHD582Gk/+/btM7179zYNGjQwERER5umnnzZVVVW1PBu4y4WFNTJQP3z44YcmNTXVBAQEmJSUFDN79myndrvdbiZNmmSioqJMQECA6datmykuLnbq8+2335pBgwaZhg0bmtDQUDN8+HBTUVFRm9OAi8rLy824ceNMfHy8CQwMNDfccIP57W9/63ThTAa8z9q1ay95HjBs2DBjjPuO+VdffWUyMjJMQECAiY2NNZMnT66tKeInuFIO9u7de9nzxbVr1zr2QQ7qtqu9F1zoUoU1MlD3/ZQcvPXWW+bGG280gYGBJi0tzSxdutRpH1w3uIfFGGOu7T1xAAAAAAAAgPfhGWsAAAAAAACACyisAQAAAAAAAC6gsAYAAAAAAAC4gMIaAAAAAAAA4AIKawAAAAAAAIALKKwBAAAAAAAALqCwBgAAAAAAALiAwhoAAAAAAADgAgprAAAAAAAAgAsorAEAAHiRRx55RBaLRRaLRX5+foqKitLdd9+tv/zlL7Lb7Z4eHgAAgFehsAYAAOBlevXqpcOHD2vfvn1auXKl7rzzTo0bN059+/ZVdXW1p4cHAADgNSisAQAAeJmAgADZbDbFxsaqffv2+s1vfqNly5Zp5cqVmjt3riRp2rRpatOmjYKDg9WsWTM9+eSTOn78uCTpxIkTCg0N1d/+9jen/S5dulTBwcGqqKhQZWWlxowZo+joaAUGBiohIUHZ2dm1PVUAAACPorAGAABQD9x1111KS0vT4sWLJUk+Pj7KycnRjh07NG/ePOXl5emZZ56RJAUHB+vhhx/WnDlznPYxZ84cPfDAAwoJCVFOTo4++OADvffeeyouLtaCBQuUmJhY29MCAADwKKunBwAAAIDakZKSosLCQklSVlaWY3tiYqJefPFFjRo1Sq+//rok6dFHH9Wtt96qw4cPKzo6WmVlZVqxYoVWr14tSTpw4ICSk5OVkZEhi8WihISEWp8PAACAp3HHGgAAQD1hjJHFYpEkrV69Wt26dVNsbKxCQkI0ZMgQffvttzp58qQkqXPnzmrdurXmzZsnSZo/f74SEhJ0++23Szq7SMK2bdvUsmVLjR07Vp988olnJgUAAOBBFNYAAADqiV27dikpKUn79u1T3759dfPNN+v9999Xfn6+ZsyYIUmqrKx09H/00Ucdz2SbM2eOhg8f7ijMtW/fXnv37tULL7ygU6dOaeDAgXrggQdqfU4AAACeRGENAACgHsjLy9P27dt1//33Kz8/X3a7Xa+88opuueUWtWjRQiUlJRf9zuDBg7V//37l5ORo586dGjZsmFN7aGioHnroIb355pt699139f777+vo0aO1NSUAAACP4xlrAAAAXubMmTMqLS1VTU2Njhw5olWrVik7O1t9+/bV0KFDVVRUpKqqKk2fPl333HOP/v73v2vWrFkX7adRo0YaMGCAJkyYoB49eiguLs7RNm3aNEVHR6tdu3by8fHRokWLZLPZFB4eXoszBQAA8CzuWAMAAPAyq1atUnR0tBITE9WrVy+tXbtWOTk5WrZsmXx9fZWWlqZp06ZpypQpSk1N1YIFC5SdnX3JfY0cOVKVlZUaMWKE0/aQkBBNnTpVHTt2VKdOnbRv3z6tWLFCPj6cXgIAgPrDYowxnh4EAAAArk9vv/22xo8fr5KSEvn7+3t6OAAAANcVvgoKAACAi5w8eVKHDx/W5MmT9fjjj1NUAwAAuATu1QcAAMBFpk6dqpSUFNlsNj377LOeHg4AAMB1ia+CAgAAAAAAAC7gjjUAAAAAAADABRTWAAAAAAAAABdQWAMAAAAAAABcQGENAAAAAAAAcAGFNQAAAAAAAMAFFNYAAAAAAAAAF1BYAwAAAAAAAFxAYQ0AAAAAAABwwf8DOra1EIIgJVkAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_stock_data((15,5),merged_data[['Adj Close','MA_for_30_days','MA_for_100_days','MA_for_250_days']], 'Moving Average', 'Days')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "As we can see here more better describe our data is moving average data based on 30 days of trading" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\n", + "RangeIndex: 1633 entries, 0 to 1632\n", + "Data columns (total 12 columns):\n", + " # Column Non-Null Count Dtype \n", + "--- ------ -------------- ----- \n", + " 0 Date 1633 non-null datetime64[ns]\n", + " 1 Open 1633 non-null float64 \n", + " 2 High 1633 non-null float64 \n", + " 3 Low 1633 non-null float64 \n", + " 4 Close 1633 non-null float64 \n", + " 5 Adj Close 1633 non-null float64 \n", + " 6 Volume 1633 non-null int64 \n", + " 7 SentimentIndicator 1633 non-null int64 \n", + " 8 MA_for_250_days 1384 non-null float64 \n", + " 9 MA_for_100_days 1534 non-null float64 \n", + " 10 MA_for_30_days 1604 non-null float64 \n", + " 11 percent_change 1632 non-null float64 \n", + "dtypes: datetime64[ns](1), float64(9), int64(2)\n", + "memory usage: 153.2 KB\n" + ] + } + ], + "source": [ + "merged_data['percent_change'] = merged_data['Adj Close'].pct_change()\n", + "merged_data.info()" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [], + "source": [ + "feature_scaler = MinMaxScaler(feature_range=(0, 1))\n", + "merged_data[['Open', 'High', 'Low', 'Close']] = feature_scaler.fit_transform(merged_data[['Open', 'High', 'Low', 'Close']])\n", + "\n", + "target_scaler = MinMaxScaler(feature_range=(0, 1))\n", + "merged_data['Adj Close'] = target_scaler.fit_transform(merged_data[['Adj Close']])" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [], + "source": [ + "features = ['Open', 'High', 'Low', 'Close', 'SentimentIndicator']\n", + "target = 'Adj Close'" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [], + "source": [ + "sequence_length = 30\n", + "\n", + "X_seq = []\n", + "y_seq = []\n", + "\n", + "for i in range(30, len(merged_data)):\n", + " X_seq.append(merged_data[features].values[i-sequence_length:i])\n", + " y_seq.append(merged_data[target].values[i])\n", + "\n", + "X_seq = np.array(X_seq)\n", + "y_seq = np.array(y_seq)" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [], + "source": [ + "splitting_len = int(len(X_seq) * 0.7)\n", + "\n", + "x_train = X_seq[:splitting_len]\n", + "y_train = y_seq[:splitting_len]\n", + "\n", + "x_test = X_seq[splitting_len:]\n", + "y_test = y_seq[splitting_len:]" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "(1122, 30, 5)\n", + "(481, 30, 5)\n", + "(1122,)\n", + "(481,)\n" + ] + } + ], + "source": [ + "print(x_train.shape)\n", + "print(x_test.shape)\n", + "print(y_train.shape)\n", + "print(y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [], + "source": [ + "model = Sequential()\n", + "model.add(LSTM(128, input_shape=(x_train.shape[1], x_train.shape[2]), return_sequences=True))\n", + "model.add(LSTM(64, return_sequences=False))\n", + "model.add(Dense(25))\n", + "model.add(Dense(1))" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [], + "source": [ + "model.compile(optimizer='adam', loss='mean_squared_error')" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch 1/5\n", + "1122/1122 [==============================] - 16s 11ms/step - loss: 0.0027\n", + "Epoch 2/5\n", + "1122/1122 [==============================] - 13s 12ms/step - loss: 8.7346e-04\n", + "Epoch 3/5\n", + "1122/1122 [==============================] - 15s 13ms/step - loss: 7.5828e-04\n", + "Epoch 4/5\n", + "1122/1122 [==============================] - 13s 11ms/step - loss: 6.7281e-04\n", + "Epoch 5/5\n", + "1122/1122 [==============================] - 13s 12ms/step - loss: 5.1135e-04\n" + ] + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 23, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "model.fit(x_train, y_train, batch_size=1, epochs=5)" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Model: \"sequential\"\n", + "_________________________________________________________________\n", + " Layer (type) Output Shape Param # \n", + "=================================================================\n", + " lstm (LSTM) (None, 30, 128) 68608 \n", + " \n", + " lstm_1 (LSTM) (None, 64) 49408 \n", + " \n", + " dense (Dense) (None, 25) 1625 \n", + " \n", + " dense_1 (Dense) (None, 1) 26 \n", + " \n", + "=================================================================\n", + "Total params: 119667 (467.45 KB)\n", + "Trainable params: 119667 (467.45 KB)\n", + "Non-trainable params: 0 (0.00 Byte)\n", + "_________________________________________________________________\n" + ] + } + ], + "source": [ + "model.summary()" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "16/16 [==============================] - 1s 7ms/step\n" + ] + } + ], + "source": [ + "predictions = model.predict(x_test)" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [], + "source": [ + "inv_predictions = target_scaler.inverse_transform(predictions)\n", + "inv_y_test = target_scaler.inverse_transform(y_test.reshape(-1, 1))" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "3.0993250621279627" + ] + }, + "execution_count": 27, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "np.sqrt(mean_squared_error(inv_y_test, inv_predictions))" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [], + "source": [ + "ploting_data = pd.DataFrame(\n", + " {\n", + " 'Actual': inv_y_test.flatten(), \n", + " 'Predicted': inv_predictions.flatten()\n", + " },\n", + " index = merged_data.index[1122+30:]\n", + ")\n", + "\n", + "merged_data[['Open', 'High', 'Low', 'Close']] = feature_scaler.inverse_transform(merged_data[['Open', 'High', 'Low', 'Close']])\n", + "merged_data['Adj Close'] = target_scaler.inverse_transform(merged_data[['Adj Close']])" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [], + "source": [ + "Adj_close_price = merged_data[['Adj Close']]" + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
ActualPredicted
1152115.348740115.670540
1153115.768265116.779198
1154118.644989116.084564
1155118.734886118.353821
1156118.085625118.674934
.........
1628180.789993174.713074
1629185.580002177.963608
1630185.369995179.869278
1631186.860001180.038803
1632183.419998181.429565
\n", + "

481 rows × 2 columns

\n", + "
" + ], + "text/plain": [ + " Actual Predicted\n", + "1152 115.348740 115.670540\n", + "1153 115.768265 116.779198\n", + "1154 118.644989 116.084564\n", + "1155 118.734886 118.353821\n", + "1156 118.085625 118.674934\n", + "... ... ...\n", + "1628 180.789993 174.713074\n", + "1629 185.580002 177.963608\n", + "1630 185.369995 179.869278\n", + "1631 186.860001 180.038803\n", + "1632 183.419998 181.429565\n", + "\n", + "[481 rows x 2 columns]" + ] + }, + "execution_count": 30, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "ploting_data" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAABNYAAAHWCAYAAAC7TQQYAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAAD4FElEQVR4nOzdd3xUVfrH8c/MJJPeCyFAKKGjdERsFEFAREXsDVzX3vu6/lZR12XdVRc7FqyLrl0RRUWUYgEV6R0MEAjpvU4yc39/3Mkkkx5ISIDv+/XKi7nnnnvvmUlyyTzznOdYDMMwEBERERERERERkWaxtvUAREREREREREREjkQKrImIiIiIiIiIiBwEBdZEREREREREREQOggJrIiIiIiIiIiIiB0GBNRERERERERERkYOgwJqIiIiIiIiIiMhBUGBNRERERERERETkICiwJiIiIiIiIiIichAUWBMRERERERERETkICqyJiIiI1OONN97AYrGwe/futh7KQXn77bfp27cvvr6+hIeHt/VwWky3bt2YOXNmWw+j1cycOZPg4OC2HoaIiIg0gQJrIiIiclhYLJYmfS1duvSQr1VcXMysWbNa5FwH65133mHOnDltdv2tW7cyc+ZMEhMTeeWVV3j55ZcbPWb9+vVcddVVdO/eHX9/f4KDgxk8eDD33nsvf/zxx2EYddtwuVy89dZbjBw5ksjISEJCQujduzdXXnklK1eu9PTbvHkzs2bNOmIDrSIiItLyfNp6ACIiInJsePvtt72233rrLRYvXlyrvV+/fod8reLiYh5++GEAxowZc8jnOxjvvPMOGzdu5Pbbb2+T6y9duhSXy8XTTz9Nz549G+3/yiuvcMMNNxAdHc1ll11G3759qaioYOPGjbz11lvMmTOHkpISbDbbYRj94XXrrbfy/PPPc84553DZZZfh4+PDtm3bWLRoET169ODEE08EzMDaww8/zJgxY+jWrVvbDlpERETaBQXWRERE5LC4/PLLvbZXrlzJ4sWLa7VLy0hPTwdo0hTQn376iRtuuIGTTz6ZhQsXEhIS4rX/ySef5LHHHmuNYba5tLQ0XnjhBa655ppaWX1z5swhIyOjjUYmIiIiRwJNBRUREZF2w+VyMWfOHAYMGIC/vz8dOnTguuuuIycnx6vfb7/9xsSJE4mOjiYgIIDu3bvzpz/9CYDdu3cTExMDwMMPP+yZYjpr1qwGr71p0ybGjRtHQEAAnTt35u9//zsul6tWv88++4wpU6YQHx+Pn58fiYmJPProozidTk+fMWPG8MUXX7Bnzx7P9SsznBwOBw8++CDDhg0jLCyMoKAgTj31VL7//vsmv04vvPACAwYMwM/Pj/j4eG666SZyc3M9+7t168ZDDz0EQExMTKPPv/J1mj9/fq2gGoC/vz+PPvporWy1Dz74gGHDhhEQEEB0dDSXX345+/fvr3X8d999x6mnnkpQUBDh4eGcc845bNmypVa/pUuXMnz4cPz9/UlMTOSll15i1qxZWCyWRl+T3Nxcbr/9drp06YKfnx89e/bk8ccfr/N7WF1SUhKGYXDyySfX2mexWIiNjQXMensXXHABAGPHjq1z6nJj35dKq1at4swzzyQiIoKgoCAGDhzI008/3eA4165dS0xMDGPGjKGwsLCRV0NEREQOF2WsiYiISLtx3XXX8cYbb3DVVVdx6623kpSUxHPPPceaNWv48ccf8fX1JT09nTPOOIOYmBj+8pe/EB4ezu7du/n4448BM5D04osvcsMNNzBt2jTOO+88AAYOHFjvdVNTUxk7diwVFRX85S9/ISgoiJdffpmAgIBafd944w2Cg4O58847CQ4O5rvvvuPBBx8kPz+ff//73wA88MAD5OXlsW/fPv7zn/8AeIrR5+fn8+qrr3LJJZdwzTXXUFBQwLx585g4cSK//PILgwcPbvA1mjVrFg8//DDjx4/nhhtuYNu2bbz44ov8+uuvntdozpw5vPXWW3zyySe8+OKLBAcH1/v8i4uL+e677xgzZgydO3du+BtU43W46qqrGDFiBLNnzyYtLY2nn36aH3/8kTVr1ngy5b799lsmT55Mjx49mDVrFiUlJTz77LOcfPLJ/P77756A45o1a5g0aRIdO3bk4Ycfxul08sgjj3iCpA0pLi5m9OjR7N+/n+uuu46EhAR++ukn7r//fg4cONBgrbuuXbsCZpDwggsuIDAwsM5+p512GrfeeivPPPMMf/3rXz1Tliv/bcr3BWDx4sWcddZZdOzYkdtuu424uDi2bNnCwoULue222+q89q+//srEiRMZPnw4n332WZ0/lyIiItJGDBEREZE2cNNNNxnV/xRZsWKFARjz58/36vfVV195tX/yyScGYPz666/1njsjI8MAjIceeqhJY7n99tsNwFi1apWnLT093QgLCzMAIykpydNeXFxc6/jrrrvOCAwMNEpLSz1tU6ZMMbp27Vqrb0VFhVFWVubVlpOTY3To0MH405/+1OA409PTDbvdbpxxxhmG0+n0tD/33HMGYLz22muetoceesgAjIyMjAbPuW7dOgMwbr/99lr7srKyjIyMDM9X5bgdDocRGxtrHHfccUZJSYmn/8KFCw3AePDBBz1tgwcPNmJjY42srCyva1qtVuPKK6/0tE2dOtUIDAw09u/f72nbsWOH4ePjY9T8k7Vr167GjBkzPNuPPvqoERQUZGzfvt2r31/+8hfDZrMZe/fubfA1uPLKKw3AiIiIMKZNm2Y88cQTxpYtW2r1++CDDwzA+P77773am/p9qaioMLp372507drVyMnJ8TqHy+XyPJ4xY4YRFBRkGIZh/PDDD0ZoaKgxZcoUr58vERERaR80FVRERETahQ8++ICwsDAmTJhAZmam52vYsGEEBwd7pkpWZkItXLiQ8vLyFrn2l19+yYknnsgJJ5zgaYuJieGyyy6r1bd6tlBBQQGZmZmceuqpFBcXs3Xr1kavZbPZsNvtgDn1NTs7m4qKCoYPH87vv//e4LHffvstDoeD22+/Hau16s+4a665htDQUL744otGr19Tfn4+UJVRV12PHj2IiYnxfC1YsAAwp+Kmp6dz44034u/v7+k/ZcoU+vbt6xnHgQMHWLt2LTNnziQyMtLTb+DAgUyYMIEvv/wSAKfTybfffsu5555LfHy8p1/Pnj2ZPHlyo8/hgw8+4NRTTyUiIsLrZ2f8+PE4nU6WL1/e4PGvv/46zz33HN27d+eTTz7h7rvvpl+/fpx++ul1Tm2tqanflzVr1pCUlMTtt99eq/ZdXdNdv//+eyZOnMjpp5/Oxx9/jJ+fX6NjERERkcNLgTURERFpF3bs2EFeXh6xsbFewZyYmBgKCws9xfhHjx7N9OnTefjhh4mOjuacc87h9ddfp6ys7KCvvWfPHnr16lWrvU+fPrXaNm3axLRp0wgLCyM0NJSYmBjPAgx5eXlNut6bb77JwIED8ff3JyoqipiYGL744otGj9+zZ0+d47Lb7fTo0cOzvzkqa6rVVbfrs88+Y/HixTzxxBNNGgdA3759Pfsb6tevXz8yMzMpKioiPT2dkpKSOlcvbcqKpjt27OCrr76q9XMzfvx4oGohh/pYrVZuuukmVq9eTWZmJp999hmTJ0/mu+++4+KLL270+k39vuzatQuA4447rtFzlpaWMmXKFIYMGcL777/vCcaKiIhI+6IaayIiItIuuFwuYmNjmT9/fp37K2ttWSwWPvzwQ1auXMnnn3/O119/zZ/+9CeefPJJVq5cWWfmVUvJzc1l9OjRhIaG8sgjj5CYmIi/vz+///479913X6OF8gH++9//MnPmTM4991zuueceYmNjsdlszJ492xN4OZx69uyJj48PGzdurLVv9OjRAPj4tO8/GV0uFxMmTODee++tc3/v3r2bfK6oqCjOPvtszj77bMaMGcOyZcvYs2ePpxbb4eLn58eZZ57JZ599xldffcVZZ511WK8vIiIiTdO+/0oSERGRY0ZiYiLffvstJ598cpOKs5944omceOKJPPbYY7zzzjtcdtll/O9//+PPf/5zk1aRrK5r167s2LGjVvu2bdu8tpcuXUpWVhYff/wxp512mqc9KSmp1rH1jeHDDz+kR48efPzxx159KlfxbGyclePq0aOHp93hcJCUlOTJ0GqOoKAgTwBp//79dOrUqVnjGDdunNe+bdu2efZX71fT1q1biY6OJigoCH9/f/z9/dm5c2etfnW11ZSYmEhhYeFBPf+GDB8+nGXLlnHgwAG6du1a7/e0qd+XxMREADZu3NjoWCtXaT3nnHO44IILWLRoEWPGjGmBZyUiIiItSVNBRUREpF248MILcTqdPProo7X2VVRUkJubC0BOTg6GYXjtr1xJs3I6aOXKjpXHNObMM89k5cqV/PLLL562jIyMWtlzNpsNwOv6DoeDF154odY5g4KC6pzaWdc5Vq1axc8//9zoOMePH4/dbueZZ57xOn7evHnk5eUxZcqURs9RlwcffBCn08nll19e55TQmq/38OHDiY2NZe7cuV5TcBctWsSWLVs84+jYsSODBw/mzTff9PpebNy4kW+++YYzzzwTMF+T8ePH8+mnn5KSkuLpt3PnThYtWtTo+C+88EJ+/vlnvv7661r7cnNzqaioqPfY1NRUNm/eXKvd4XCwZMkSrFarZzpqUFCQ55zVNfX7MnToULp3786cOXNqnaPmawzmVNKPP/6YESNGMHXqVK+fTxEREWkflLEmIiIi7cLo0aO57rrrmD17NmvXruWMM87A19eXHTt28MEHH/D0009z/vnn8+abb/LCCy8wbdo0EhMTKSgo4JVXXiE0NNQTqAkICKB///6899579O7dm8jISI477rh6a1vde++9vP3220yaNInbbruNoKAgXn75Zbp27cr69es9/U466SQiIiKYMWMGt956KxaLhbfffrvOoMiwYcN47733uPPOOxkxYgTBwcFMnTqVs846i48//php06YxZcoUkpKSmDt3Lv37968zqFVdTEwM999/Pw8//DCTJk3i7LPPZtu2bbzwwguMGDHCU+utuU499VSee+45brnlFnr16sVll11G3759cTgcbN++nfnz52O324mLiwPA19eXxx9/nKuuuorRo0dzySWXkJaWxtNPP023bt244447POf+97//zeTJkxk1ahRXX301JSUlPPvss4SFhTFr1ixPv1mzZvHNN99w8sknc8MNN+B0Onnuuec47rjjWLt2bYPjv+eee1iwYAFnnXUWM2fOZNiwYRQVFbFhwwY+/PBDdu/eTXR0dJ3H7tu3jxNOOIFx48Zx+umnExcXR3p6Ou+++y7r1q3j9ttv9xw7ePBgbDYbjz/+OHl5efj5+TFu3DhiY2Ob9H2xWq28+OKLTJ06lcGDB3PVVVfRsWNHtm7dyqZNm+oMDAYEBLBw4ULGjRvH5MmTWbZsWZNqtImIiMhh0nYLkoqIiMix7KabbjLq+lPk5ZdfNoYNG2YEBAQYISEhxvHHH2/ce++9RkpKimEYhvH7778bl1xyiZGQkGD4+fkZsbGxxllnnWX89ttvXuf56aefjGHDhhl2u90AjIceeqjB8axfv94YPXq04e/vb3Tq1Ml49NFHjXnz5hmAkZSU5On3448/GieeeKIREBBgxMfHG/fee6/x9ddfG4Dx/fffe/oVFhYal156qREeHm4ARteuXQ3DMAyXy2X84x//MLp27Wr4+fkZQ4YMMRYuXGjMmDHD06cxzz33nNG3b1/D19fX6NChg3HDDTcYOTk5Xn0eeughAzAyMjKadE7DMIw1a9YYV155pZGQkGDY7XYjKCjIGDhwoHHXXXcZO3furNX/vffeM4YMGWL4+fkZkZGRxmWXXWbs27evVr9vv/3WOPnkk42AgAAjNDTUmDp1qrF58+Za/ZYsWWIMGTLEsNvtRmJiovHqq68ad911l+Hv7+/Vr2vXrsaMGTO82goKCoz777/f6Nmzp2G3243o6GjjpJNOMp544gnD4XDU+5zz8/ONp59+2pg4caLRuXNnw9fX1wgJCTFGjRplvPLKK4bL5fLq/8orrxg9evQwbDZbre95U74vhmEYP/zwgzFhwgQjJCTE8xo/++yznv0zZswwgoKCvI7JzMw0+vfvb8TFxRk7duyo9/mIiIjI4WUxjDo+YhURERERaQfOPfdcNm3aVGcNPBEREZG2phprIiIiItIulJSUeG3v2LGDL7/8UkX7RUREpN1SxpqIiIiItAsdO3Zk5syZ9OjRgz179vDiiy9SVlbGmjVr6NWrV1sPT0RERKQWLV4gIiIiIu3CpEmTePfdd0lNTcXPz49Ro0bxj3/8Q0E1ERERabeUsSYiIiIiIiIiInIQVGNNRERERERERETkICiwJiIiIiIiIiIichBUYw1wuVykpKQQEhKCxWJp6+GIiIiIiIiIiEgbMQyDgoIC4uPjsVobzklTYA1ISUmhS5cubT0MERERERERERFpJ5KTk+ncuXODfRRYA0JCQgDzBQsNDW3j0YiIiIiIiIiISFvJz8+nS5cunnhRQxRYA8/0z9DQUAXWRERERERERESkSeXCtHiBiIiIiIiIiIjIQVBgTURERERERERE5CAosCYiIiIiIiIiInIQVGOtiQzDoKKiAqfT2dZDkYNgs9nw8fFp0vxoEREREREREZGmUGCtCRwOBwcOHKC4uLithyKHIDAwkI4dO2K329t6KCIiIiIiIiJyFFBgrREul4ukpCRsNhvx8fHY7XZlPR1hDMPA4XCQkZFBUlISvXr1wmrVLGgREREREREROTQKrDXC4XDgcrno0qULgYGBbT0cOUgBAQH4+vqyZ88eHA4H/v7+bT0kERERERERETnCKW2niZThdOTT91BEREREREREWpIiDSIiIiIiIiIiIgdBgTUREREREREREZGDoMCaeJk1axaDBw+ud7ulzisiIiIiIiIicqRTYO0o9/PPP2Oz2ZgyZcpBHX/33XezZMmSRvt99NFHjBkzhrCwMIKDgxk4cCCPPPII2dnZB3VdEREREREREZH2ToG1o9y8efO45ZZbWL58OSkpKc0+Pjg4mKioqAb7PPDAA1x00UWMGDGCRYsWsXHjRp588knWrVvH22+/fbBDFxERERERERFp1xRYaybDMCh2VLTJl2EYzRprYWEh7733HjfccANTpkzhjTfeqNXnn//8Jx06dCAkJISrr76a0tJSr/2NTeH85Zdf+Mc//sGTTz7Jv//9b0466SS6devGhAkT+Oijj5gxY0adx7lcLh555BE6d+6Mn58fgwcP5quvvvLsdzgc3HzzzXTs2BF/f3+6du3K7NmzPftzc3P585//TExMDKGhoYwbN45169Y16/URERERERERkUPgKIZ3L4XVb7T1SNqMT1sP4EhTUu6k/4Nft8m1Nz8ykUB7079l77//Pn379qVPnz5cfvnl3H777dx///1YLBbP/lmzZvH8889zyimn8Pbbb/PMM8/Qo0ePJl9j/vz5BAcHc+ONN9a5Pzw8vM72p59+mieffJKXXnqJIUOG8Nprr3H22WezadMmevXqxTPPPMOCBQt4//33SUhIIDk5meTkZM/xF1xwAQEBASxatIiwsDBeeuklTj/9dLZv305kZGSTxy8iIiIiIiIiB2nVi7DtC/Nr2My2Hk2bUMbaUWzevHlcfvnlAEyaNIm8vDyWLVvm2T9nzhyuvvpqrr76avr06cPf//53+vfv36xr7Nixgx49euDr69us45544gnuu+8+Lr74Yvr06cPjjz/O4MGDmTNnDgB79+6lV69enHLKKXTt2pVTTjmFSy65BIAffviBX375hQ8++IDhw4fTq1cvnnjiCcLDw/nwww+bNQ4REREREREROUhpm9p6BG1OGWvNFOBrY/MjE9vs2k21bds2fvnlFz755BMAfHx8uOiii5g3bx5jxowBYMuWLVx//fVex40aNYrvv/++yddp7vRUgPz8fFJSUjj55JO92k8++WTPdM6ZM2cyYcIE+vTpw6RJkzjrrLM444wzAFi3bh2FhYW1ar+VlJSwa9euZo9HRERERERERJqpIBU2flS17XKCtelxi6OFAmvNZLFYmjUds63MmzePiooK4uPjPW2GYeDn58dzzz1HWFhYi1ynd+/e/PDDD5SXlzc7a60hQ4cOJSkpiUWLFvHtt99y4YUXMn78eD788EMKCwvp2LEjS5curXVcfVNPRURERERERKQFrXrJe7skF4IaXvzwaKSpoEehiooK3nrrLZ588knWrl3r+Vq3bh3x8fG8++67APTr149Vq1Z5Hbty5cpmXevSSy+lsLCQF154oc79ubm5tdpCQ0OJj4/nxx9/9Gr/8ccfvaaihoaGctFFF/HKK6/w3nvv8dFHH5Gdnc3QoUNJTU3Fx8eHnj17en1FR0c3a/wiIiIiIiIichAKDnhvl2S3zTjaWPtPvZJmW7hwITk5OVx99dW1MtOmT5/OvHnzuP7667ntttuYOXMmw4cP5+STT2b+/Pls2rSpWYsXjBw5knvvvZe77rqL/fv3M23aNOLj49m5cydz587llFNO4bbbbqt13D333MNDDz1EYmIigwcP5vXXX2ft2rXMnz8fgKeeeoqOHTsyZMgQrFYrH3zwAXFxcYSHhzN+/HhGjRrFueeey7/+9S969+5NSkoKX3zxBdOmTWP48OGH9gKKiIiIiIiISMMqSr23ixVYk6PEvHnzGD9+fJ3TPadPn86//vUv1q9fz0UXXcSuXbu49957KS0tZfr06dxwww18/XXzVj19/PHHGTZsGM8//zxz587F5XKRmJjI+eefz4wZM+o85tZbbyUvL4+77rqL9PR0+vfvz4IFC+jVqxcAISEh/Otf/2LHjh3YbDZGjBjBl19+idVqJll++eWXPPDAA1x11VVkZGQQFxfHaaedRocOHZr5aomIiIiIiIhIs5UVeG8foxlrFuNgqs8fZfLz8wkLCyMvL4/Q0FCvfaWlpSQlJdG9e3f8/f3baIRt5/7772fFihX88MMPbT2UQ3asfy9FREREREREWsy8MyC5Wnmpc16AIZe13XhaUENxoppUY03qZBgGu3btYsmSJQwYMKCthyMiIiIiIiIi7UlZoflvUIz57zGasabAmtQpLy+P/v37Y7fb+etf/9rWwxERERERERGR9qRyKmh4Alh9atdcO0aoxprUKTw8nLKysrYehoiIiIiIiIi0R2X55r9Tn4EOA8BiadvxtBFlrImIiIiIiIiISNMZBjjcU0EDIo7ZoBoosCYiIiIiIiIiIs1RUQquCgCyjQryyvLaeEBtR4E1ERERERERERFpusr6asAbOz/klP+dwtO/P92GA2o7bRpYW758OVOnTiU+Ph6LxcKnn37qtb+wsJCbb76Zzp07ExAQQP/+/Zk7d65Xn9LSUm666SaioqIIDg5m+vTppKWlHcZnISIiIiIiIiJyDKkMrNmD2Z6zA4D44Pg2HFDbadPAWlFREYMGDeL555+vc/+dd97JV199xX//+1+2bNnC7bffzs0338yCBQs8fe644w4+//xzPvjgA5YtW0ZKSgrnnXfe4XoKIiIiIiIiIiLHlqxd5r/+YWzL2QZAn4g+bTigttOmq4JOnjyZyZMn17v/p59+YsaMGYwZMwaAa6+9lpdeeolffvmFs88+m7y8PObNm8c777zDuHHjAHj99dfp168fK1eu5MQTTzwcT0NERERERERE5Njxy0sApPQaR2b2MixY6Bnes40H1TbadY21k046iQULFrB//34Mw+D7779n+/btnHHGGQCsXr2a8vJyxo8f7zmmb9++JCQk8PPPP9d73rKyMvLz872+5PCpa9qviIiIiIiIiLRTpfmwb7W5GijAgfUAPGLJBiAxPJFA38C2Gl2bateBtWeffZb+/fvTuXNn7HY7kyZN4vnnn+e0004DIDU1FbvdTnh4uNdxHTp0IDU1td7zzp49m7CwMM9Xly5dWvNptKmff/4Zm83GlClTmnVct27dmDNnTusMSkRERERERETaXmEGfHwdpKxpuN/8C+DVcbD9a3BWQFEGTmBV9hYAbh5yc+uPtZ1q94G1lStXsmDBAlavXs2TTz7JTTfdxLfffntI573//vvJy8vzfCUnJ7fQiNufefPmccstt7B8+XJSUlLaejgiIiIiIiIi0l58ch2s/x+8NqnhfskrzX9/eQm2fQkYpPnYqTAq8LH6MKbzmNYeabvVbgNrJSUl/PWvf+Wpp55i6tSpDBw4kJtvvpmLLrqIJ554AoC4uDgcDge5ublex6alpREXF1fvuf38/AgNDfX6ajLDAEdR23xVplw2UWFhIe+99x433HADU6ZM4Y033vDa//nnnzNixAj8/f2Jjo5m2rRpAIwZM4Y9e/Zwxx13YLFYsFgsAMyaNYvBgwd7nWPOnDl069bNs/3rr78yYcIEoqOjCQsLY/To0fz+++/NGreIiIiIiIiIHAa7lpj/VpTW36c0r1r/7+D9KwDYFxoDQOfgztisttYaYbvXposXNKS8vJzy8nKsVu/Yn81mw+VyATBs2DB8fX1ZsmQJ06dPB2Dbtm3s3buXUaNGtdLAiuEfbbSE7F9TwB7U5O7vv/8+ffv2pU+fPlx++eXcfvvt3H///VgsFr744gumTZvGAw88wFtvvYXD4eDLL78E4OOPP2bQoEFce+21XHPNNc0aYkFBATNmzODZZ5/FMAyefPJJzjzzTHbs2EFISEizziUiIiIiIiIircRZ7r1dXgK+AVXbZYXw5d0Q0rHOw5MDw4BCOoV0ar0xHgHaNLBWWFjIzp07PdtJSUmsXbuWyMhIEhISGD16NPfccw8BAQF07dqVZcuW8dZbb/HUU08BEBYWxtVXX82dd95JZGQkoaGh3HLLLYwaNUorgmJOA7388ssBmDRpEnl5eSxbtowxY8bw2GOPcfHFF/Pwww97+g8aNAiAyMhIbDYbISEhDWb+1aVyddZKL7/8MuHh4SxbtoyzzjrrEJ+RiIiIiIiIiLSItI3e25/dDMWZcMEbEBABy/4J696t9/D9fgHgKqRzcOfWHWc716aBtd9++42xY8d6tu+8804AZsyYwRtvvMH//vc/7r//fi677DKys7Pp2rUrjz32GNdff73nmP/85z9YrVamT59OWVkZEydO5IUXXmi9QfsGmpljbaEZK2xs27aNX375hU8++QQAHx8fLrroIubNm8eYMWNYu3Zts7PRmiItLY3/+7//Y+nSpaSnp+N0OikuLmbv3r0tfi0REREREREROUjJv3hvb/zQ/Pe7x2DKE7B3ZYOHZ/naoQxiA2NbaYBHhjYNrI0ZMwajgbphcXFxvP766w2ew9/fn+eff57nn3++pYdXN4ulWdMx28q8efOoqKggPr5q2qphGPj5+fHcc88REBDQwNF1s1qttb5f5eXeqaMzZswgKyuLp59+mq5du+Ln58eoUaNwOBwH90REREREREREpOUlr6q7fcc35r+FaQ0enmP3hzII9wtv2XEdYdrt4gVy8CoqKnjrrbd48sknWbt2redr3bp1xMfH8+677zJw4ECWLFlS7znsdjtOp9OrLSYmhtTUVK/g2tq1a736/Pjjj9x6662ceeaZDBgwAD8/PzIzM1v0+YmIiIiIiIjIIUrfav4bWqNGWkkuuFxQ0EhgzWaGlCL8I1phcEeOdrt4gRy8hQsXkpOTw9VXX01YWJjXvunTpzNv3jz+/e9/c/rpp5OYmMjFF19MRUUFX375Jffddx8A3bp1Y/ny5Vx88cX4+fkRHR3NmDFjyMjI4F//+hfnn38+X331FYsWLfJaVbVXr168/fbbDB8+nPz8fE+NPBERERERERFpJwwDcnabj7uMhE0fV+0ry4OCFHCWeR2SnjgWn5IcIlPWApDrNGemKWNNjjrz5s1j/PjxtYJqYAbWfvvtNyIjI/nggw9YsGABgwcPZty4cfzyS9X86kceeYTdu3eTmJhITIy5hG6/fv144YUXeP755xk0aBC//PILd999d61r5+TkMHToUK644gpuvfVWYmOP7fnWIiIiIiIiIu1KYTqUF4HFyqchwdzQIYZCi6Vq/4H1Xt2LLBZOd+1iYmAxxumz+GPKv9hdsAeACL9jO2PNYjRU5OwYkZ+fT1hYGHl5eV7ZVwClpaUkJSXRvXt3/P3922iE0hL0vRQRERERERHBXJjgtYkQlsDxkWbTTTm5XJ+bb26Mvg+WPe7pvnbUdVyRugiAcV3G8V3yd55931/4PdEB0Ydt6IdDQ3GimpSxJiIiIiIiIiJyLMn+AwAjsqunKc1m48YOMbwQHgbu6Z7r+4xj1sgL2ZowxNOvelANNBVUNdZERERERERERI4lGdsAyI9MhGxzSueHoSEArAgMYPLeFcRZLFzm2AnpOyF9Zb2n8rEe26GlY/vZi4iIiIiIiIgcazLMFUFTwzpAdu3dnwf6cpyt8cphU3pMaemRHXE0FVRERERERERE5FjiDqylBNZe9BAgydeXzMhujZ5m9imzW3JURyQF1kREREREREREjhapG+C5EbB5Qd37y0sgZw9OYM7eRXV22e3rQ07PsY1eylJ9JdFjlAJrIiIiIiIiIiJHi4+ugczt8P4VVW3OCnAUmY9z9wIGa0Mi+KNgT52nSPa1k+POZksIScBmsZEQktDKAz8yKbAmIiIiIiIiInK0KC+u3fb2ufBUPyjOhhwzmLYsLAow66Q9dspjXt3LLPDJjk8AuLDPhXx/4fcsOHcBVx13lafPoJhBrTP+I4wWLxAREREREREROVr4+HlvGwbsXmE+3vqFORUUWGP3AcPBKZ1O4bTOp9U6TXGFGaAL9wsnwj8CgDuH3ck1x1/Dgl0LmNhtYus9hyOIAmsiIiIiIiIiIkcLW43AWllBtcf5kLcfgH0WJxjQPbQ7Ib4h9Z6uMqhWKcQewmX9Lmux4R7pNBVUDtnMmTM599xzPdtjxozh9ttvP+zjWLp0KRaLhdzc3MN+bREREREREZF2wcfuvV2cWfX467/C/tWUWixkusoA6BTcyWsRggg/70BauF94a430qKDA2lFs5syZWCwWLBYLdrudnj178sgjj1BRUdGq1/3444959NFHm9RXwTARERERERGRFuTj771dnO29nbySFB8bAEG+QYT5mYsU/OOUf3BO4jlMTZzq1T3EXn82myiwdtSbNGkSBw4cYMeOHdx1113MmjWLf//737X6ORyOFrtmZGQkISH6xRMRERERERE57Gw1MtaKMmt12RcQCnhnq01NnMrfT/k747uO9/S7sPeFdAvt1mpDPRoosNZMhmFQXF7cJl+GYTR7vH5+fsTFxdG1a1duuOEGxo8fz4IFCzzTNx977DHi4+Pp06cPAMnJyVx44YWEh4cTGRnJOeecw+7duz3nczqd3HnnnYSHhxMVFcW9995ba1w1p4KWlZVx33330aVLF/z8/OjZsyfz5s1j9+7djB07FoCIiAgsFgszZ84EwOVyMXv2bLp3705AQACDBg3iww8/9LrOl19+Se/evQkICGDs2LFe4xQRERERERE5JtVcvKC4dmBtf4fegBlYq2lI7BBen/g6313wHX8b9TevaaJSmxYvaKaSihJGvjOyTa696tJVBPoGHtI5AgICyMrKAmDJkiWEhoayePFiAMrLy5k4cSKjRo1ixYoV+Pj48Pe//51Jkyaxfv167HY7Tz75JG+88QavvfYa/fr148knn+STTz5h3Lhx9V7zyiuv5Oeff+aZZ55h0KBBJCUlkZmZSZcuXfjoo4+YPn0627ZtIzQ0lICAAABmz57Nf//7X+bOnUuvXr1Yvnw5l19+OTExMYwePZrk5GTOO+88brrpJq699lp+++037rrrrkN6bURERERERESOeDY7L4aHsiA4iP8WZRBVbMYA6HsWhdu+wGWB/dGJkJpSZ2ANYHjc8MM44CObAmvHCMMwWLJkCV9//TW33HILGRkZBAUF8eqrr2K3m2mi//3vf3G5XLz66queiPTrr79OeHg4S5cu5YwzzmDOnDncf//9nHfeeQDMnTuXr7/+ut7rbt++nffff5/FixczfryZTtqjRw/P/sjISABiY2MJDw8HzAy3f/zjH3z77beMGjXKc8wPP/zASy+9xOjRo3nxxRdJTEzkySefBKBPnz5s2LCBxx9/vAVfNREREREREZEjjI8fL0SEA/DK+rn8pbAUAEdYZy7pfTwFFSX0sZi11zuHdG6rUR41FFhrpgCfAFZduqrNrt1cCxcuJDg4mPLyclwuF5deeimzZs3ipptu4vjjj/cE1QDWrVvHzp07a9VHKy0tZdeuXeTl5XHgwAFGjqzK2PPx8WH48OH1TlNdu3YtNpuN0aNHN3nMO3fupLi4mAkTJni1OxwOhgwZAsCWLVu8xgF4gnAiIiIiIiIixyyrr+dhfmk2JP1Gqs3GhPQvPe0/HfgZqHsqqDSPAmvNZLFYDnk65uE0duxYXnzxRex2O/Hx8fj4VH3Lg4KCvPoWFhYybNgw5s+fX+s8MTExB3X9yqmdzVFYWAjAF198QadO3r/kfn5+dR0iIiIiIiIiIgCG0/OwqCgdUtfza3BwnV0VWDt0Cqwd5YKCgujZs2eT+g4dOpT33nuP2NhYQkND6+zTsWNHVq1axWmnnQZARUUFq1evZujQoXX2P/7443G5XCxbtswzFbS6yow5p7PqF79///74+fmxd+/eejPd+vXrx4IFC7zaVq5c2fiTFBERERERETmauSo8D4sytwGQHNMDyPXqZrVYFVhrAVoVVDwuu+wyoqOjOeecc1ixYgVJSUksXbqUW2+9lX379gFw22238c9//pNPP/2UrVu3cuONN5Kbm1vvObt168aMGTP405/+xKeffuo55/vvvw9A165dsVgsLFy4kIyMDAoLCwkJCeHuu+/mjjvu4M0332TXrl38/vvvPPvss7z55psAXH/99ezYsYN77rmHbdu28c477/DGG2+09kskIiIiIiIi0r5VD6w58gHYG23WOg/2rcpc6xPR54iakddeKbAmHoGBgSxfvpyEhATOO+88+vXrx9VXX01paakng+2uu+7iiiuuYMaMGYwaNYqQkBCmTZvW4HlffPFFzj//fG688Ub69u3LNddcQ1FREQCdOnXi4Ycf5i9/+QsdOnTg5ptvBuDRRx/lb3/7G7Nnz6Zfv35MmjSJL774gu7duwOQkJDARx99xKeffsqgQYOYO3cu//jHP1rx1RERERERERE5AjirBdYsZtgn2Wm+Bx/dpWpWmFb+bBkWo76q88eQ/Px8wsLCyMvLqzUFsrS0lKSkJLp3746/v38bjVBagr6XIiIiIiIictSbfyHHV2wBILaigm+TUzilz3HkO/J5/6z3eWvzWyzft5yXJrzEcdHHtfFg26eG4kQ1qcaaiIiIiIiIiMjRotpU0GKrlTT/UPId+fhYfEgMT2T2qbMxDAOLxdKGgzx6aCqoiIiIiIiIiMjRonqNNYuF7SGRAHQL64bdZi4gqKBay1FgTURERERERETkaOFyeh4aFgvbAoIA6B3Ru61GdFRTYE1ERERERERE5ChhuMq9tpf4mBls/SL7tcVwjnoKrDWR1ng48ul7KCIiIiIiIkc7Z43A2iajBIARcSPaYjhHPQXWGuHr6wtAcXFxG49EDlXl97DyeyoiIiIiIiJytHFWq7FWKdg3mD6RfdpgNEc/rQraCJvNRnh4OOnp6QAEBgaqyN8RxjAMiouLSU9PJzw8HJvN1tZDEhEREREREWkVFdVqrFU6O/FsfKwKAbUGvapNEBcXB+AJrsmRKTw83PO9FBERERERETkaVVTLWAvDRt+44dw4+MY2HNHRTYG1JrBYLHTs2JHY2FjKy8sbP0DaHV9fX2WqiYiIiIiIyFGvwqgKrK24co1m3bUyBdaawWazKTgjIiIiIiIiIu1WZcaaj8WmoNphoMULRERERERERESOEpU11nwsSgw6HBRYExERERERERE5SlROBfWxKrB2OCiwJiIiIiIiIiJylHC6M9Zsylg7LBRYExERERERERE5SpQb7qmgVpXVPxzaNLC2fPlypk6dSnx8PBaLhU8//bRWny1btnD22WcTFhZGUFAQI0aMYO/evZ79paWl3HTTTURFRREcHMz06dNJS0s7jM9CRERERERERKR9qHCWA6qxdri0aWCtqKiIQYMG8fzzz9e5f9euXZxyyin07duXpUuXsn79ev72t7/h7+/v6XPHHXfw+eef88EHH7Bs2TJSUlI477zzDtdTEBERERERERE5vJwVkLIW3NM+Pb6dhdNVBihj7XBp01d58uTJTJ48ud79DzzwAGeeeSb/+te/PG2JiYmex3l5ecybN4933nmHcePGAfD666/Tr18/Vq5cyYknnth6gxcRERERERERaQtL/wErnoSxD8Doe6vaf/gPFX5+APhYFFg7HNptjTWXy8UXX3xB7969mThxIrGxsYwcOdJruujq1aspLy9n/Pjxnra+ffuSkJDAzz//XO+5y8rKyM/P9/oSERERERERETkirHjS/Pf7x6ra8lMAqLCYm8pYOzzabWAtPT2dwsJC/vnPfzJp0iS++eYbpk2bxnnnnceyZcsASE1NxW63Ex4e7nVshw4dSE1Nrffcs2fPJiwszPPVpUuX1nwqIiIiIiIiIiKta/9qACowI2s+Vt+2HM0xo90G1lwuFwDnnHMOd9xxB4MHD+Yvf/kLZ511FnPnzj2kc99///3k5eV5vpKTk1tiyCIiIiIiIiIirc83iCKLhQeiI/nqj0VmW+Z2KoD7Y6MAsFm1eMHh0G4Da9HR0fj4+NC/f3+v9n79+nlWBY2Li8PhcJCbm+vVJy0tjbi4uHrP7efnR2hoqNeXiIiIiIiIiMgRwS+YFyPCWBASzD0r3DXWcpP5LjCAbJs7oGaxtN34jiHtNrBmt9sZMWIE27Zt82rfvn07Xbt2BWDYsGH4+vqyZMkSz/5t27axd+9eRo0adVjHKyIiIiIiIiLS6gwDSnJZEhjgacoozoC8ZJZVaysqL26L0R1z2rSSXWFhITt37vRsJyUlsXbtWiIjI0lISOCee+7hoosu4rTTTmPs2LF89dVXfP755yxduhSAsLAwrr76au68804iIyMJDQ3llltuYdSoUVoRVERERERERESOPjuXUOJysN+nKqSzPnM9p+cms9nP7mkrcBS0xeiOOW0aWPvtt98YO3asZ/vOO+8EYMaMGbzxxhtMmzaNuXPnMnv2bG699Vb69OnDRx99xCmnnOI55j//+Q9Wq5Xp06dTVlbGxIkTeeGFFw77cxERERERERERaXXzp7PH7otRbarnlqwtjM1LZm98lKetoLywLUZ3zLEYhmG09SDaWn5+PmFhYeTl5anemoiIiIiIiIi0T85yHI9GM6x7glfzGU471x/Yw3mdO3q1b5ix4XCO7qjRnDhRu62xJiIiIiIiIiIi1eTv53d/P89mgMsFwDc2R62gmhweCqyJiIiIiIiIiLRXBamw81twVkDuXg5Uq612W05u241LgDausSYiIiIiIiIiIg1YcAvs+IZnw8NYFB7JSe4FCqZFDeGSpM94JSyMLB8b/coc9LFH8KmlqI0HfGxRYE1EREREREREpL3a8Q0AL0eEAU7eCw0BoFN0f6x8xpsH0ii1WujjKIfOXQgdNJ23Nr/F0NihbTjoY4cCayIiIiIiIiIi7ZWPP0ZFaa3mjjH94dwX6frDHMjcZjZ2GcltQ29jUMwgRnYceXjHeYxSYE1EREREREREpKlcLihIgdBOYLG0/vV8/Ml1OWo1xwXGQeIJMPhSSN0AGz6EU+/CbrNzRrczWn9cAmjxAhERERERERGRpvtxDvxnAGz+rPWvZRhQlk+6j63Wrp4RPas24o6HCQ+Df2jrj0m8KLAmIiIiIiIiItJUSx42//3izta/lqMQDBdpNu/Amr/Nj0j/yNa/vjRKgTURERERERERkabI21f1ODCq9a9XmocTuCku1qv5+OjjW//a0iQKrImIiIiIiIiINMUHMwFwAm9ZS9iStaV1r1eazz6fqvL4kwuLmOiAv4y8v3WvK02mxQtERERERERERJoifQtfBgVyX2w0ACFfX81Pl/7UetcrzSPHVpUT9VhGFr7xCRDRu/WuKc2ijDURERERERERkcaUl4KjkL9HVdU2KygvaN1rluWT466vdnxpGb4A/mGte01pFgXWREREREREREQaU5KNAZRYLZ4mm6WVwypFmeRYzWtEuFxmW0BE615TmkVTQUVEREREREREGlOcRarNRoWlKrAW49dKQa6UtVCYDqteJNudsRbudJr7/MNb55pyUBRYExERERERERFpTHEWu+y+Xk1lTkfLX8flgpdH4wKejAznrchwACLCEiAzG064tuWvKQdNU0FFRERERERERBpTnMUBHzN7rIc7eazM1QqBtdJcAN4ODeGtsFBPc8Sgy+HuHdChf8tfUw6aAmsiIiIiIkcAwzD411dbeXXFH209FBGRY1NxNgd8zIl/3VxmOKXMWd7y1ynKYK+PD89EhHs1RwREQXBsy19PDokCayIiIiIiR4Cd6YW8sHQXf/9iCym5JW09HBGRY0+1wFpXd2UtJy7KXe7gWvoW+OUVcDkP7TpFGSwLDMBRbZEECxZ6R/Q+tPNKq1CNNRERERGRdq7C6WJXRpFn+8sNB/jzqT3acEQiIseg/H0ccC8k0B1fwJwGWlZRhq/dF+aeAq4Ks+8J1xz8dXKT2equ5XbDoBvoH9WfLiFdSAxPPJTRSytRYE1EREREpJ1xugzWJucQFxbAZ2v38/x3O+keE+TZv25fXhuOTkTkGJW5kxRfM4ySYPEHzA88ypxlBBMMrgr+8PXhrS2vc0nP0+gT2af518j+Az69ns2d4gDoH9WfMV3GtNATkNagwJqIiIiISDtiGAYzXvuFH3ZmYrNacLoMADbuz/f0ySwoa6vhiYgcs/Kyd3AgJgCAnrYA/FwuyqxWypzmPbnEYuGczvFAASUbX+Px0x5v/kXWvkupxUKSr5mx1jeyb0sNX1qJaqyJiIiIiLQjy3dk8sPOTABPUK2mzMK6A2ur/sjipvm/89BnG9meVtBqYxQROeaU5LDJad5XE4I7E2bzx+6+RZc6S6G8hG3u6ZsAXyZ9SXpxerMvY5Tm8VZoCE6LhQjDQofADi0yfGk9CqyJiIiIiLQDb/yYxPLtGSzacKDO/deN7sGfTu4O1B1YMwyDi15eyRcbDvDmz3u48/21rTJOw6g72CciclRL3cg6PzsAx8UMBJsdf8MFgMPpgKJMT5ZZpRu+vaF511j7Dq9se5dnI8MB6B3aHYvF0vAx0uYUWBMRERERaWMr/8hi1uebufK1X9idZdbsOaFbpFef609L5MaxZuHqnOJyKpwur/0b9nvXXas+dbTStW/9xph/f09hWcVBjdPlMjh/7s/8+c1fD+p4EZEjUvpWjDfP4ssgs9bliR1PBKsPfu4PGkorSqEoo1ZgbXvOdpzNWSF0+b+ZFx7q2ewYO/DQxy6tToE1EREREZE2tuVAVRBsb1YxAMO6RXjafKwWwgJ8iQi0Y3UnL2QXObzOsT2t0GvbaoHVe7IpLTff1KXklvDN5jR2ZxXz6+7sgxpnUlYRq/fk8O2WdBwVrsYPEBE5Gqz/H7/7+bHb7kug1c7EbhPdGWtmYK3MWcbOzE28Xi0oVimrNKvJlzGi+1DizlDrEBDNVcdf1TLjl1alwJqIiIiISBvLL6nKIEvJKwVgRLXAWmSQHavVgs1qITLID4D0GgsYFJSWA3Dm8XH42iy4DJj+4s/89eMNAHz8+z5P333ZxQc1Tlu1KUnFjoPLehMROeIUZfJxiJmtNqnrBAJ9A8Fmx+4OrJVUlHDPltcA8DEM3k5J9RzanDprJbgw3PfZBdO+oEdYj5Z6BtKKFFgTEREREWljeSXlXtuBdhv9OlZlPkQF+3ked4owV6S76/117M4s8rRXBufCAux0iQj0tH+8Zj8puSU8vWSHp21Ncu5BjdNVrb5akaMZ05tERI5kxdn85u8PwJm9ppltNl9PxtqmrE3sLMskwOXis30HGFzm4PhS88OPtOI01mWs47u93zV6maJy855uAQJ8Alr+eUirUGBNRERERKQNbdyfx2s/Jnm19YwNJjrYj8oEsU7h/p59t5/eC4BtaQW8tHwXLvfKoZUZa6EBPnSNCvQ637bUAsqdVUGxj3/fz5f1LJLQkOrnKD7IOm0iIkcaZ1E6aT42ALqFdjMbbXZPjbVf9/8EwMAyBwkWc4GDWKf54UN6cTp//vrP3Pb9bSxNXtrgdYorSgAItPpp0YIjiAJrIiIiIiL1SC8oZeH6FE/wqjXUFeA6uWc0vjYr/zzveG4d15N/nz/Is29s31imD+0MwLu/JHP9f1cDkF8ZWPP3pWtUkNf5MtzTRnt3CPa0/XPR1loLIDSmel01ZayJyLEiozgDp8WCj8VGdEC02Wjzxc/9f8PqzPUADLQFw9SnAYitMO+R23O2U+o0p/i/semNBq9TVG4G1oJ8/BvsJ+2LT1sPQERERESkPfp+azpXvWGufnnd6DyC7D5cPzoRu0/LfjZdV8julJ7mG7eLRiTUeczI7pF85K6Z9s3mNAAKSs0MslB/HwLtNq/++3PNN2uDOofz4Q0nMfKxJezNLmZ7WiH942sX266Po1ogThlrInK0cxkufkr5iXxnPhBMB/8obFb3/dXmS6jL+8OJ/mE94bjz4ddX6Za7CYDl+5Z79qcVpTV4vSKnO2PNpsDakUQZayIiIiIiNeQVl3Pd26s92y8t+4OnFm/n2e/MOmWv/ZDEHe+tpazi0LO2KlftrK5XtcyyuoQGeH8+bhiGJ2MtxN+XhEjvqaCVq47GhPgR6u/LoC5hANz/yQbKm5G1pow1ETmWvLPlHW749gbuizTvyXHB8VU7bXZuzsnz6t+9wxCwWqHHWPo6zHty9cULMksyMIz6M6CLneZqz0G+gfX2kfZHgTURERERkRp+3JXplZ1V6dnvdvLer3t5ZOFmPlmznw9+21fH0c1TV2AtOsivjp5VQgN8a5zDVZWxFuBDh1DvbIdNKVWBNYDeHUIAWJecy2s/eNd3a0j1IJxWBRWRo5nT5eTtzW97tcUFd6rasNnp6HTS21lVC63L8ZeYD4Ki6e1w1DpnqbPMs0BBXYpc5rT9IN+gevtI+6PAmoiIiIhIDSt2ZAKQGFP7zc2na1I8j1f+kXXI1yqpI/PLam24aHVYjcBabomD/JKqjLUB8aGcN7TqDWDlVNDKwNrwbpGefa/9mNRgBkV11TPWCjUVVESOYmsz1pJSlOLVdnzM8VUbNvM+7Fde6mmyR3Y3HwRGEmwY9DRqV9/KKMmo+4Lbv66aCurbcNaytC8KrImIiIiI1LA708woOM+9SADAzJO6AbB6b46nbeN+72lATbVhX55nFc/S8uYtIAC1A2tbDxSQVWhmR4T6+2KxWHjqwsGcMzjeq190sBlYO/O4OG4amwhAWn4ZBU0MknllrJVpKqiIHL2WrH8dgI4VVffH0xNOr+pgM1f/vDS/AIBhAR2r9gWadTKvLDKPtVb78CKzJLPuC75zIcUWM0QTaFdg7UiiwJqIiIiISA1p+WYGwtCECO6a0Jv7J/dlbN9YwDtrq3K1zeZYtOEAU5/7gf/7dCMAJXVMBW1MzamgV73xqyc4FuJflSHROSLAq18Xd+01H5uVu8/oQ2ViXGkT66VVnx5bdBimgj67ZAdXzFvVIrXsRERqchkuisuLa+9IWs6GP74B4JacXM4sLOJP9s7EBcVV9bGa9+EpRcW8fCCNpwfdVrUvyAysnZOxl/uycng1NZ1hJeb/K1kl9Wc6p/uYCyME2Zu+qIy0PQXWRERERESqKXe62JdjTseJC/PnltN7cd3oRKKC7LX6FjmcFDVzSuRjX24B4LO15hSjysDataf1YEhCOB9eP6rRcwTba08vArD7WIkNqarP1jki0Gtfx2q11ywWC/6+5pu4pmbNVQ8qrk3ObdIxzbU9rYBznv+R5dszeHLxdlbsyGTRhtRWuZaIHNvuXX4v4z8Yz+aszd47tn9NijvI1c1RweMZWdwRM9K7j3sqqAUYVVpGWOcTq/aFmlPxrcDl+QWMKC0jxmne69OK61gZtLyEVJuNt8LMgFqQPeSQn5scPgqsiYiIiIi4VThdnPGf5Z7MrLhqgajKaZQ1VWatbdyf12jdMZfL8GTDATz33Q7P4gUju0fyyY0ne9U/q099Ndj8fKz42Kr+xO9SLbCWEBlY67gAd2CtqVlz5c6q6UxLt2V4VhttSf/4cgvrknO58rVfPG2VK56KiLQYRzFf7/6agvICLlp4Ee9ve9+zqzzldzJs5v0xvnIqqLPGfchW7cOWjoMgKKpq2z8MagTHOrvPk1yQXHssJTls8qs6X3xIp9p9pN1SYE1ERERExG3RxlSSMqtWbAuw2zyPI6tlrE05viPdosygVXpBGV9vSuWsZ3/gQff0zvrsziryCk498c128tyLDlQGuZoq2K921lpMjeBfz9iqOj0uV+0FCvybGVhz1JiSuS21oEnHNUdqXmmttuqZciIiLaF42T+9tuesnkNeWR64XKSmb8SwWPC32okcMgN8AmDYVd4nqB5Y6zXRe5/FAmGdvZoSys3A2p78PbUHU5LDfh/znh7hdHJ+7/MP7klJm1BgTURERETEbdHGA/Xus/tU/ekcGWT3rLCZUVDG378wpxF9vGZ/gytsbqhjsYPKDDZ/e/MCa8vuGcOE/h282p68cJDXdlyYP9PdCzBMG1I7A6IycFh6EBlr0PIrgzpdBnuza9c7ynQvzCAiR4/UolQe+ukhFv6xsE2uf2DXYs9jf4uNgvICXtv4GhSmkWKYmcgdg+OxnPUfuC8Jont6n8BSLQO4d43AGkBwbNXjwCi6ljecsZbiDqydW1CEr9W3dh9ptxRYExERERFxqx74un18r3r7jewRSWyIOU30QF6J1yIGu7PqKITttmKHuRrceUOrglyV9c2am7EWFezH9aMTPdtv/ukEhiRE1Or37/MH8t61J3LNaT1q7fP3Nd8OlJQ7cboMbn13Dc8u2VHvNasvXgCQlFnE+n25zRp3Q77YcIDiOhZSSC+oncUmIkewpBVc+94EPt7xMfevuJ97l93LrJ9mNVjYv0UVZnAg7w8Aepc5mG0zP4BYlLQIcvewzx3kig/uZAbQfANqn6O02gcl8UNr77dWu6d3H01CuZmdfKDoAA5njQ8LirPZ767p1qnH6ciRpU0Da8uXL2fq1KnEx8djsVj49NNP6+17/fXXY7FYmDNnjld7dnY2l112GaGhoYSHh3P11VdTWFjYugMXERERkaNOXnE5ydnmogXrHjyD28f3rtXn4xtPYtbU/kw5vqMnY+2LDQe8iv/XF2jaciCfD1fvA2DigLhaK3b6NzOwBjCkSzh+7ky6/h3rXkXOarUwskdUneevDOaVOpws357BgnUpPLl4e71ZdzWnZM77IYmzn/uRjXVk4jXX1tR87n5/XZ370vObv/qqiLRfxsfXklTtlrRo9yI+2vERb25+8/BcP2snD0eb9SzjKyoYsesHwAx63bf2aZYGmvfnbmHd6j/JgPOg26kw5Smw1hFaOeUOiOgGF78DQdFEuVwEWnxwGS72Fezz7luSw35fdzBvyFW1zyXtWpsG1oqKihg0aBDPP/98g/0++eQTVq5cSXx8fK19l112GZs2bWLx4sUsXLiQ5cuXc+2117bWkEVERETkKLUl1SzE3yUygLDAuqfhDE2IYObJ3bFYLJ7A2pq9uV598kvqLrRfWY+sX8dQzujfgVB/72s0N2MNzKDZinvH8t1doz3jaQ7PqqAVTvbllnja8+p5DjUz1ir9sDOz2deu6futGTicLnpEB3Fdjew6ZayJHF1yy+uuz7hkz5IGp9PXJ7s0m7+u+Gvt1T3r8UfqGlLdWWmJQfGEVatB+WXORpYGmTU0e4TVzvT1CIqCmQthxNV17+9+Gty2DvpOAd8ALEBXWxBgrkb6yvpXPF2zClLY5Wv+n9Arov5saWmf2jSwNnnyZP7+978zbdq0evvs37+fW265hfnz5+Pr6/3Hx5YtW/jqq6949dVXGTlyJKeccgrPPvss//vf/0hJSWnt4YuIiIjIUaSy1lnn8MBGeppqBrJ83CtuFtUxlREgp9ic+tMjOgiLxUJogPfiAwcTWAOIDfWnR0xw4x3r4Fm8wOFib1bVog1p9WSIlbsz1qrXm4Oq536w8krK+WztfgAmDOhAfLh3Nl9usVYFFTmapAbVnrbuY7Gyt2AvUz6ZwtVfX92sANs/Vv2Dz//4nIsWXtSk/ntztnseX3PhAgjvir+r9gcH3cO6N3kMDfI1/19JsJolBLblbOOZNc9Q4DADjN9lrcNlsTDAN5y4oLiWuaYcNu26xprL5eKKK67gnnvuYcCAAbX2//zzz4SHhzN8+HBP2/jx47Faraxatare85aVlZGfn+/1JSIiIiLHtsrphk3N/KrZb1RiFADFNQr6v71yD3/5aD1Z7gL84e5suJAaGWt+vof/T/OAaquC7kivKqdyIK+kzv6VGWs1Vx8tKmva4gf1+fObv7LVndEXE+xHVLDda399GXQi0n5UuCoocBQw66dZjS5IkGrxDppZDYNOvuZ09uSCZH5J/YXC8qaXeNq1f6XnsdPV+P1ov3sBgQkBnQkKiIDOI3gsI4voGisft1xgzfywICF9u1dzenE6AIvzzfbxMcNa5npyWLXrwNrjjz+Oj48Pt956a537U1NTiY2N9Wrz8fEhMjKS1NTUes87e/ZswsLCPF9dunRp0XGLiIiISNuqcLq478P1vP9bHauv1aNyumFsEwNr1fsF+/l4apxVz1grdlTwt0838r9fk/n4d7OmTmVgrfpUUIsFT620w8lTY63cyY60qjexM1//lazC2llr5e7AWs3AV2YdfZvj1905nsfRwX61svfKKlxNXrlURA6/fEc+Ez6cwEnvnsRHOz7i/hX31985bx+pZVW/88EuF8+mZdAF7w8bypxNvK+kb8VemO7Z3JC5odFD9pdkANCpMjssqidnFJfwffJ+r37RAdFNG0Nj3BlrPR3eHxKkFaeRV5TGrxbzg5cJfS9smevJYdVuA2urV6/m6aef5o033sBiObTU8pruv/9+8vLyPF/JyU3/g0tERERE2r/P16fw3m/J3Pvh+iYfU7myZ2xo8zPWBsSHEuxnTu0sqpax9uPOqhXuUvLMwF1EoBmUqj4VNCrIr8X/5m2KylVBswod7M/1zlL7vUbtODADXABRQS0bWKsuJsSP/vGhnvFVzjKtr3adiLS9NWlryCzxrrWYU5pTZ1/jtUl8H2RmcF2Rl89Pe/ZxWkkpCWXe96AmB9YytnpW8QS49btb2ZDRcHBtnyMXgM6VGWmdq2bB3ZiTi9UweH5g3Qk+B8WdsTahqJjbs6tel7SiNHZs+oAKi4VOToOunUe13DXlsGm3gbUVK1aQnp5OQkICPj4++Pj4sGfPHu666y66desGQFxcHOnp6V7HVVRUkJ2dTVxc/fOS/fz8CA0N9foSERERkaPHnqxiz2OXq/46Pav35HDm0ytYsSOD9ILmTQWNCqrqN+m4OIIqA2vVMtZW/ZFV67iwgNoZa6f0jGrSNVuav93MDKtrVc9iR0WttnKn+VpG15gK2pKBtehgPzqGBfDNHaex4t5xnimzmg4q0n5t/emJWm07c3fW7pixne3FqfwcEIDdZXBhfiGVHyl0zvZOeGk0sFaaB7u+Y9++n8m3mfeySJ9AcspyeGr1U/UfV1HGAcM8d8fYQWZbz/Fw3HQArsvNZ8XefZyWMK7h6zdHcTYAvsDVeQVMKzAzhNOL09m340sAugTEmOnLcsRpt4G1K664gvXr17N27VrPV3x8PPfccw9ff/01AKNGjSI3N5fVq1d7jvvuu+9wuVyMHDmyrYYuIiIiIm2ssLQqKJRbT0Bm9Z4cpr/4E5sP5PPows1VGWsh/k26hs1q4ZpTuzOhfwcuOSGBID/zjV31Gmu7qy0IUKkqY60qsDauX4cmXbOlVU65XL8/F4C+cSGefXUtGOBw1x/q3SGEDtUy+zLd9eMORs0C5dHuaaa9O4QQE+LnCUTmlyqwJtIeGS4Xa7K3AHB3Vg6ji83MszoDazsXs9nP/B0fYo+gW4X7ftn/HEaWlOJT7X5QVtFIYO39K/npg0u4dP/nAJxYUsL8pB1YDPgt7Tf2FeyDlDU4P/wzxZk7qo7L2kWGOxAXG9XbbLNY4NS7ATNIEuoyIKiFpoEChHgn/nRw30vTitM89d46R/VruevJYeXTeJfWU1hYyM6dVb9sSUlJrF27lsjISBISEoiK8v7kztfXl7i4OPr06QNAv379mDRpEtdccw1z586lvLycm2++mYsvvpj4+PjD+lxEREREpP2oPq0xs7CMyGpTF9cm5/LU4u0s357hacsrKfcE4zqENi2wBvDAlP6ex4F280/rQq/AWnGtYyKCzEDR6N4xfNQxlJN7RnHW8R2bfM2W5O+psWZO8TyheyRDEiJ495e9dQbWKjPWwgJ8WXHvOHZlFDL56RXkFh98YK2kWu20AF+bJ/BYqTKwpow1kfZh1YFV/POXf3Jxn4uZ1H0Sl31+EXsCzamOx5c5SPWxAQGkFtVR9zw/xRNY69tjIqTnQq8JEN6F3ps/48c9+5jeKY59vr6NZqyl7F3BdV06ebb/lJtP5wonx5eVsd7fj42ZG+n83rVcGeFPysJfePeCb4gLiqMifRM5VjPHKDowpuqEoTViCH4tOLNtwDTY8CHsMJOEYp3m/xPpxWmUukqAADqH92i568lh1aYZa7/99htDhgxhyJAhANx5550MGTKEBx98sMnnmD9/Pn379uX000/nzDPP5JRTTuHll19urSGLiIiIyBGg+lTQzALvN2ezFmzyCqoBpOWXUeRw4muz0DUq8KCuWVljrdg9FdTlMtibXTuwFhZgvqnsGRvMl7edygNT+mO1ts30n5qLBPTqEEKEe3GFnDqCZWXuLAtfHwt2H6sn6FVYVkFZhZP1+3IbnHpbl+oBvFUPnF7rtVBgTaT9KHeW8+dv/szO3J08ufpJ/vPln9lTZBb8vzIvnyFlZYS6zEB9viO/9gkK09hsN++B/ToMgdvXw1lPQWhnAAINA3931lqps7TBsXwaHOx5fFtOHqOc5v2sl3uBgB25O3CW5rHe349Mi8EjPz8CQPaeHzEsFqxAhF9E1Qn9w7wv0JLTMm2+MGm2Z9OTsVZ4gH028zqdInu33PXksGrTjLUxY8bUSv1uyO7du2u1RUZG8s4777TgqERERETkSJdVVBVMy6hW/yuvuJy1ybme7StO7Mp7vyXjcBfl7x4dhK/t4D57DnTXKyty1yZLzS/FUeHC12bxZHoBJEQeXOCuNXSosVBDr9hgStzjrysLLbPAbKusLxfib76dKHcaPL5oG6/9mMS/zx/IBcO7NHkMlQGz6GC7V925Sp7AWh0ZdCJyeG35uap2WUlFCR/lbwXg+dR0TkucAtHFhKauACC/rHZgrbjwgCdjbWDMwKrgVVhV5pmfO0bgcDaQCeus4Dd/8z70cEYW5w29EUb8GZ7sQ89y816xM2cnhdUC9TtyzemgGXuWQzBE+YZgs1b7cMFigZh+kLGlSa9FswVXTfnv4KyaClrha74e3SP7tM51pdW12xprIiIiIiIHq3qNtcr6X4ZhcMVrqwBIjAniq9tP5f/O6udVV6xXhxAOVlCNVUE3p5hvKrtFBXn1s/u0nz/BJw6I45ITEjzbvWKDCXdPxcypI5CVkmdOse0YZk6XDbL7eN4XL1yfAlBnll5DPl1jZrtUrzlXXeXU2T3NPK+ItLD8FNb+8myt5rMKizitpBRi+4N/KKFO84OKPEftRVHWlqRRYbHQ0S+CzsGdq3aE1g6slVY0kLFWmMYeX/Oem1heDt1PM+uYJYyip8O85+/I3UFRQFVGWnpxOuUFqWQVmvec6OA6puBfPB/CusDYB+q/9sHyC4ZBlwAQ685Yy3HkU2Cz4mtAD00FPWK1acaaiIiIiEhLc7oMr5U5H124GUeFiz5xwazfZ77Rm3lyd/rGmfVzzjy+o6d9aEJE7RM2UWVgrbjMyVOLt/POqr0ADEkIp6isgpS8Uvp1bF+r0VssFh48qz/bUvOJCfEjKtjPU+Os5qIPhWUVFLgDlh3DzXpKVquFYLsPBWUVnlVVq9eYa0xpuZOXlv8BwO7M2gs9AJzaK4b/rtzLlxsO8H9T+mNro2mzIse8Xd+x0Z1tdn5+Af0c5RxXVkZv99RLOgyAwjTCKqeC1sxYc1bwTXkWBAQzInoglupTLavVN6sMrDVUY6045w/Sfcx7brfgztBlpOc8/faZH6AkFySzPzgaMAN0LsNFcsZGz8IF0YF1LBoTlQh3bGz8tThY0+ZCRDfCl87GjhUH5mvVCzu+1ro/XJD2T4E1ERERETmqVM9Wq/T4V1s9j0/tFc0VJ3b1bE8b0om5y3bRu0OIV3tzBbmnghaUVfDMkqoV6AZ3ieDKUd2Yu2wX907se9Dnby0Bdhsf33iyZ7uyxlpqXgmGYXje/Ka6s9VC/Hw89eTAnA5aUC2YVtSMwFpqXlVGyrQhnevsM6ZPDIF2G2n5ZSRlFtIz9uCzCkXkEKRtZofdvD+MLS4xs9Sqi+0P+36rt8Za4SfX8EWwORV+Wq/p3sfafGHqM/DFXfi5Gq+xlpz6OwBhhoWw634EH/e09tB4wlwuutgCSXYWs8rXu/RUUvZ29rsz3eKCvFfqPGz8w7EA4dhIdwfWBvse/Ic60vbaTx66iIiIiEgLKCgzsyf8fKy8dMWwWvvP6O+dpdAh1J9fHxjPu9eceEjTNMMCfakrmapfxxCO6xTGc5cOJeEgF0Y4nPp1DCXIHchalZTtaT/gDoJ1DPdeNTXY3/uz+urZgo2pnFoKMOvs/nX28fOx0cmdIZea1/AqgSLSesrTNrDb1wysVdYx8xKeAP5hVYG1ahlrLsPFI2nLKLVa6eYoZ1jn02ofP2wGnHa3Z/GChmqs7d77AwBd7eFgr3ZfdU8pPQ4z0LbS4n2O2ze9yCvh5iIFXUMP/oOUQxIQDkBfzNeyh6OcGzqNbZuxSItQYE1EREREjiqV0xVD/H2YOMA7I+Gf5x3PxdVqilXytVkPeYqhn4+NzhG1A2cdwwIO6byHW5CfD1MGmrWHvt+a7mk/kGsG1uJqPJ+QGgsONCdjLcV9zlN7Rdc6T3Vx7ppuqfkNrxIoIq1nb9Y2KiwWAm3+dHTXCCMyEa75Hm5ebRb/9w8lzF1jraC8AKfL7Pfeyn+xKNisNzkhdhgWm63Oa2D1aVKNtb2ZmwDoGt7Te0eIee/q6Z6eutnmqvccCSG1/y84LPzDAXi41M7zOaV8tP8A4T3Gt81YpEUosCYiIiIiR5XKGl+VgZpxfWMBuHB4Zy4+IeGgV/1sisSYoFpt0cH2Vrtea+njrj+3L6cqo6wyYy0+rEbGml+NjDX36+9yGTz1zTZmL9rCqj+y6rxOSm6J+5wNBx9jQ8xrpimwJtI2XC52VxQA0D20K5ZT7wKrL0x7CToNhWh3gKtaxhpAYXkhRlkh72983dN23si7679OtcBavTXWirPZ7TLvHV3jhnjvc2esxZeYYy13T2U/vaiY0b7RXl27hrVtxlp02mZOy03Hx2aH+CENHyPtmmqsiYiIiMhRpaDUzFSoDPg8Pn0gX21K5cLhddfwakk9YoL5fluGV5tPKwbyWkvl1Mv9udUDa+bjuBqBtZCaU0HLzAyV+b/s5ZnvdgLw0rI/+M9Fg2rVUasMrNWcXlpTXJg5rUuBNZE2UpZHio+ZZdYppAuM/j849W7vaZgAfqH4AkEGFFkgrTiN4uJcdtrt+BgGy/buIzTmuPqvY/NtPLCWncRe95TUrhG9vPe5F0HoXJgJwTGe5hCXi0cdQfwRczznZH5v9glu/f8T6uTOWMPlzu4NiQOfI+8DGKly5P0vLyIiIiLSgOpTQQFiQvy44sSu+PnUM/WoBfWKDW71axwOdQfWKjPW6p4KGuIOZBY5zNf/szX7vfo9unCLub/aVNE1e3MB6NnI6xYX6p4KmqfAmkhL2Ja9je/3ft/k/psO/MJ694qg8SGdwWqtHVQDTzbWoHIzOLZi3wo2p68DINFRTqjLMBcqqI/V11Njra7AWmFpPj8svI61/mawvVadtOAOYLES7/CurRbscsHuFfTY8ytz0jJ4Ke4M7LY2Cmb5h3lvB7fRIgrSYhRYExEREZGjSmVgreYUxcPhuE5hjXc6AnSKMINnGQVllLlrKdWXsVY5/XXiceabw8rA2e6sYq9+2UUO3lm1lwEPfc37vyZzIK+EbWkFWC1wcqL3FK2aYt2BtbQCLV4g0hLO//x8bv3+VjZnbW6076+pv3Lxirv5yl0jrWNQx/o7B5q/y6cXmlMxP97xMb9nrgegn6P+xQg8bD7Y66mx5jJczFx4ATcEmPeBWHzoEd6j1vEExxHtdGK3VP0fEOxeaZT0zZxeXMJJ0cc3PpbWEhQDQbFV28Gx9feVI4ICayIiIiJyVKnKWGsgK6KV9O4Q4rV967ie9fRs3yICfQnwNTP8Khct8GSs1Zi2edXJ3Vl4yyncNNZ8rkVlTgrLKsgsNN/8LrlrNEF281x//WQDAPd+tJ71+/IAcxXSiKCGM0fCA8zvZUFJHSsRikizlJdXZaJuzd7acOfSPP7782yvpoYDa1EATCrIIzYghr0Fe3krZSkA/cuaEFiz+uLvqjtjbe2epWwrSvFsv9b9QvxsfrXP0f1UrMCZFvN+bDEMBkTVWHW4QwPTUVubzQdG31u1Hdyh/r5yRFBgTURERESOKlsO5AMQG1rHG65WZvep+vP6wbP6c8eE3od9DC3BYrEQHWIGu7KKyihxOD0By8rssUo2q4XjOoUR6p56W1LuZHdmEWAG6BJjgutcLTWv2AySxYY0/n2qDJLmlzZ9xVERqUNZAZlzT/JsOpyNBLs+v42dNbLaOgY3EFizB4HNj1CXwSXdJnvt6udwQLdTG75eAzXWFn97j+fxhKJiup54a93nGHolAI/uWsen+1JYtD+VMVNfBj9zURYsNug0rOFxtLYeY6seu4ORcuTS4gUiIiIictQodlSweHMaAJMGtE3dmmX3jGHN3lzOHhSPxb0i3ZEoItBOcnYJOUXl5LsXhLBaqmqp1RRUrX2zO7jZNcqcOhYf7s+2tAKv/pV9QgMazywMDTDPXTkOETlIqRtJK9wHoeb9Ma04jaS8JP7vh/9jfeZ6hnUYxjmJ5+A0nJzX6zxcmz5hf7cuXqfoFtqt/vNbLBAUDfn7GRzYyWtXn4A4uOjthsdn9SHAHVgrrqg2ndzlZK2rAPDjwcwszh12mxnEq0tkoudhYnkF+AZBeALctQ2W/xsGTDPH2ZYiq01hLa571WQ5ciiwJiIiIiJHtNJyJy8u3cXUQR3JKS6npNxJh1A/BnZum3pnXaOCPAGlI1l4oJmxllPs8Ky0GhrgW2+w0M/His1qweky2OuurxbjzkaLDw+o1X/9vlwAwpoUWDP7OCpclJY78fdt/YUoRI5KxVmk+lSFAVKLUnlq5WOsd9dBW522mtVpqwF4+OeHuSYiDGeN33l/n4ZX8SUwEvL3M2DBXdDJrLnW3VFOQI8JEBDR8LE2X0JcLgAKHYWe5tLkVWy1m/ekk0tK8Q1rYEXPoBjAArjrqpWbGbTYA2H8Qw1f/3CxWqHHGPhjKQy+tK1HI4dIgTUREREROaI9//1Onv1uJ08v2eFp69cx9IjOFmsPIgPNYFZucTl5Jd4rrdbFYrHQIcSPlLxSdqabb4grF5CIC639RnxbqpnBFtqEWnjBdh8sFjAMs4aeAmsiB6k4kwPVVkhOydjE9rxdZqCnDq+Ee39AMdLe8EIjgGdqY4CjmOdT03kmIpyLCwogvKCRAwGrj7mCJ96Bta3bP6PCYiG6wknHCmfDATqbD/j4Q0VJ/X3ag4vfhfwUiD4ya3FKFdVYExEREZEj2vIdmbXa+tRYRECar3rGWuUUzMaCYAlRZi21ymmeQX4297+1A3JFDnO10cppng2xWi2eIF2BpoOKHLTywjQ+CAn2bP9ekESh1Uqgy8VYa/1Zvj0dDq7OzePJhLMbv0i1mmGnlZTyYUoq5xcUwSl3NH6s1dezgmdBeVUgbt2BVQAMLCvDAhDVSDCqvQfVwMygU1DtqKDAmoiIiIgcsZwug/05td9A9VJg7ZBFVA+slTQtsNbNPQV2b7Y5FbQyoBZorz/DrCkZa9X7aQEDkYO3Pm8Xyb6+BLhchDhdnvbhpWXcs+8Pz3aCf4zXcSeUlHF7Th5h3U5r/CJRvWq33bUNOg5q/FhbHRlrznLWu1cDHdjzLLj0fYhpxsIwgzTVUlqXAmsiIiIicsR6/7dkMgvLarUnxhz5Nc7aWkSQGcj6aVdWVWCtkeyyyoy1SsF2d2CtngUPzHM2LbBWOQ01p9hBdpGDBz7ZwLrk3CYdKyKmvcXm4i5DSsu4NSfX035KcQmdy4q4JjePW7Jz+aIkkMkxwz37R5SWmg/iBjZ+kdPuhqlPe7cFd2jaAK2+nsBacUUxTpeT9D++40d3YH3Q8ZdD74lNO1elc19oXn+RZlJgTURERESOOPtzS3h5+S7e+HE3AA+c2Y/jOoV69nc7ChYPaGuVU0H3ZBUzf9VeAEIayS7rXuN1r8xYC2ogY60pixdAVQDuqtd/Zeiji5m/ai/nPP9jk44VEVNyWQ4AXSqcnF1YRIDLhY9hMLqkBAtwa04e1+blw+4VnLr5K89xo0pKodcZYGvC76vNF4bN9G5ras3LaosXABRVFPHh5v9SZLVyvCWQIR2GNu08Zz9n/jvt5bZfAVSOelq8QERERESOKAWl5Zzx1DJPjS6AMwd25P3fkj3b4YFNC9ZI/TpVW8lzaxMXGhjUJdxru7IuWkCLTAXVWxeRQ1JWaGasBdrp4hdBoJHNB/tTKbRaiK9w1uo+qbCYX/0L6eNwEHTyHTD6voO7rs2v6X2tvtgBuwEOizkdNKlwHwATI/pjszZx4ZKhV0D/s8G/bVaHlmOL/ncSERERkSPK4s1pXkG1blGBdAoPoKS8qk0rgh66oQnhdIkMIDm7qoZdY1NB48MD6BwRwD533buqjLWGpoI27S1JVFAz3pyLSG1r55NsMxcG6NJhMKTsomuFu2bh2Aeg42AoL4IPZgLgCzySmQ0h8TD+oYO/rr0ZGcQ2834QbBhkWywUOApIduSCFTpH1FG7rSEKqslh0uypoE6nkyeeeIITTjiBuLg4IiMjvb5ERERERFrTL0nZXtsXDO8CwMju5kp0ymxqGRaLhatP7u7V1thUUIChCRGex5Wrgja0eEFUcNMCZr3j6l6QorS8dqaNiNShIJVcd8ZXdFQf732dhkLvM6D/ubWP6zHm4K434RGwWGH6q00/xmreYypXBi0sL2QvZo3HLrFNqO8m0gaaHVh7+OGHeeqpp7jooovIy8vjzjvv5LzzzsNqtTJr1qxWGKKIiIiISJVfdpuBtf4dQ7lweGeuPa0HAP83pR/Xj07k4xtPbsvhHVUq66xVOrlnVKPH9Ki2cETlVNCGFi9oqP5adf3qCawdyCtt0vEiR5Kskiy2ZG1p2ZOWl1BoNbN5g4NivfcFuJNkLBY4vUZ2Wv+zD+56J98Gf0mGnqc3/RirO2PNXWdtc+pqCtxj7tzphIMbh0gra3Zgbf78+bzyyivcdddd+Pj4cMkll/Dqq6/y4IMPsnLlytYYo4iIiIgIAE6XwZ6sYgDmzRzOv84fhK/N/JM2IsjOXyb3pWdscFsO8agSVq1W3YxRXekbF9pAb1P1hSMCK1cF9a0/eNbUabt9O9Z97QN5JXW2ixzJLvviUi5ceCHbsre12DmN8mKKreb9MrDD8VU7LDYI61y1feqdEFdtf4+xB39Rv2bej91TQSOdZmDtX2ufBaBXhUFgzWCgSDvR7MBaamoqxx9v/pIFBweTl5cHwFlnncUXX3zRsqMTEREREakms7AMp8vAZrUQG+Lf1sM56oVXW7EzNrRpr3fXqEDP46qMtSYWHG9AZJCdq07uVqs9o6DskM8t0p5UbPuS/UUpAHyf/H2LnbesvIgKdyA7OLov3PMHXP0tXPkpBNcIWvWaaP4b3Qd8D+O91j0VtFe5w6v5/4L7Hb4xiDRTswNrnTt35sCBAwAkJibyzTffAPDrr7/i56eCoiIiIiLSspIyi1i4PgWXy/BM+4sN8cNm1QIFra36VNAOTQ6sVWWsVa4Garc1+21HnR6aOqBWW06Ro46eIkeu/R9c4Xlc4ChosfMWlRd5Hgf6BkJQFHQZAd1Pq9351LvgzCfgT1+12PWbxGYG1nqXVQXMw51OhvSYfHjHIdIMza7sOm3aNJYsWcLIkSO55ZZbuPzyy5k3bx579+7ljjvuaI0xioiIiMgxyOUy+NfX25i7bBcAFwzL4LTeMQDEhSlb7XConrEWFWxvoGeVyCA7M0/qRonDSUyI+cF7S67SGh1sJ7OwKpiWXVzeYucWaQ+WBQZ4Hu/K28W27G38d8t/mTlgJkl5SYxLGIfV0rRg9d78vXQM7oiv1ZeicnMafaDV3vjx9kA44ZqDfg4HzVoZWKv6HR9Y5sDSUQsXSPvV7MDaP//5T8/jiy66iK5du/LTTz/Rq1cvpk6d2qKDExEREZFji9NlUOFyYRjwzeY0T1AN4IPV+/h6UyoAHRVYOyxCqwXWguxNf+sw6+zamWWVukcHkZRpZs5EBjUtWFfdqzNGsGCtOU3utR+TlLEmR5XMgv38O6pqZd1dubu44dsbyCjJ4NOdnwJw9/C7mTFgRqPn+mn/T1z37XVM7zWdWSfNoshZChYIsjX/9+6wcddY61lezjndp5C85WOuyc2D0E5tPDCR+jU7sLZ8+XJOOukkfHzMQ0888UROPPFEKioqWL58OaedVkcaqYiIiIhII77dnMZ9H63HZRgUllVQ7jRq9ckvrQCaPi1RDo3NamHycXHszy1hSEJ4i5xz+tBO9IgJ5pHPN/PspUOaffzgLuEM7hLO6z8mAZBdrMCaHPnKneX834//x+a0373aU4tSa/V9beNrXN7vcmzWhmsXzvl9DgAf7fjIDKxVFIMvBNkCGjyuTfmYY7MCf+99GXz3orlSaM0acCLtSLMDa2PHjuXAgQPExnr/YOfl5TF27FicTmeLDU5EREREjg2/7s7mz2/9Vue+U3pGc/fEPlz+6ioKy8zAWq/YkMM5vGPai5cPwzCMQ57O+eafTmD17myuH52Ij83Kmcd3PKTzRbjrv+UqsCZHqi/vhYIUuOAtXt3wKl8mfenZNamwiDWBwaRZa3/AkF2aTXpxOh2DG/gdKsygrDjDs+lwOihylpmBNZ/2HFizg18olOXDN38z20LioZEgokhbanYV0fr+U83KyiIoKKiOI0REREREGrZ6T069+/7755EM7hLOaHd9NYCRPSIPx7DErSVqpI3uHcOdZ/TBp4UWMohwTyPNLlKNNTkCVTjgl5fYsusrMrcvZP66l7x29ygvp2eNrN2pBUXE+UcBcKDoQMPnX3ALBYVV2W6n/u9UCp3mggDBPoH1HdU+BJrPkT/cK6KW5rXdWESaoMkZa+eddx5g/qc6c+ZMrxVAnU4n69ev56STTmr5EYqIiIjIUW9neqHn8dtXn8AbP+5m84F87pjQ29M++fg4vthgvpnsEa0PdI91ke6MNdVYkyNSYRrLA/y5KS4Wy8oHMGrErhMd5RQ5yvnR16xzeHxpGf/IzOJPnQaSWprVcGCtvJS8nV+T0bWzp6m4opi9VAA+BPq28/tnYBTkJFVtd1WcQdq3JgfWwsLCADNjLSQkhICAqvRRu93OiSeeyDXXtMGqISIiIiJyxNuRVgDAi5cN5dReMZzaK6ZWnynHdyTnHAd94kJbdJVJOTKFB5oBhxxNBZUjUWEaj7sXKagMqk3PL2RQWRm/BPhzWkkpxT7FEGS+D08sNzMzO2JOiXx2zbOcFH8SEf4Rtc+dvIrtdt9azdtsZgZcsD24pZ9Ny6rMWKt0xt/bZhwiTdTkwNrrr78OQLdu3bj77rs17VNEREREWsTO9AI2peQD0LdjaL39LBYLV4zqdphGJe1diL/5VqaswkWF09ViU0xFDgdnfgoHfLzfjncvL2daYRHTXP5gGPQsLQHcgTWHGVgLc5QCsL9wP3/6+k98dPZHWC01fvYL09lmNzM6TysuITm8I0mOXFbZzaBcpH+NwFV7ExRd9XjAeRDds+3GItIEzf7f56GHHlJQTURERERazItL/6DCZTC+XyzdNcVTmijQXhWUKHIcHQuovb/tfU7/4HS2ZW9r66FIK0vL2Ul5jczbbu6sNPqfA5h11ipVZqz1Sl7jaduZu5OduTtrn9xR4MlY61/mYEiFeZ1Cq/n2f2DMwJZ5Eq0lsFoNzdD4thuHSBMd1Mc6H374IRdeeCEnnngiQ4cO9foSEREREWkqR4WLbzabBbavPS2xjUcjRxK7jxVfmxkw2Hogv41Hc+gKHAU8uvJR0ovTmbtublsPR1pTcTbJK/5Zq7lrubnqMb0mgs2PQMNgWEkpIS6D46//DfzDObOoiBtzcomuMIPJa9PX1j6/o4gDPmZ2WkJFOZ0KMr12D4kb0aJPp8VVnwoa2qntxiHSRM0OrD3zzDNcddVVdOjQgTVr1nDCCScQFRXFH3/8weTJk1tjjCIiIiJylPpxVyYFpRXEhPgxrGsdtYJEGhDkZ2atXfTySjalHNkrBy7e9qHn8a68XW04Eml1fywl2df82T2hpJTujnK6V7joXOEOrHU7GfzMOmivpKazmM6Eh3WBQZfgZ8ANuflMLzAXfFmfsR6AnNIc3tz0JvmOfCgrJNNmBtainC56FWZ7Lt2pvIKYkKpFDdqlqGpTP2N6199PpJ1oco21Si+88AIvv/wyl1xyCW+88Qb33nsvPXr04MEHHyQ7O7vxE4iIiIiIuC1yr/I5aUAcNqsWJJDmCbL7kFtsTpFbuP4AA+LDcLkM3l65h+HdIhgQH9bGI2yifb/x/Y+zIcAPgKS8JPYX7qdTsLJ1jkq5e0l211dLdJTzYnY6th7jsF02B3wDwS/EzNoqzsIX8I0dYB4X0sFzil4Oc9GOpPwkPt+5gL/++AAA3+z+hvk+3ciuDKyFdCYq6w/Pcb3LK8DazusR9pkCl34A5UWQeHpbj0akUc3+jdq7dy8nnWQudxsQEEBBgbmC0xVXXMG7777bsqMTERERkaPajzuzAJg4IK6NRyJHokB3MfbqPvx9Hw8t2MSUZ35ogxEdnJJfX2Gln1kTK9z9Fm1R0qK2HJK0pty9JPua3+8uFRXYAZtfEPSaYGarAZx2r/mvfzgMv9p8HFx1n+zmzm5bn7HeE1QDWJ+5nv0lGeS4g2dR4T2IdrqqjvNp5yuCghn4630GDJgGWgFajgDNDqzFxcV5MtMSEhJYuXIlAElJSRiG0bKjExEREZGjSrGjgr1ZxQA4XQap+eYKd706HAFv9qTd8fOtejtT+fZ7bXJum4zlUKwqSKLUaqVjRQW3FJlBkJ9SfmrjUUmryd3LPnfGWpfKumplBd59Bl4AN/0Kt66BDv3NtpCqwJrnuDq8V5yEYbFgxUJEYCwAszKyGFVSwtWdx7fc8xAR4CCmgo4bN44FCxYwZMgQrrrqKu644w4+/PBDfvvtN84777zWGKOIiIiItFP/+morPlYLd57Rp0n973hvLV9vSuPyExPYllqA02Vgs1qIDvZr5ZHK0ajCWfXBvsv90Ok88j7sX1qeCT4wpqiE3sWlEBRDckFyWw9LWomRu4fkIHdgrcK98qdfaO2ONeuLVQusBRoGMVY/MlxltQ77X3k6ABE+AdiCogGYXljE9MIiGDehBZ6BiFTX7Iy1l19+mQceMFNNb7rpJl577TX69evHI488wosvvtiscy1fvpypU6cSHx+PxWLh008/9ewrLy/nvvvu4/jjjycoKIj4+HiuvPJKUlJSvM6RnZ3NZZddRmhoKOHh4Vx99dUUFhY292mJiIiISDOl55fywtJdPPPdTpKzixvtbxgGX29KA+C/K/fy6+4cADqE+Km+mhwUR7UpbgWlZoDCeYTNonEZLpZazXpZY4pL6OwwAyVpRWk4nI62HJq0Bmc5uXl7KXRP1ex01nPQcRCMn9X4scEdvDZHFZnveyOcTkKcLrqWm78DJZi/F1G+Id4rbAJ0GHBo4xeRWpodWLNarfj4VCW6XXzxxTzzzDPccsst2O32Zp2rqKiIQYMG8fzzz9faV1xczO+//87f/vY3fv/9dz7++GO2bdvG2Wef7dXvsssuY9OmTSxevJiFCxeyfPlyrr322uY+LRERERFppsppnAA/78pqtP/urLqDb6EBvi02Jjm2VM9YyytxB9ZcR1ZgbcvqV8iyWghyuRhRWkqUy0WAy4WBwf7C/W09PGlpWTtJtpqBr9jAWPwHXQLXLYeoxMaPDYysqrcGPJp6gM/2pfB1cgrfJu/no/0H8Kv2Fj/eP8o7sGYPgdD4FnsqImJq0lTQ9evXN/mEAwcObHLfyZMnM3ny5Dr3hYWFsXjxYq+25557jhNOOIG9e/eSkJDAli1b+Oqrr/j1118ZPnw4AM8++yxnnnkmTzzxBPHxummIiIiItJa0/KopSMt3ZHDhiC719jUMg1vfXVPnvu1pBXW2izSmvFrGWl2BtXKnC19b66+AuD+3hK0H8jm9X4fGO9ewc+nDEBPFcWUOKkPMXcor2O5nJ7kgme5h3Vt2sNK2UjeS4k5U6RzcufnHn/WUucDBh3/CCvSoUWutR4WLLe53+b1CEsA9FRQwp5ZqMQCRFtekwNrgwYOxWCwYhoGlkV9Ep9PZIgOrS15eHhaLhfDwcAB+/vlnwsPDPUE1gPHjx2O1Wlm1ahXTpk2r8zxlZWWUlVX9IZifn99qYxYRERE5WqVVy1j7bms6ecXl/N9nGzkuPpTrRntnX2QVOdiwP8+rLTrYTmahg8tP7HpYxitHnzoDa9WmghY7nIQFtH5g7eR/fgfA/649kRN7RDXSu4rLWc7C4EAAEsrL4ZQ74If/0KWiKrAmR5m0jaTazNVsOwQ1PxALmCuF1jToEtj4EX1LCtkSYi4G0zO0h3fGWofjDu56ItKgJv0vk5SUxB9//EFSUhIfffQR3bt354UXXmDNmjWsWbOGF154gcTERD766KNWG2hpaSn33Xcfl1xyCaGhZmHH1NRUYmNjvfr5+PgQGRlJampqveeaPXs2YWFhnq8uXer/dFVERERE6pZeLbBW7HBy23tr+HxdCrMXba3VN6vQrBUV6u/Draf34m9n9efHv4xjzkWDuWdi0xY+EKmpem2+9fvyeP/XZMrKqz7oL3G03of+lfbnlngebznQvA/sn1j1D1YGBADQ1bDB2AcgMJrOFWYW0r6CfS03UGkfCg6Q6s5YiwuKa6RzPQLCvbcHTINpcyG8K+cXVNUbT4zsDQERVf36nnVw1xORBjUpY61r16pPES+44AKeeeYZzjzzTE/bwIED6dKlC3/7298499xzW3yQ5eXlXHjhhRiG0ewFEupy//33c+edd3q28/PzFVwTERERaabqU0EBlm7L8DwuLXfi72vzbGcVmX1jQvy4c0LVSnfnDunUyqOUo9mzlwzlwpd+9mzf+5F3CZtiR0XNQ1rciu1VP/fWpk6zMwz+OPAbb+/40NPUacyDYPOFzsPpcuAHAGWsHY2KMkn1Me+NcYEHGVirnrHWeQRc8Ib5ODCKgVk7uDU7l2ybld4dhoJvAATHgbMMeow+pKGLSN2aFFirbsOGDXTvXnuef/fu3dm8eXOLDKq6yqDanj17+O677zzZagBxcXGkp6d79a+oqCA7O5u4uPpvUn5+fvj5aUl3ERERkUORXmBmrIUF+Hqm4VXKKnLQKTygatudsRYVpL/BpOWc0D2Sn/4yjpPcUzFrKm7hjLXScicb9ucxNCHCky1XPcCcW1xe36FVKhw4541ntpEC7mw1XwOOS5xo7g+KoYs7Y02BtaNQcSYH3IG1jkEdD+4c1VcHjepV9dg97fOavHwzUy3Qna12ozv47KP7r0hraHbBgX79+jF79mwcjqqlnx0OB7Nnz6Zfv34tOrjKoNqOHTv49ttviYryrlcwatQocnNzWb16taftu+++w+VyMXLkyBYdi4iIiIh4y3EHEQZ2Dqu1L7PAO5stu8gdWAtu3iryIo1paFXZkvKWDaz99ZMNXDD3Z15cutPTll9aFUzLLXHUdZi3zO18XrCTlQEB+LtcvJGSxofOmKppgUExdCmvmgq6Nn0tSXlJLfo8pO24irLYf6hTQf2C4dqlMH4WjP1rVXtgZNXjiO7e7dX3iUiLanbG2ty5c5k6dSqdO3f2rAC6fv16LBYLn3/+ebPOVVhYyM6dVf8pJSUlsXbtWiIjI+nYsSPnn38+v//+OwsXLsTpdHrqpkVGRmK32+nXrx+TJk3immuuYe7cuZSXl3PzzTdz8cUXa0VQERERkVZWmaU2ID6MFTsyvfZlFlYF1lwug9d/NAMDkUEKrEnLCrLb6t1XVNa0qaCGYbBuXx6JMUGE+NcfqPv49/0APPHNdm4eZ2YK5VfL1sxrSsZaUTqb7ebvwfSCIoaVlUFAtbrRwbHEV1QQhJUil4MrFl0BwPor1ze6kJy0c+v+x5KKLPJsMQTaAkgMT2z8mPrEDzG/qqu+UEFEt4M/t4g0S7MDayeccAJ//PEH8+fPZ+tWszDtRRddxKWXXkpQUFCzzvXbb78xduxYz3Zl3bMZM2Ywa9YsFixYAJirklb3/fffM2bMGADmz5/PzTffzOmnn47VamX69Ok888wzzX1aIiIiItJMucVmds5xnUJr7aseWFuyNZ3dWcUARCmwJi2soWBTUxcvWLw5jWvfXs2A+FAW3HwK4L0wQkO8M9aaEFgrzPDU2Ope7u6ftqlqf1AMNmCwYedHS9UCITllOUT6K+voiOWsIOXzG7mzi1lXclTHE7DbWvh+6BVY02rLIodLswNrAEFBQVx77bWHfPExY8ZgVFsOu6aG9lWKjIzknXfeOeSxiIiIiEjTuVyGJ2NteNdIzhpo1goqLXfy7ZZ0MgurpsSt3pNTdVzjf96JtJim1lj7ZI2ZibYpJZ/Bj3yD1WLh05tOpnt044kD+SVVWXGVweaGOAoOsMnPDKjEdToBtn4HI6+r6hAUA8BQRwU/ViuJtTd/rwJrR7LUdWy1VwXSLut/Zctfo/p0z07DW/78IlKnZtdYExEREREpKKvwBMnCA3157tKhPHfpUPrEhQBwIK/E07e0Wp2r6cM6H9ZxyrGt2P2zV+F0sXF/Hv/36Qa2pubX6ld9Nc+C0grySsr5eVdWrX4RgVXTRF3uX4CmZqwZhsGDn23k5h0LSXfX2Opw+t/hik9gxJ+rOgab00LH5+d5Hb8nf0+955YjwJ6fSLOZmYqnFxUzouMJrXCRalmWiWPr7yYiLeqgMtZERERE5Ng2+8stAPj7WvH3rapx1S3KzPD5I6MIgHKni9Q8czrbw2cPaFIGkMihCrTbKHY42Z9jBnjv+XC9Jytt0YZUVv9tgld/ax3TPlOrBYcrhQfaPYt2ZBSW0SHU3yuwllNUf8ZaZqGDt37+g5B+aZ62uJBOEDPAu2OQGVjrUZhFv1Bftriz2/YW7K333HIEyD9AmnsKcFz3Vgp69TsLVs2F3pPArnutyOGijDURERERaZZ1ybn879dkAErLXV77EmODATOw9v22dIY8spivNpkLUHUI9T+8A5Vj1pTjzanJv+3OBqqmegJk1RH8qquc2oG80lptjoqqn/fKqdDVp4LmFJdTUFp31tq+nGKs/ge82sL8aq+oS0AEWMwAzCupaUwsNIPU+wv31+4rR46yPFIrMxW7nNw61/APg+tXwLgHWuf8IlInBdZEREREpFkqg2p1SYw2A2up+aVc9fqvFFZblbFjmAJrcnicO8QsEL9+X57XVOT61NUnNb92YK3YUfXznF9Sjstl1AqkVWZr1rQvp4SwgC2e7ef6X1f3wgtWKwRFAxDmMhhXbGbOpRenN/o8pB0rK/BMBe0Q2KGNByMiLanZgbUePXqQlVW73kBubi49evRokUGJiIiISPuSV1zOv77ayvdb00nKLKy3X1igL9HBda90Fx8e0FrDE/FyQvdIguw2HE5XnZlnNeUW184yq+u4omqLIeSVlFPkqKo1OKizmX32R7Xfj7XJuazYkQGYgbVzXZs5vaiY+8sDGT3shvoH5J4OChDrNK+ZVpRWX285EpTmk+6eCtohSIE1kaNJs2us7d69G6ez9ic6ZWVl7N+v9GQRERGRo82KHRn8+c3fKKtwAbs87YF2G/+5aHCt/tHBfl6rggLMPKkbMSF+tfqKtITjO4WxYX9VsX9fm5XYUH+SMov4coP39Msgu63m4Z5pneaxFsqdBgdyvWusOV2G11TQ/NJykrPNPiH+PvSPD2Xdvjz+yCjCMAze/y2Z+z7aAMCav01gf24xX+RdxZthixg4+Xaw1h6HR1hnSDOP7VBhZsmlF6djGEbdWW7S/pUVkG8z81rC7HVMARaRI1aTA2sLFizwPP76668JC6u6GTidTpYsWUK3bt1adHAiIiIi0nY+XbOfqGA7X2444A6qeVt026l0japdIDu82sqJMSF+vPWnE+jrXi1UpDXMvWIYLy7dycb9+Vw8ogtg/uwlZRbx76+3efX1sdWetFM9EHxC90h+3JlFkcNJabnTszhH9WmgYNZW25RiBvMGxIeSEGn+LuzPKWH9vjxPUA0gu9jBnqxicghl8/C/M7BTQsNP6NS7YPsioCpjrdRZSr4jv+66bNLuGWV5FAabP3vB9uA2Ho2ItKQmB9bOPfdcACwWCzNmzPDa5+vrS7du3XjyySdbdHAiIiIi0jY27s/j9vfWAnByzygA7pzQm6cWb/f0qW8xgojAqqmgncID6NcxtPUGKoL5c/b3c4/3aqvv57OgtNwr8+uztfvJLCwDIDEmiCcuGMQpj3+P02WQW1xOXJgZWCtxeM/ayS8pJynTrKc2ID6MWHdGZkZhWa36bAWlFazekwPAoC7hjT+hLiPglt/h/SvxS9tIBD7kUEFacZoCa0eo0tICKkLMe2OIXR80iBxNmlxjzeVy4XK5SEhIID093bPtcrkoKytj27ZtnHXWWa05VhERERE5TH5JyvY8/nGnWV93eNcIRnaP9LRXZvLUFF4tsKbpn9JWwgLqziFwGd610t5zL8bRJTKAxXeMpmNYAOEBZtZlTnFVJltxzcBaaTk70816an3jQjw/6+n5ZRSWeme3rfoji2KHk8ggO306NDGoEpUIJ1wDQGeLOZ4dOTuadqy0O4Xl5s+KFSuBPoFtPBoRaUnNXrwgKSmJ6Ohor7bc3NyWGo+IiIiItAPVA2uVOkUEMCQhotFjI2pMBRVpCzWDWwA+VjNLrXIlT5fLYMM+czrnS5cPx+reXzmduXpgraiOqaD57vNEBduJDa3KWKu+Gi7AxpR8wKwFV3mNJvE1AzBDDDNY/Vvab00/VtoPZwUFLjOLMcg3UHXyRI4yzQ6sPf7447z33nue7QsuuIDIyEg6derEunXrWnRwIiIiInL4lZY7PSsZVtcxLICbx/XkrIEdefGyofUeX30qaIeQuqfjibS2gZ3DvbYvGt6FUHcmWoE76JaUVURBWQX+vlZ6d6iqe1X5M5xXbbXQWlNBS8s9wbtgP19igs3AWnaRg4cWbPLqm+sO0AX7NXPtOF9zJd0RFWYg5vu935PvyPfs/jnlZ5bvW968c8rh5yig0Gq+9dY0UJGjT7NXBZ07dy7z588HYPHixXz77bd89dVXvP/++9xzzz188803LT5IERERETl8ftiR6TVVDsxpcnYfK3YfK89dWn9QDSCsWsbacZ1UX03axmUnJuB0GZzWO4b80nL6xIWwMimL7CKHJ2Ntt7tGWs/YYK9FDSqnM+dUC6zty/FeJXTD/jxPgC7Yz4eIQDs+VgsVLqPWWCpXHfXzaWZegztjbaTDRafwTuwv3M+r61/lzuF38kfeH1y7+FoAfrj4B9Vea89K8z2BtWAF1kSOOs0OrKWmptKli7nSzsKFC7nwwgs544wz6NatGyNHjmzxAYqIiIjI4fXLbnMa6IXDOzO6dyzB/j4kRB5cTaCmTB0VaQ1+PjauOa2HV1tkkJ09WcWk5ZuLFVQGxsID7F79ak4FXZuc61nM4+IRXVi4/oBXoC3Yzwer1UJMiB8H8rwXLgDIdQfo/HwPLrAWUF7C3cMf5o6ld/D6ptcZ1mEY32370NPtQNEBBdbas7J8CtzTP4N9tSKoyNGm2VNBIyIiSE42C3x+9dVXjB8/HgDDMHA6nQ0dKiIiIiJHgHXJuQAM7xbJlIEdGd07hu7RQU0+vm9cVUZGZJC9gZ4ih1dijBnUuHH+75zz/I9kFJgBtppTNCvrBFZmmn20ep9n383jejJxQJxX/2B/8/gB8XVnaFZlrNW94Ee93FNBKS/h1M6nepof+fFvrNr9rWc7rSiteeeVw6tMU0FFjmbNzlg777zzuPTSS+nVqxdZWVlMnjwZgDVr1tCzZ88WH6CIiIiIHD7v/rKXVe6FCwZ2PrgMmIGdw3n9qhH0aEYwTuRw6BVblS20LjmXEveCBCH+3m+LPFNBi8yMtcrA2DWndqdzRCBxYd6LcgT5mQGzcX078O2W9FrXPdSpoDiK8LP58Z8x/+GOpXeQXpYDvlVjTitWYK1d85oKqow1kaNNszPW/vOf/3DzzTfTv39/Fi9eTHCweWM4cOAAN954Y4sPUEREREQOn0/X7Pc87hlz8G8Ax/aJpWuUAmvSvvTu4J0tVFJuzrgJrhFYq7nIQeXqn73cx0cHVwXW7DarJxPtwuGdObVXtGdfeLV6g3AQgbWQOLBYoSwPcpMZH39KnVM+FVhr58oKyHPX8NNUUJGjT7Mz1nx9fbn77rtrtd9xxx0tMiARERERaTuVgYSnLx7sVcxd5GjQM9Y7qFHicAEQ4u8dAAtxTw3dmprPfR+uZ83eXABC3f2iqgXWqgflfGxWnrhgECP/sQQwp0LnVlsAwc+3mVNB/UOh0zDY9yt8dhPsXoGjW4Jn99SCIj4PCdJU0PauLI/9PubPSXxwfBsPRkRa2kH9tfT2229zyimnEB8fz549ewCYM2cOn332WYsOTkREREQOr4IyMwjQOSKgjUci0vI6hXv/XGcWmjXWQmrUWKusubY7q5j3fkv2TOUMDTDbo4PttfpWql5X0Nfq/Xar2RlrAD3Gmv8mLQPDxR2ZmVgMg3+mZ3JiqblQQmpRavPPK4dPaT7J7sBaQkhCI51F5EjT7Dv7iy++yJ133snkyZPJzc31LFgQHh7OnDlzWnp8IiIiInIYFZZW1pzybaSnyJHHarXU2V6zxlrN7UqVGWsx1TLWgmoE1nyrZXomRHmvpntQgbURV0O1gveXFBSycs8+phQV06XcDPglFyQ3/7xyaArTIfmXpvUtK2CPuyZeQqgCayJHm2bf2Z999lleeeUVHnjgAWy2qlTm4cOHs2HDhhYdnIiIiIgcPoZheKaC1hdYEDka1ayxVnO7Upi79lr1GmvZRWW1+r31pxOYNbU/o3pEebU3e1VQMOus9T/HqynQMABIKDd/Xw8UHcDhdDT/3HLwXjwJ5k2Afasb7ZpXkkW++71z5+DOrT0yETnMmh1YS0pKYsiQIbXa/fz8KCoqapFBiYiIiMjhV1ruosJlvmFXxpocrZ6/dGittpo/76H1/PxXBpzDA33xtZnZb/06htbqd1rvGGae3J0Au3cgzc/3IOsWHj+9zuZIl4sgrBgY7Cvcd3DnPlJlJ8EXd0HO7sNzPcOA/10GH1wFFWWUFGdyY4cY5qx+qlZXp8vJIz8/wmMrH8MwDHaWmCvFxvkEEegbWKu/iBzZmn1n7969O2vXrq3V/tVXX9GvX7+WGJOIiIiItIEC98qHVgsE2Q8is0bkCDBlYEdmjOrq1VazTlrN7Zrt/9/efYdHWWZ9HP/OTHrvlZLQey9S7AhYca242HsXdW372nXX3nBdUde1rL13UUFFUXqvoRMgpPc6yczz/vFMJhmSQBISEpLf57q4mKfdcw95SGZOzn2OxWLhj7tO4OJx3bn5xN4NPpefdwvUWAPoeQKc97bnvkkPYgG6ufrRpRamNm/sI9X702Hpf+Cd+oOOLa4kCzZ9A+s/g+2/8n1gAL8H+PN6/hqK7cU1563/go9+uJmPN3/MBykf8Pue39mQuxGA/v5xh2euInJYNfo7+8MPP0xpaSm33XYbN9xwAx9++CGGYbBkyRL+8Y9/cM8993DnnXe25lxFREREpBUVupaBBvl6YbHUX4tKpCMIr9VgACCkEUtBg3y9PDrlxoT48fC0QYzoFt7g84T5ez5Ps5aCVhswDeKG1GyHdgWgq9OcU6cLrGVtMv/O2WpmkbV25lp5IRUW+E9oCHNW/YffAmoaYSxOX2w+cDqxf34tr6X97D529/zbmWspBWCAGheIdEiNLp7x0EMPce2113LllVfi7+/PvffeS2lpKX/9619JSEjghRdeYPr06a05VxERERFpRdUZa1oGKh1dwH4ZmdHBvh7b3jYr3jYLlQ7Dva+hLLYDmdg7iu6RAezKMQMrzc5YqxbWDdLXmI8DIgDo7jDACqlFnSywVtv6z6BgN1w5t/Weozyfr4ICeSEiDMo2QWDNks6HFz5MbEAsP277ms2RQWR5eeHrdBLmH0VGRS4r/PwAGBgxoPXmJyJtptHf2Q2j5ofKjBkz2LJlC8XFxaSnp7Nnzx6uuOKKVpmgiIiIiBwealwgnYW/T8097uNldTclqK12UA0gJsS3zjkH422zcsrgePd2s2usVes2ruaxl5kx1dXVwKDTZaxZ9vu3zN7Sus9Xns9Wb586u61AbnkuF3x7AW9seo8/XJls04pLuDakJpDmZcDIQRe27hxFpE006V3T/ksCAgICCAhQ8UURERGRjqC4QoE16Rxq1xCMC/Fr1NLn7pGBzXqu6FodRA9pKSjAmKsgayP0OB68zQBON3sFBHh1vow17wCoXdvMVjfo1aLK8tnlbX5vjKpykGuzcltuPrvDu/ChtW4TvwEVdibYHe7tUWG9CfANat05ikibaNK7pj59+hz0h05ubu4hTUhEREREGiezqJxX52/n3FFd6RsXfMjjFZSZS0Eb6ogo0lEE7BdYq8/kAbH8uCHDvT0woW73z8aICq4dWDvEjDUvX5j2kvk4azMA3SvKgGD2leyjrKoMfy//hq/vSLz83IG1FG9vCn19GN0S4xoGn678N8tL9nD1kGtICk0y95cXkOoKrD2Zlc3gCjt+hsHXARV86PonP7m4hO+DzABsf7uduLy9vJJXwte+cPH4K1tidiLSDjUpsPbQQw8RGhraWnMRERERkUZyOg0ufn0Jm9KLWLwjl69unHDIDQfySu0AhAW0cuaHSBsLqLUUtKElns9PH0ZmYQXfrdvHgi3ZXLxfJ9HGatGMtdpcGWuRpXnEBvQkozSTNVlrGBs/tuWeoz1zvX4DOKeLudz2p5J04gIPofOmowp+f4ZZ298i12bj1z3zWTB9AVaLlYrSbNK8zPume2UVfq5SSRPzMkkM6krfwiweys4lxOmk0OZFX3sl7FrAeGA8QPdjmz8vEWnXmhRYmz59OjExMa01FxERERFppNV78tmUXgTA2r0FLNuVx+ikiDrnFVdUEeBt4+r/LSPE35tnzxvW4Jj5pWbGWniAMtakY6u93LmhjLUAHy+Sory4/rheXH9cr2Y/V+3GCIdcY602b7MkjwUYVWXhW2Bp+tLOE1jz8uOfEeG8H1qTrbunaM+hBdY+uYziTV+Tm2R2XC2yF7Fo3yLGJ4xnQcFmHBYLsVVVRDtqlniGVxTz/daNVP9a496cPOg2HsiqGTc8CXyat5RYRNq/Rn9nV8t1ERERkfbjl5Qsj+3v1u6rc84zP6Yw6IEf+HDZbuZuzOSzFXspcdVRq09eiZmxFh6ojDXp2AYlhnLhUd0YnBjKmcMTW/W5Imv9f7JZW/AzlXfNks+xezcA8GHKh+SWd5LSPBarR1ANoKCi4NDG3PgVe709c0+W7FsCTiffZCwBYEpZpTuIRnR/cyr7jxPWFU5/oWY7svmBWRFp/5rVFVREREREDr8X5m7hbx+v5uvVabz861bArAMFMHdjBvM2ZrAlo8h9/os/m+fc89la9770wnLsVc56x89zZayFKWNNOjhvm5VHzxzM1zdNZFBi65a6CQvw5uwRXTh1SLxHkO2Q1QqsnVZcQu+w3uRX5PPd9u+aN96O3+C1EyBtVcvMr5UZVWV19mWWZR7yuHu8PANr6aXp7PrsUuZ5m5+Hz+x6Ys3BpIk1jyN71zz2C4ORl0Jwgrk98KxDnpeItF+NXgrqdNb/BkxEREREWl95pYPn5prFyj9ZvgeApMgAHjlzED9uyGB3bhlXvLUMgJ2Pn9rgOCc+M58AHxuzpg9nkisoVy3fVWMtXDXWRFqMxWLhmfOGtsbAcMc2eKon3sBZ3SbzRP4W5qXO48IBFzZ9vLdOp9BqofSLq4i7fmmLT7el2asqAM/6eFmlWfWf3Biuz7t1AmsFu5if+jtGZDjjysroffzlMPRi8A0CL3/YtwqcVTD8Qvj2dvMiP1ew9vI5sHsxDD63+fMSkXavBRf5i4iIiEhrSc0trbPvf1eMJTbEr06G2X1frOPLVXsbHKvU7uDbepaO1jQvUMaayBEhMMqdFXWCdyQAyzOWk16S3qzhJndN5KTAcvLK81psiq2lxFFRZ192WXbzB3QtI93uY37/G11WDkBG4W7W+Zq/bBg1+mboNhaSJkD8UIjuA1fOhat/hf5n1IwVZtZoI7w7DDnPDIKKSIelwJqIiIjIEWB+rZpqNquF964cS9cIs3h590jPotj/W7SLWz5YdcDxsovrfiitaV6gjDWRI0Z4EgAJn1zJaN9YDAy+3Pplk4cpslgosZofD7fmb23JGbaKEqf5Pczf6eThrBzgEJeCluUDsNkVWDum1FxqmlFZyFpXYG1Q3KiGrw+Kgds3w3lvw5Dzmz8PETniKLAmIiIi0s5tzyrmH99tBGDqwDjWPzSF8b2i3Mdjgn0burRBWUWegbUqh5P8MgXWRI44Iy91P5xcZGZdrcpaVee0KmcVH276kF2Fu+qOUVnGTu8jKFPV6aDEMBuxBDoNIl1dOnPLDqFxQ3k+DmCrj/n9b2JZORagEoM93t5YgIFRAw88RnAsDJgGXk3/niwiRy4F1kRERETaua2Zxe7HieH++HnbPI6P7B7e5DGziiowDAN7lROn0+DmD1bicBpEBfkQ3YxAnYi0kaHnw3H3ANC3rASoP+Ns1spZPLr4Ue6Yf0fdMfJ3s9OnprZYsb247jntSVU5JRbzo2yg4STCYdZHO6SOqOUFpHp7UW6x4Gf1JrmyksGOmo/LvQMTCfVt3UYXInJkUmBNREREpJ2zO2qaSF06PqnO8YuO6s7T5w4lPtTvoGPdObUvALmldmb8ZzHjHpvHy/O38d1asybTWSO6YLOqHpDIEWX0VQD0zDdrJ6aXpFNkd3UIdjpxLH+LN9a9AcDG3I0Yhtnh0uF08OCfD/LWutfZUStjrbiynQfWKsspcX2fCojoTbjTzFjLr8h3v7YmW/A8u7zMf4OkoC7YgEeyawJ1o6KGHNKURaTjUmBNREREpJ0rrzQDa8f2iXbXVast0NeLc0Z2oUd0YJ1j1YJ9vVh530lcc0xPAAwD/tyWQ06Jnad+SHGfd/1xPVt49iLS6gIiwCeYEKeTWD+zicGWvC3msV0LmD/vLo/Ts8rMmo2rs1bz6ZZPeTr1O74LrPn+0e4Da1Xl7npwQd5BhLt++VDhqKCsqqzp4+Vsg+2/sMvbzNrrFtYTLDZ6lBYyOz2TY0rLuGTQ5S02fRHpWBRYExEREWnnyivNbAw/7wO/dfOxNXz85hN7Ex7oc8BstNkXjiRM9dVEjjwWi7uJweAAs0voiswV5rH8VH4M9AzIp+SawfTa9db2erfAUlBHVfOua6qqmoy1QJ8A/A0DX6eZqZZX0YyOpvtWAZDq+jfoHpoMIYkATCgr56WMLBIi+x76vEWkQ2rTwNpvv/3G6aefTkJCAhaLhS+++MLjuGEY3H///cTHx+Pv78+kSZPYsmWLxzm5ubnMmDGDkJAQwsLCuOKKKygubue/YRERERFpgprAmu2A5+3fHbS2PnHB7sfnjOwCQFSQLx9fO44eUYFEBPowrmdkC8xWRNpEeHcARnmZNReXpS/j621fsyk3hX1e5vcOm2uZ5MZcsxnKjvUf1jtUszLW9q6Ax7tivHMOOQW7mr8ksz75u2H1h+Ba8kllmbvGWoB3MBYgzHUsr7wZgbX0dQDsci2H7RbSDUqzPc+xaIm8iNSvTQNrJSUlDB06lJdeeqne408++SSzZs1i9uzZLF68mMDAQKZMmUJ5ebn7nBkzZrB+/Xp++uknvvnmG3777Teuvvrqw/USRERERFqdO7DmdeDA2kXjunPeqC58f8vRhAd4dvjrExvkfvz0uUPZ/OjJLLt3EqOTIvj25qP57c7jCfU/groCiognV8baWFfB/T/S/uDvC/7OlXu/JcNmZmKdWFIKwJqsNVCUwY60pQBMLyzijpw8phabzQ+albG2dzlVlaVcWLKG4744jSeXPnmIL6iW1yfD51fD8jegNBdyttYsBfUxf2lwSA0MMtaz3duLZf7+APSL6OduCAFA31MObf4i0qF5HfyU1nPyySdz8skn13vMMAyef/557r33XqZNmwbA22+/TWxsLF988QXTp09n48aNzJkzh6VLlzJq1CgAXnzxRU455RSefvppEhISDttrEREREWkt1TXWDrYUtGd0EE+eMxSAOTOPodTuYMWuPBxOg/hQf49zfbxqxvL3OXDATkSOAK7AWq9lb3PBhIt5P+1XAAqMSgpcSxxPKi3jx6BA1mStwVj/BSm+5tLvySWljC6v4O2QYOYEBTYvY81ewh4vL9b4mV2F39n4Did1P4kRsSMO+aVRlGb+vfIdqr6/m4W+NrICzO9pQa5OneGOmgYGTR9/Hz8FBuDAYGLiRDOwNq439D8dKgohtOuhvwYR6bDabY21HTt2kJ6ezqRJk9z7QkNDGTt2LAsXLgRg4cKFhIWFuYNqAJMmTcJqtbJ48eIGx66oqKCwsNDjj4iIiEh71diloLXFhviRHBXI2SO7cN5ofSgU6fDCk90P79gwn0mu7LTaji4tw99iI68ij1+ylrPPywubYTCwwg5xgwlymkH8ZgXWKkvJ2i+rtroT6SGpXbctbSXvBvlxfVwMn4SYmWqJwV0BCxGuuWeVZjX9OSqKyLKZcx8QOcDcZ7VBRDLEDzWbQ4iINKDdBtbS082W77GxsR77Y2Nj3cfS09OJiYnxOO7l5UVERIT7nPo89thjhIaGuv907ao3myIiItJ+lVc1PbAmIp1MZA/3Q++8XTyXmc1NufnufWGGhUDDYKLNrMF2S66ZrNDHXknAgDPh2LtrAmvNWQpqLyHDFZyqzh77M+1PnIazGS+mlsK9Hpsvh4d6bHcL7Q5efsRWmQG4jNKMpj9HRSG5rrlH+qnWpIg0TbsNrLWme+65h4KCAvef3bt3t/WURERERBpUZq9eCqrAmog0IKIHHHu3x66TSmuy1qJsZmfQaVWeHwGPTpgA574J/mEEuwJrhfZmrOiplbE2tqwcK2B32skuyz7wdQeTtxOA3V427o6OdNdWq9YtuBv4BhHn+gVEeknDCRYNqigix9VVOdJfgTURaZo2rbF2IHFxcQBkZGQQHx/v3p+RkcGwYcPc52RmZnpcV1VVRW5urvv6+vj6+uLr69vykxYRERFpBTUZa53yd6Ii0ljH3wMr3nbXJEuurOLk4hJW+/pyTb8zYNtGjt21iuf8vPkyKJC+9kquGTbFvNbm27gGAEXp8OWN/BQZT1q3Ufw1ahTWqgryyvPJdGV9xVc5iHNaSLMa7C3eS0xATMPjHUzBHpzAtC4JVNbTmTM2IBZ8g4krM7PsmhxYqywHh50cZayJSDO128BacnIycXFxzJs3zx1IKywsZPHixVx33XUAjBs3jvz8fJYvX87IkSMB+Pnnn3E6nYwdO7atpi4iIiLSoiqaUWNNRDqp4RfCbzUdOZ/MyjEfzLgelr0P+alMKq1iUmmZuT8wyvzb5k2ks6YBgMPpwGat53vO59fwfcYS7nREQeav7Cyrwq/KzrtBAQQEm92HYxwOEquqSPOxsadoD8Njhjf/9diLybTZ6gTVIhwOhnQ/0ZyjbwhxxeYqpCYvBa0oAnAH1iL8VU9NRJqmTX/tWVxczKpVq1i1ahVgNixYtWoVqampWCwWZs6cyaOPPspXX33F2rVrufjii0lISODMM88EoH///kydOpWrrrqKJUuW8Mcff3DjjTcyffp0dQQVERGRDqOxXUFFRDjmjrr7rN7gFwr9z6h7zN+suYbNhzBXxprTcFJgL6h//LSVfBAS5N78xN+Ld4IDMCy4l2nGVlWRWGEG7vYW7613mEartUyz2piycn7YncasE2aZO3yD3UtBc8tzKa8qb8L4hVRYoNg1d2WsiUhTtem7s2XLljF8+HCGDzd/g3HbbbcxfPhw7r//fgDuvPNObrrpJq6++mpGjx5NcXExc+bMwc/Pzz3Gu+++S79+/TjxxBM55ZRTmDhxIq+++mqbvB4RERGR1uDuCuqljDUROQgvH+g+wXNfQCRYLDD8orrnVwfWvHzxAkJdddZyy+pZDlpZTo69iJWusjp+zvobE/RyWkl0NRM45MCavYQ8m+f3vnOLivEzDCzVWWx+oYQ6nYTb/AHYlLup8eNXFJLryszztnoT4hNyaPMVkU6nTQNrxx13HIZh1Pnz5ptvAmCxWHj44YdJT0+nvLycuXPn0qdPH48xIiIieO+99ygqKqKgoID//ve/BAUF1fNsIiIiIkemMi0FFZGmmPExHH17zXZ18CymH5zxIvQ/ve4xmzeAu85aXkVe3XFLMknx9cGwWOhR5eSq/PqbHHTzj6ZLZU1gbW3WWj5K+YiCigay4A7EXuLu2Jlkr+Rf6ZlMDR8IF39Vc45vMBZgqF80AKszVzV+/IqimmWgfhE1wToRkUbSegIRERGRdq5cgTURaQqfQDj+/2q2HRU1j0dcDBNvrdn2dWVo2cwstAhXpllOeU7dcQv3sc8VhEq0+jOjsIjYqiqCHU6S7JXu02whXehSnbFWtJfb5t/GI4se4YZ5NzT9tdhLyHMt0xxot3NsWTlcORd6HFvnNQzzCgPgpz8f561FjzeukUF5oTqCisghabfNC0RERETEpBprItJktRsP2Es8jyWMMJschHQBV9DKnbHmWt45e8WLDIocRJfgLubxiiL472T2hYUCEO8TSqBh8PHedKosUGqxMjM2ikuH3QCpa0ncYwbW0krS3E+7Pnt901+HvdidURbucNR/jm8wAGMtgQCs9vVmdcq7/JCzhndPeffAWWi1MtZUX01EmkPvzkRERETaOS0FFZFDUlHsuW2xwLSX4Ph7avZ5mRlro8rMwv/bilJ5dNGjNcf3rTH/ctV6jPc3u4mGO51E+4TSvaqKz/emMy1pCoTEE+Vw4rvfx80qo4rSytKmzd1eTJ4royzCJxTOeq3uOa7A2gCH5/OtzV7LysyVBx6/LM+91DTCTx1BRaTpFFgTERERaWfKKx1Mf3UhD361ntwSO7kldgASw/3beGYickTpPdn8e+SlBz/X5gPAmcU12W1/pP2BYRjmRkkWAOle5qKnOItPzbV9T6157B0AIYlYgB4W3zpPs69kX6OnD3g0L4g44QEYcl7dc/zMpaDW0ixuyMsnxOEg2tUldF32ujrjUZZfs120T0tBReSQKLAmIiIi0s58vGw3i7bn8uafO1mfZhb7TooMIMTPu41nJiJHlLP/A+e+CSfed/BzrV6AhQDDYF5qTSdP91LOonTKLBa2+JjfhxL6/8Xcn3ws9JlcM45PIIQkAHBBZd3KQ03uEmovJte1XDXcL7z+c6rrxGVs4Nr8Qhak7uXsIjNLb1vBNs9z3zyNgn+NZE7KJ+SU5bgCa1oKKiLNpxprIiIiIu3IhrRC7vuypg7Rmj1mYG1gYmhbTUlEjlR+oTDwL40712Ixs9YcFcQ4HPSrsLPJ14dNOZtIDEqE4nS+Cgokz2YjMSiRwb1Ph1vWQFAMGE4zuOUfbv7tCqydkp/L/VGevxBoemCthNyAgyzVDE8y/y4yg4AWoGel2Uxha97WmvNKciBtBffHRPHzoocIXzmLD8v8ya4OrCljTUSaQRlrIiIiIu1ElcPJvV+s9dhXnbHWKzqoLaYkIp2JV83Sze6uwFTtjLXqbLWTk0/G2+YN4d3B29/MUpu5Bq77A2xeENETAN+ifcQ5nB5PkVacRpPYS8itrrHWUGAtcSTEDPTY1cvVpXRr/lYcTlfTg+wU9nrZ+CXAXFafV5HHc1X72OVt5pu4GzWIiDSBAmsiIiIi7cRTP6awIjXfY9+uHLPQd1SQTz1XiIi0oICajK1IV0AsrzzP3FGU7i7yH+VqXODBP9zdRAD/MIjsDcB7e9O4Mr+Aq/LNXxI0NWOtvKKYsoMtBbVY4Mx/w4hLYPKjMOEWkiorCcBKaVVpzXLQrE0s8fPDsFiwumrHzfF2kumqG9cztGeT5iYiAgqsiYiIiLQbS3bkAjBzUm9igs3MkVRXYC08UIE1EWlltQJrEa4sr9xy8/sSJVlNK/LfZRQA0Q4nt+QVMKjCbMLSpIw1p5M8p9ml1MviRZD3ATJ3E4bBGbNg/E3QZQxewGCnGQhcnbXaPCdrM5tdWXfnFxbjjwXDYjEvD4wnyEeZwSLSdAqsiYiIiLQTxeVVAIxJjiDYz8ygKKow90UEKLAmIq3MtyawFOEwA2s55TnmjsrSphX573aUx2Zilfm9rEmBtdIcd5ZchF8EFlcQ7KCC4wAYVm4G8xamLTT352xhs4/5vXSg3c4wV7APoFd478bPS0SkFgXWRERERNqJElcQLcjXi+D9OoAqY01EWp1P7cCauRTUnbFWWVYTWGtMxlqvkzw2412BtbyKPEorSw9+fWUZRuYGHos0l3+G+jWhgYsrsHZCQTYAv+35jSJ7EUbOVlJcGWt97HZOLCpyX3Jsl2MbP76ISC0KrImIiIi0E0UegTXP5u0RCqyJSGurrpEGRLoy1nLLzMBaRWUZxa5aZ43KWAtNhKSjwcsPko8hxGkQZTWXuG/I2XDgaw0D4/VJ/O+LGaz2M6+JCYhp/OsIigWgf3kZSUFdqHBUsHjPH2QW7aXAZsNmsdKjspKTSkoJcDoJxsrU5KmNH19EpBYF1kRERETaAcMwajLW/Lwoci0LrRYW4F3fZSIiLaf/6e6H+2es5TgrAPC2ehHiE9K48f76IdyyGpKOAWCUzcw6W5qxtOFrKsvhxRG8XbqLpyJrmhVcM+SaRr8MbN4QGI0FGB3WB4DVexew2dvMuEsKScbXP5IIp5P309J5L3hE41+TiMh+FFgTERERaQfKKh04zSZ1BPl6kVVU4XHc18vWBrMSkU6l7ynw14+g1yR3jbXSqlLK7SXkYG5H+jah1plPoLks07WMcxRm9tny9OUNX7Pzd6pyt/NSuHnNxQWFrIqYxPCY4U17LdV11orMrqY/7f2N1b7m8/cJ7wMRPQDoUVlFUlivpo0tIlKLAmsiIiIizZBfauex7zfywJfr+H7tvkMer7pxgdUC/t42iiuqDnKFiEgLs1igzxSI6U+gYeCFGUArKM1sWn21/bkCa6Mrzc1VWauwO+z1n1uSRaq3F2VWK/5OJ7fn5mNzdRhtkpGXAjB2/ff4Wn3YW5HHK65g3cCoge7AGuAOwomINIcCayIiIiLN8PbCXbwyfztvLdzFde+u4P0lqYc0XnV9tUBfLywWC0+dMwRvm4UT+sUwZ+bRLTFlEZHG8QvFAoRYzFqPBaVZ5Nhc9dX8o5o1HkBybioRfhFUOCpYlrGs/nNLstydO3tHDsB6xosw+NymP+foKyF2MLGVdp5KrKmfFmr14azeZ4G3f825SfoeKyLNp8CaiIiISDNs3FfosX3PZ2vZnFHUwNkHV11fLdjX/CA7eWAc6x6awn8vHU2/ONX+EZHDyC8MgFDXx8WC0kyyvaoz1poRWEscAT5BWAp2M94vHoB/Lv4nVc6azNz12ev5fMvnGMWZbPE2a0r2jhoIIy4Gr2Y2bxk4DYDjc9KYTjD9K+y8mHwewT7BNV1Lg+Mhuk/zxhcRQYE1ERERkWapDqL96681dX/2D7YdSGZhOSc9O58X5m4BapaCBtXqBqq6aiLSJnzNYH6oq+5jQVkuOdZDWAoaFAOjLgfg9vS9BGNjV+EuVmauBKCsqozp307n/j/vZ0XhDnb4mIG1HqE9GhyyUWIGmn+v/4z/S93KR2npDO9+vLmv36lw/jtwze+H9hwi0ukpsCYiIiLSRKk5pWzLKgFgdFIE54/qCsCO7JJGj/H0jylsySzmubmbAc+loCIibcrf7MYZ5uoMuiZnPe+HBgMQ6deMwBpAdF8Aovat4fiiAgD+9sutpJek8/2at9ynbSzLYI+X+X2wW0i35j1XtchaTQkcFdDnZEh01WuzWMwuqEHRh/YcItLpKbAmIiIi0gTzN2dxzFO/AOayzZhgX5KjA4GmBdZS0muWjVY5nO6loEEKrIlIWwuIACCkyuw28Mau79yHwv3CmzdmZG/3w1NKSgHItRdw9ZzLWbbwKfexJVV5bPQ1l352CerSvOeqFp5U8zhmAEx/F6z6CCwiLUvfVUREREQasHBbDnd9soa9+WXufbd+uMr9uHtUABaLheQoM7D25ao0/u/ztTidxkHH3p1XM+a+gnLySs0PsCH+3i00exGRZnJlrIVWltc5NCByQPPGrJU9NqGsnA/2puNtGOwo3s3XQQHuY7/YKt2PE4MTm/dc1WrXZhtxMVi1vF5EWp4CayIiIiL12J1bygWvLeLDZbt5+Ov1ADicBrkldvc53SLMD4MjutVkcLy7OJXlqXkeYy3flcvA++fw0dLdAFRUOTzG2ZNXRlZRBQAxwb6t84JERBqrgcDaK5WhJIcmN2/MgAhIqKlJOdBuZ2Jp2QEuAH8v/wMeb5RLvoETH4AxVx/6WCIi9VBgTURERMTlz23ZfLxsN39uzWbh9hz3/h/WZ/DMjyk8+NV6j/P9XM0FooN9uefkfu79585eyKfL97i3H/lmIyV2B3d+ugbAHUSrtjuvlOziCvdYIiJtyi8MLFbCXTXWAMIdDsYVFzR/TIsFrpwH1/zm3jWpVmAtssrhcfoVg65o/nPVlnw0HH2bstVEpNWoiIeIiIgIsDWzmAv/s5jqVZxDuoR6HH/x5611rqndwfOaY3tSanfwwjyzy+ftH69mQq8o4kL98LZZ3OdlFpaTuV9g7aOlu3Ea5hNHBymwJiJtzGoFvzCOKqvpdNzPbseSn3WI49ogqq978/TiEhKqqtgeFMGQwmw+CAnm0+AgLuv3V2aOnHlozyUicpgoY01EREQE+GLlXmqXRluzx8zM8LJa6px7wZiuJEUGcO2xPT32nzuqC+EBNTXSftyQDkBReZV735h/zuP9xake1y3blceK1HxAGWsi0k74h9OtqorulWbNszOLGt+c5YC8/cysteB4LMCo8grO6/UX+tkruScnl2eI4cZRt7fMc4mIHAYKrImIiIiAe+nnwIQQj/1/HdvNY9tigYenDeLXO44nIcyz/k+X8ABW3HcSfz/FXBb61A8prNtbQGpuqcd5H7uWiY5JiqgzDwXWRKRdcHUG/c++TJ7NyOLkklKIHdQyY8cPhaHTa7a7HQWArwGTo4bhY/Np4EIRkfZHgTURERFplwzj4J01W1JhmZmVMW1Ygnvfe1eN5e+n9OeCMTXBNcMAb1vDb6EsFgtTB8YDZqbaaS8uoNTuqPfcbpEB7iBcNS0FFZF2wd8MrMU5HJzkG4fl+Hth+rstN37MwPof+wa33HOIiBwGCqyJiIhIu5NTXMHEJ37h8e83HbbnLKkwl2uOTY7khenD+PS68YzvGYWft43HzhrMM+cOxWIxl4EeTLfIgDrdPc8f1ZW/Te7jsW9Cr0iuPqYnc2YeTbeIAAbEhxClwJqItAf+Nd2OiR0Ix94B4UktN35Ej5rHwXHQZyrYfGHU5S33HCIih4GaF4iIiEi788YfO9mbX8bs+du4++R+B7+gBRS5AmtBfl5MG5ZY5/jZI7swJjmCmJDGBb5evGA457+6yL39wBkDCPDxYltWCX9szea/l45mUKLZIKFfXAi//u04DMBaT003EZHDLqDWUvXA6JYfP34oJB8LAZHgGwTnvwv2Is+AnojIEUCBNREREWl3Glo62VoMw3BnrAX5Nvz2qGtEQKPHHNsjktUPTObpH1I4e2QXAnzMcZ87fxiGYWCxeAbQFFATkXbFv3ZgLarlx7d5wSVfeW4rqCYiRyAF1kRERKTdcTidh/X5yiud7o6ggQcIrDVVqL83j5xZt9j3/kE1EZF2xz+s5nFAZJtNQ0SkvVONNREREWl3qpw1jQsqqlo/e63Yla0GEOBta/XnExFp92ovBQ1ohYw1EZEOQoE1ERERaXfsVTUZa0XlVQc4s2XUXgaqJZkiInguBa0dZBMREQ8KrImIiEi7U1BW6X58OAJr1Rlrgb7KVhMRAfZrXqCMNRGRhiiwJiIiIu1OfmlNYK2wVpCttdQE1lR+VkQE8GwkoBprIiINUmBNRERE2p28Urv78eFeCioiIuy3FFSBNRGRhujdo4iIiLQLlQ4nv2/JYkKvKLKKK9z7i8oPX8aaAmsiIi6+QXDJ12Cxgrd/W89GRKTd0rtHERERaRf+8/sOnpizqc7+w1tjTW+NRETcko9p6xmIiLR7WgoqIiIi7cLrC3bUu7+wFTLWbv9oNWf9+w9399EtGcUAJIYpK0NEREREGk+BNREREWkXukcG1Lu/dr21lpBfaufTFXtYkZrPhn2FAKzekw/A8G5hLfpcIiIiItKxtevAmsPh4L777iM5ORl/f3969uzJI488gmEY7nMMw+D+++8nPj4ef39/Jk2axJYtW9pw1iIiItIc+bUCaN42C+N6mMWys4oqGrqkWVbtzvd4zh3ZJaxMNfcN7RLWos8lIiIiIh1buw6sPfHEE7z88sv861//YuPGjTzxxBM8+eSTvPjii+5znnzySWbNmsXs2bNZvHgxgYGBTJkyhfLy8jacuYiIiDSFYRik5Zs/u3/923Fs+ccpnDk8AWjdwFpmYQVP/5gCQL+44Aaz5kRERERE6tOuK/T++eefTJs2jVNPPRWApKQk3n//fZYsWQKYb8Kff/557r33XqZNmwbA22+/TWxsLF988QXTp09vs7mLiIhI4+WXVlJW6QAgLtQPgOhgXwCPDqEtoXZgbd6mDFJzywC45cTeWCyWFn0uEREREenY2nXG2vjx45k3bx6bN28GYPXq1SxYsICTTz4ZgB07dpCens6kSZPc14SGhjJ27FgWLlzY4LgVFRUUFhZ6/BEREZG2szHd/FkcH+qHn7cNgOggM8DWkhlrhmGwulZg7Yf1GWx01VnrGqFsNRERERFpmnadsXb33XdTWFhIv379sNlsOBwO/vGPfzBjxgwA0tPTAYiNjfW4LjY21n2sPo899hgPPfRQ601cREREmmTRthwAxiZHuPdVZ6xlF9txOg2s1kPPJtuVU0peaf1dRmNCfA95fBERERHpXNp1xtpHH33Eu+++y3vvvceKFSt46623ePrpp3nrrbcOadx77rmHgoIC95/du3e30IxFRESkqf7Yms2sn7cCMK5npHt/ZJAPAA6n0WKdQVMyiurdb7VAZKACayIiIiLSNO06Y+2OO+7g7rvvdtdKGzx4MLt27eKxxx7jkksuIS4uDoCMjAzi4+Pd12VkZDBs2LAGx/X19cXXV2+eRURE2lpuiZ0Z/1kMQHiAN5MHxLmPedusRAT6kFtiJ7vYTmRQ83525xRX4OdtY1dOKUt35AJw6pB4Vu/OZ0+eWV8tKsgXWwtkxImIiIhI59KuA2ulpaVYrZ5JdTabDafTCUBycjJxcXHMmzfPHUgrLCxk8eLFXHfddYd7uiIiIp3WhrRCftyQzqZ9RfzzrMFEBPo06rottTLIXpg+nPD9rosO8iW3xE5WUQV944KbPK83/9jBo99upMppeOxPigxgeNcwHv12IwCxIX5NHltEREREpF0H1k4//XT+8Y9/0K1bNwYOHMjKlSt59tlnufzyywGwWCzMnDmTRx99lN69e5OcnMx9991HQkICZ555ZttOXkREpJNwOg3OfvlPd1fPgQkh3HRi74NeV+lw8tDXGwA4tk80x/SJrnNOdLAvKRlFzNuUwcTeUU2e2wdLd9cJqgF0jwj02I4JVia7iIiIiDRduw6svfjii9x3331cf/31ZGZmkpCQwDXXXMP999/vPufOO++kpKSEq6++mvz8fCZOnMicOXPw89NvnkVERA6HvFK7O6gGUFxR1ajrPl+xlw2ujpzJUYH1nhPlqrP2xh87Gd4tnDOGJjRpbtnF9XcU7RYZQF5JTd02NS4QERERkeZo180LgoODef7559m1axdlZWVs27aNRx99FB+fmmUiFouFhx9+mPT0dMrLy5k7dy59+vRpw1mLiIh0fKk5pfy5NRuAjELP4FVuSeMaDazcned+HNnA0tHoWplkT/+QwtbMYlJzShs1fpXDSY5rLu9dNdbjWL+4YIL9vGs9j34hJyIiIiJN164z1kRERKR9mvTsfOwOJ1/fOJHsEs/AWpYrS8wwDBxOAy9b/b/HK6moyXI7Z1SXes+pfW1eqZ1Jz87HaoGNj0zF18t2wDnmlNgxDLBZLYxNjvQ4FhbgQ7BfzdsgLQUVERERkeZo1xlrIiIi7dXCbTnM3ZDR1tNoE2V2B3aH2Ujoz23ZZBaWA1DdVPPXlCxOf3EBF/93CcMf/om0/LJ6x9mTZ2ae/XvGCOJD/es9x7tWYK2o3Fxi6jRgzZ6Cg84zq8gM8EUG+mCzWpg8IBaAEd3CABRYExEREZFDpow1ERGRRiqvdPD5yr18uHQ3q3bnA+YSw/E9m15U/0i2LavY/fix7zcR6m8uqRycGMpqV8Br7d6awNfCbTmcPbImI80wDL5fl86K1HwAuoTXH1QDuGRcdxZty2HJzlyP/Yu25TA6KeKA88wsMgN+1ctJHz97CEO7pjJjbDcAgmoF1qIUWBMRERGRZlDGmoiISCOUVzq44LVF3PPZWndQDeDlX7e13aTayOaMIo/tgrJKAAYlhtZ7/v411z5Zvofr313h3u4SHtDgc0UG+fLRteN4+tyhHvuX7cpr4Ioa1Rlr1dloEYE+3HB8L8ICzHpuIbVqrFUHB0VEREREmkIZayIiIo1w2RtLWenKsAIYnRTO0p15bEovaviiDmp1rcBiNZvVwlkjElmfVugReARIdy0VLbVXEeDjxYs/b3Uf6xkdSEQDjQtqO2dkF8L8vfl+XTqfrtjDur0FGIaBxWJp8JrtWSVAw4E7P28bl45Poqi8ih4NdCUVERERETkQBdZEREQOwl7lZKlrKeIFY7rxwOkDsDucDHnwR7KKKigsr/TIfuqoSiqqeOOPHby1cBcApw6J58Kx3ekVE+Rebvn+VUfxxJxNvPnnTvd16YXlfLAklbs/W0t4gDd5pWaGm5+3lefOH9bo5580IJaJvaP4ctVeckrspBWUkxjW8DLSDfsKARiQENLgOQ+eMbDRzy8iIiIisj8F1kREpNMrr3SwIjWP7GI7Jw+KcxfM35JRhJ+3jVK7gyqnQbCvF//8yyAsFgt+3jaig33JKqpge1YJw7qGte2LOAz+8/sOnpu7GYAQPy+eO28YPl6eVSX8fWzcd9oAMovKWbgth7zSSjIKyvl0xR4Ad1Cte2QA8+84vslz8PO20Ts2mI37CtmQVugRWMsvtXPrh6sY3i2cacMS2JDmCqzFNxxYExERERE5FAqsiYhIp7Yzu4QLX1/Mnjyzc+WDpw/g0gnJ5JfaOem53wB45MxBAPSJC/ZYetgzOtAVWCvuFIG1P7Zlux+fN6prnaBaNZvVwr9njGTZzlzOmb2QvfllOA3D4xyH06j32sboGR3Ixn2F7Mwu8dj/9I8p/JKSxS8pWTz7kxkAtFqgb1xws59LRERERORA1LxAREQ6tdnzt7mDagC/bs4CYGdOqXvffV+sA+pmPiWEmtlSma4i+R1dUXmV+/GNJ/Q66Pm9YoLw9bKyr6CcjMIKLBazcyjAX12dOZsj2VUPbUdOTWDN6TT4eNmeOuf2iA7Cz9vW7OcSERERETkQBdZERKRTq67Dde2xPQFYuiOXSoeTvP06WVotdYNJ1UX39z/3SLI9q5hr/reMlameXTZ355by7I8plFSYwTSH02BbVjEA8+84zt1Z80DCAny4+pge7u2+scG8e9VYnj9/GFcd3eMAVx5YUqQZWHtvcSp3f7qG8koHl725lIoqZ51ztQxURERERFqTloKKiEin5XAabM4wu3qeM7IL7yzaRXFFFafNWkBKhme3z1MGxxMb4uexL9wVWMs5QgNrhmFwwjPzAcgutvPpdePdx058Zj52hxOnAX+b0pedOSXYq5z4eVsb7LJZn2uP7clHy3aTUVjBbSf1IcTPmzOHJx7SvJNqdfD8YOlu8krtzHdlGu7vQI0LREREREQOlQJrIiLSae3ILqG80gwWJUcF0jM6kNV7CuoE1QD615P5FHmEZ6z9vCnT/bigrJLMonKu/d9y4kL9sDvM7K/Ve/IBWLe3ADAzwGxWS52xGhLo68Un145nd14p43tGtci8e0UHeWz/sD4DgEvHJxHk68W/ftnqPnZc3+gWeU4RERERkfoosCYiIp3Sn9uyeXdxKgDDu4Zjs1roER3E6j0F9Z4/yFUbrLYjMWPN6TSYuzGDHtGBPPrtRvd+P28r932xjhWp+R7n/74lm2U7c1nr+ncZXM+/w8F0jQiga0Tjs9wOJjTAu979x/WNZkKvKCYPjOXRbzZy7qgu9ItTxpqIiIiItB4F1kREpNNZvD2Hv7622L19gauQvmHU36ny3lP7M7FX3Wyr6oy13CMksGYYBk/8sIlX5m+vcyyjsIKtmcX1Xve3j1cT41oGO7hLWGtOsdl8vawc1SMSb5uVIV3C+OjacW09JRERERHpBNS8QEREOhXDMHhizib3dkKoHycPigPgvNFdARibHMGYpAgAPrz6KK48uke9yx+PtOYFL8zbUieodspg87VnFVVQXlm3+D+YHVI3pJlNHpqTsdYaxvWI9Ng+qkekun+KiIiIyGGnjDUREelUfk3Jci93HN8zkvtPH4C3zerajuLrGyeSFBWAxWJhd24p/eKCGxyrOrBWVFFFeaWj3QZ2UnNKefKHTXyzZh8AwX5eFJWb3T6P7RPNd2vT3ece1zeavwxPJKfYTn6pnVk/m/XKiiuq8PO20jM6sO4TtIFnzhvKGf9aQHaxGdScNCC2jWckIiIiIp2RMtZERKRT+WTFHgAum5DEe1cdVacG1+AuoQT7eRPk60X/+BAsloYL9Yf6exPoYwbT9uSVtt6km6nS4WTBlmxmvL7IHVRLjgrkf1eMdZ8zypWZV+3EfjFMG5bI5ROTmbZf984B8SF42drHW4eEMH9euWike/uMoQltOBsRERER6ayUsSYiIp1GSUUVP280O2GeOSzxIGcfnMVioWdMEGv2FLA1s4ReMQ1nt7U2p9Pg7s/WEOjrxQOnDwTgzT928o/vzAYFYQHeXDkxmSkD40iKCmRQYgg+NivJkTUZaH7eVv46trt7O8TPs0nA/kG4tjaiWzg3n9CLvnEhhPrX39BARERERKQ1KbAmIiKdQl6JnWOe/IWySgfJUYEM6dIytcJ6RAWyZk8Bt320iuP7nYTVYnEvLT2cluzM5aNlZjbedcf1JCbYj+W78tzH/z1jBON71jRg+Oamo92Pzx7RhR/Xp/PhNeM8askF+3m+TTimd3RrTb9ZLBYLt03u29bTEBEREZFOTIE1ERHpFD5dsYeiCrOu2NXH9DjgEs+m6BEdBECp3cGxT/5KemE5w7uF8eiZgxiYcPgK/c9ZV1MnbX1aIRXRTuasN/c9Mm2gR1Btf0+fO4TyMwfh7+NZI27/mnGjksJbcMYiIiIiIke+9lEoRUREpJVtyyoGIDHMn/NHdW2xcY/tU5PFlV5YDsDK1Hwufn1Jiz3HwTidBt+t3efeXrO7gAteW+TePqbPgTPNLBZLnaBafdprcwYRERERkbaiwJqIiHR4xRVVfLZiLwB/m9IHq7VlstUAhnYN46wRdeu15ZTYW+w5DmZ5ah6ZRRXu7efmbmZPXpl7u0t4wCE/h5+33jKIiIiIiOxP75JFRKRDWLMnn/8t3EmVwwmAYRjMWZfOnrxSHvpqPRVV5v4eUUEt/tzRQb4tPmZTLNmRC5gNCvZ3ybjuHnXTmisysG1fo4iIiIhIe6QaayIicsTLL7VzyX+XkFdayX1frmd8z0jOGJrA3Z+tJTLQxyN7rEd04AFGap7QegJah0tFlYOPlu0G4K9juvHvX7e5j31z00QGJbZMnbejekS2yDgiIiIiIh2JAmsiInLESkkv4peUTB7/fpPH/j+35fDnthzAc0nm/acNINiv5YNgof6HP7D22Yo9PDd3MxGBvuzKKQXMem+1A2sDE0IO+Xk+vW4cnyzfy91T+x3yWCIiIiIiHY0CayIi0u5UVDkoLKsiOrjh5Ydv/rGDB7/e4LFvfM9IvG1W5m/OqnN+qL83l01IaumpAhDm71Nnn9ViLkdtqe6jtWUUlnPbR6sB2J1bU0ttUGIoNxzfkw+X7uG1i0e2yHOP7B7ByO4RhzyOiIiIiEhHpMCaiIi0O/d8upav16Tx8bXjGdY1rM7x8koHz83dAsCwrmEc0zuKkwfH0zc2GKvVgsNp8MK8LWxIK2DuxkwA+sUFt0qQC+rPWHMaZtOE1siQS0kvqrPv8+vHE+jrxR1T+vG3yX1b7bWKiIiIiEgNBdZERKRdcTgNPltpdvB84Mt1fHnjxDrnvPXnTgrKKkkM8+fT68bXKc5vs1q47aQ+7nNX787n8onJrTbn2k0DnjpnCPd9uY7ySif5pZWtElgrqajy2E4M82d4t3D3toJqIiIiIiKHhwJrIiLSLuQUV5h/16qJtnpPAQu35TA2OYL3l6ZiwcIZwxJ4YZ6ZrXbLib0P2vHykvFJrTbnasF+NT9Oj+oRSXiAD/sKyskqrqBrRECLP1+J3eGxfdrQ+BZ/DhEREREROTgF1kREpM19vTqNWz9cRai/d53Msse+38jkAbE8/eNmAN5euJNSu4PwAG/OHdWlLaZbR5fwAIZ3CyMy0Icu4f70igliX0E5a3bnM6JWJllLKbXXZKzddlIfbji+V4s/h4iIiIiIHJy1rScgIiLyr5+3UuU0yCmx89QPKQBcMTEZb5uFNXsK3EE1gE2u+mKDEkPbzZJHm9XC59dP4D+XjMZisXBUj0gAFu/IbZXnK6kwM9bOGdmFmxuRtSciIiIiIq1DgTURkUbKK7FTvF9tK2m6DWmFfOGqobZubwGnzvqdlAzPYvw2q4Wrj+nBbSf1de/rFRPE8X2j3dtDuoQengk3w6juZpbamj0FrTJ+dcZaoI+tVcYXEREREZHG0VJQEZFGyC+1M/7xn0kI82Pubce2m0ypI9Eps34HzE6a7yzaxfq0QgCO7h3FBWO6sS2zmEFdQokN8eO643rSLz6Y537azP+d0p+0gjJ+SckC4PShCW32Gg4mJsQPgL35ZWzOKKJPbHCzxyooq+S5nzYzfUxX+sWFkFNc4a5DF+CrH+MiIiIiIm1J78hFRBrhq9VplFU62JZVQnmlE39lCjVLXq3GBIu25/DHtmwA/ja5DxcdlURoQN0Omsf3jeH4vjGA2TE0p9jO6KQI+sWFHJ5JN0PtZgaTn/uN3+88vtlNDP757UY+XLabD5amctfUfjz67UYcTgNQxpqIiIiISFvTUlCRQ7R8Vx5XvLmUZTtbp5aStK1SexUrU/PcSxcBLQc9BKv35Lsfv7cklfJKJ7EhvtxwfK96g2r7s1ktXHl0D4Z2DWu9SbaA2oE1gBWpeU0eY29+Gae9+DsfLtsNQHmlk4e+3uAOqgEE+Oj3YyIiIiIibUnvyEUOQW6JnbNf/hMAb5uVUUkRbTwjaWkPfrWej5bt8dhXUlFFdLBvG83oyLUyNY//+3yde7uo3AxQnj4kocMtrfX1OvRMsjnr0lm3t/CA5wRpKaiIiIiISJtSxprIIfhxfbr78dq9dYuU78guYWtm8QHH2JVTwppaWTzSfpRXOuoE1aD9ZqytSM1jzrr0g5/YQgzDOOg5qTmlnDv7Tz5etpuZH65ib36Zx3Evq4XzRndtrSm2G2V2R5Ovqb1strY+sUHuxwG+WgoqIiIiItKW9KtukUPw04YM9+P0wnLKKx34edswDIOnfkhh9vxteNus/OMvg+keGcDo/TLafk3J5NI3lgLw5Q0T2v3yts7m15RM9+OzhieyIjWPnTml7Tawdu7shTicBq9cNJIpA+NabFyn06C8ykGAjxeGYWCxWHhx3hb++8cOnj53KCf2j633uq2ZRfzl339SVF7F0p01SyEX3HU8cSF+bNhXiI+X9ZAK+x8pckvrD5IdSGZROQC3n9SHzKIK/rdoFwCjkiLYnGEG7AO1FFREREREpE0pY03kEGzNqslGczgNtrm2527M5N+/bsNpQEWVk799vJqLXl9MSa2AzJo9+e6gGsCLP285fBPvhCodTiqqGp81tGxnLte+swKA647rybPnDyPU36wBVtJOA2vVtbee+2lzi42ZVVTB1Bd+45gnf+GjpbsZ+tCPTH3+N575aTN5pZVc8dayBrOxnpiT4l7uWW3ygFi6hAfgZbMypEtYu25A0JIayj47kMyiCgBiQ/yIDalZejyqe7j7ce16ayIiIiIicvjpV90izeR0GuzLNzNKkiID2JlTypIduezOLeMf320AoFdMENuzinEaZuHxTelFjHR9KP5lU5bHeH9uy6HK4cTLpnh3SyuvdHD+KwtJzS3ll78dR1iAzwHPr6hycPvHq93bfx3TDYBAVz2r9pixZq9yuh9vSi8iq6iiRerAPftTijs76s5P1wBQmF7kcc7vW7KYXE+G3Ord+QDcMaUvE3pFsXZvAScParlMuiNJTjMCaxmFZmAtOsQXapWg6xGtpaAiIiIiIu1Fu/8Ev3fvXi688EIiIyPx9/dn8ODBLFu2zH3cMAzuv/9+4uPj8ff3Z9KkSWzZoswfaX1ZxRXYHU6sFjhnZBcAHvp6A9e+s5zduWYdqQdPH8jn109wX7NxX00h8v27BJbaHaxLO3Chcmmet/7cyeo9BeSVVrJs54G7M5ZUVHHL+6vYlVMKwCfXjqNrRADQvgNr+2eNvb1w5yGPWV7p4JvV+w563uz526h0OD327ckrJbOoAqsFLpuQxLCuYVx0VHeigjpn04fPVuzlvwt2NOmaLNdS0NhgP6KCaoLB8aF+/HvGCG48vhfjekS26DxFRERERKRp2nVgLS8vjwkTJuDt7c3333/Phg0beOaZZwgPr1kG8+STTzJr1ixmz57N4sWLCQwMZMqUKZSXl7fhzKUzqC7CHhfix+SBcezf1PC0IfEc1SOCoV3DuPbYnoC5/LO80kFheSWLtucA8N3NRzPJVaNqyY6cw/cCOpE/ttX8u65L82wyMX9zFv3vm8PLv24D4KkfUpizPh2b1cKbl4326PRa3YGxPS4FLa30nNPs+dvYmlnUwNkHtmp3Pq/9tp3v1u6jqKKKxDB/Nj48lW9vnsj2f57CBa4MPh+blSBfL1ak5vPNmjR25ZSwM7uEovJKzvq32S23Z3QQAaoDBsDD32xwLxc/EKfT4L8LdpBdbGa5xYb4EuTr7T4eFeTLKYPj+duUvh2um6qIiIiIyJGmXX/aeeKJJ+jatStvvPGGe19ycrL7sWEYPP/889x7771MmzYNgLfffpvY2Fi++OILpk+fftjnLJ3H3jwzsJYY7k+f2GBe+usIPluxh9OHJjBtWKLHueN7RjJ7/jY+WrbHo8tk98gA+scHMzY5grkbM1iyI5erj+nZ6DlkF1fw5ao0TuofS7fIgJZ5YR2MYRisrdV1dV2t7q2F5ZXc+uEqyiodPDFnE+kFZby7OBWAJ88ewnF9YzzGCnJnrDW9w2NrK3VlrAX7eTEmKYJ5mzJ57LtN/OeSUTw/dwvhAd5cOiH5IKOY7vlsrUd25bRhCfj72BiYEArAw9MG0ismiBP6xfDlqr08P3cLz/20hfSCcuy1MtcCfGzcfGLvFnyVR5Y3LhvNZbXqKAIUllUe9LpfUjJ5+BtzOfkpg+OIDPIlLMCHKQNj6REdhM2qYJqIiIiISHvRrgNrX331FVOmTOHcc89l/vz5JCYmcv3113PVVVcBsGPHDtLT05k0aZL7mtDQUMaOHcvChQsbDKxVVFRQUVHh3i4s1PI7aRzDMLj6f8vZk1dGqL/536d7ZCAApwyO55TB8fVed3TvKE4eFMf369I99p83qisWi4UxyWZW1JIduTicxkE/OK/anc+i7Tk8MWcThgGLt+fw6sWjDvXldRhOp8GK1Dx8vKyEB/iQV1oTzFiwNZuCskr8vW1c985ycmvVvnprodl1sUdUIH8Znlhn3MB2nLFWvRQ0wMfGPaf0Z96mTOZvzmL5rjxemGcuj1+8I5dxPSNJjgrkgS/X8+Q5Qzwy8nZklxAX4ucRVAv28+L80V09nsvbZuWKiWaQ7oyhCTw/dwupuaUe5/jYrLx31VEM68Sdbo/vG8M3N03ktBcXuPdZG5FhtmRnLmBmqj1z7jAAbFYLr1yk/+MiIiIiIu1Nuw6sbd++nZdffpnbbruNv//97yxdupSbb74ZHx8fLrnkEtLTzSBFbGysx3WxsbHuY/V57LHHeOihh1p17tLxZBdXcOF/FrNpv8Lt1UGxA7FYLDxz3lBC/LxZuD2Ho3pEcPaILox2BTUGJoQQ4udFYXkVP65P5+R6AnRzN2TQLTIAf28b019dSHllTWbQxnQFh2v7ZMUe7vzELLTfI8oMfI7qHk5ReRUpGUW8s2gXMcG+/LE1h0AfGx9cPY4Plqby7uJUxiRH8My5Q7HWE9wMchWKLyir5LmfNrM5o4hnzhvaLpY6lroDa170igmif3wIG/cV8trv293nfL8une/XpePrZaWiysk5sxfSKyaI2ReOZHdeKZe9sZRAn5pi+C9MH8bopAgSwvwbfN7kqECCfb0o2i/YeO6oLp06qFatOsux2v616PaXU1zBK/PNr9ntJ/XF30fNCURERERE2rO2/zR4AE6nk1GjRvHPf/4TgOHDh7Nu3Tpmz57NJZdc0uxx77nnHm677Tb3dmFhIV27dj3AFR1beaUDiwV8vfQB7kCuf3dFnaAa0Oji4QE+XjxxzpB6j3nZrFwyPokXf97K6wt2cGzfaNLyy+kVY3b/W7AlmyvfXlbnujOGJvDV6jTS8supdDjxVkdRAL5dU1Nwf3t2CQCnD00gxN+LWz9czb9+3spoV0D00glJDO4SyqDEQVw0rju9Y4IbzBgMDzQLyH+yvGY57/F9YzjPldGVVVTBrymZ/GV44mHv7lpqNwNb/t7m/+NhXUPZuK+QnzZk1Dm3olYH0a2ZxXy9Oo3sYjOLt8QVoBveLazOkub6WCwWukYEsKFWlpuPzcpljVx22tEF7hdYK6s88DLil37Z5n48vFtYa0xJRERERERaULsOrMXHxzNgwACPff379+fTTz8FIC4uDoCMjAzi42syfDIyMhg2bFiD4/r6+uLr2zk701UzDIPFO3LZklHEY9+bywnvmtqXM4cnEhbgc/ABOojZ87exdEcul4xP4ujeUQ0WAi8qr2TJjlz39uNnDeanDRkkRQXSJbzhbJ6mmDG2O//6ZSvLduUx/dVFrNlj1gI7Y2hCvYGeu6b245pjevDThgzKKh3sySsj2ZWd1ZmVVzpY6GoMMSY5gqyiCkL8vDhzWCIh/l688cdO1uwp4LfNWQAc5QqMWiwW+sWFHHDsEd3C6+z7cvVed2Dt2neWs3xXHlnFFVx/XK+WfFkHVXspKECXcLPmntM4+LVLduSyab+sx0GuemqNERXsC65Y5pK/n0hxRRU9ooMafX1Htn/GWu1M0/qkF5q1G7tFBNA7NrjV5iUiIiIiIi2jXQfWJkyYQEpKise+zZs30717d8BsZBAXF8e8efPcgbTCwkIWL17Mddddd7ine0T5fl0617+7wmPfg19v4JmfNvPDzGMOuPSrIYZh8M6iXdgdhrv+UntWWF7J499vAjALvZ812N3tcH+bM8xMtdgQXxb/3azpN72Bc5srLtSP0UkRLNmR6w6qAXy1Oq3OubdO6sMVE5OxWi0kRQWycV8hKemFnTqwVlheyfq9hQT62rBXOQkP8ObDq4+qEyy9+pge3PjeSsAMetQXLGtI39hgwgK8ya9Vs+2PrTlc9PpiLjqqO8t35QHw+u87DntgrXopaPXSwcT9/g8nRQawM6emDtp5o7owJjmSv3282h2IrO3MemrMNeSuqX3JK7Fz59S+xIT4EXPwSzoNP2/PzMX9M9a2ZxUT7OfNtqxiYkP8KCo3Mw9nTuq8TR9ERERERI4k7TqwduuttzJ+/Hj++c9/ct5557FkyRJeffVVXn31VcDMMJk5cyaPPvoovXv3Jjk5mfvuu4+EhATOPPPMtp18O/f+klT3424RAe7C40XlVazbW9CswNrrC3bw6LcbAY6ILpV/bvUMJjz23UbGJEfQc79Mm8zCcv67YCcAfQ+S0XSo7praj/NfWUjVAdKMbjqhF7fU+tA9NjmCjfsKeWdRKlMH1d88oTP4+2dr+abWEtCe0UH1ZiCeOjie7SeV8O2affzfqf3rLNU7EKvVwmlD4nlnUSpWC1w2IZnXF+zg9y3Z/L4l231eXqmdgrJKQv29D+1FHUBafhm+XlYig8zs29JKz4y1xFqZlBeP6879pw3ghXlbePHnrQDcdEJv8krtHmPef9oA/tiaTai/NyOasAxxYEIoX9808VBeToe1/z1Ybq8JrGUWlXPCM/Pd25GBPnSNML9vBvu13r0jIiIiIiItp10H1kaPHs3nn3/OPffcw8MPP0xycjLPP/88M2bMcJ9z5513UlJSwtVXX01+fj4TJ05kzpw5+Pn5teHM27eC0kr+2GoGAW4/qQ/XHNuTH9anc/vHq7FXOckqrjjICPX7JSXT/fiYp37h+uN6cufUfi0y55a2J6+Ua99ZDsDJg+JYsCWbwvIqHvlmA29eNsZ9nmEYXPDaIrZlmXW6+sa27vK2kd3D+e6Wo1mZmse+gnLKKh3uQub/vXQUPaOD3F1Iq10xMZl3Fu1iwdZs5m3M4MT+sfUNfcTJKDTrxlUvaTyQ/FK7R1ANoEd0/dl7FouFm0/szc0nNi8j6IHTBxIZ6EtyVCBnDE3Ay2Zxf42qOQ0Y+tCPHN07ijcvG3PQLq9NYa9y8uLPW3jpl634edt49ryhjOgWzjJXJ8nqRgq1M9bOHtEFL5uVa47tSdeIAI7pHU1cqB/BfjU/AmZdMJwzhiZw+RGQbXokK6+qCaytT/NcfptTYicswAyo7b+EVERERERE2qd2/879tNNO47TTTmvwuMVi4eGHH+bhhx8+jLM6si3Ymo3TgF4xQdzkCi6cPjSBP7dl8/6S3WQX2Q94/fJduVz99nLuO22Ax3KxHa7gU7V//7qNU4fEM7AJtZpaQ3mlg4+X78HpNPjLiER8bFaufnu5+/gl45M4eXA8N7+/ko37PD/ortyd7w6qDekSyvmjW3b5Z336xAbTp1ZtpaFdwogO9nV3EN1f14gArpiYzCu/beeJOZs4vm9MvR0tjyRldgeTnpmPxQJ/3H3CQbN3nv4xpc6+/TMPW4q3zcqtJ/Vxb989tR/vLU51L+Gr7fct2XyzJq1RTQAaY82efK56exkZhWbwu9Tu4Np3PJd0Vy8FjQ/1Y+rAOByGweBE8/9gkK8X542qadQSFuDDmOQIsosqmNRfCzgPh7JaGWtVjrqZqfsKygE8gp4iIiIiItJ+6Z17J7NwWw43vGd+ED+md7THsSjXkrLsg2SsXfnWMvJKK5n54Sp3YK3M7iDN9YGwts9X7G3zwNoHS1J58OsNAHy4dDc9ogPdHQwfOmMgR/WIpKjcrJmVUVjhsYTva1d9szOHJfD89OFtMHs4ZfDBl3def3wv3luSyuaMYpbszHUX5D9Sfbd2H0UVZqBqU3pRg0FFMGurvbfYXNp8/XE9mT1/G07DbFxwOFgsFnpGB7Fqdz4ACaF+Hv8XbvlgFTuzSz2W7zZVdnEFczdk8M7iXWQUVuDjZeWC0V15a+GuuvOpNa/ZF4086NgfXTMOp9M44oOxR4rqGms7sku4qp5Ov9W18kK0FFRERERE5IigwFon8ktKJpe9sRQAm9XCOSO7eByPDjYDa1lFDQfWnE6DvFqF2w3DwGKxsCPbzOrytlk4dXA8TsMsur96T34Lv4qm+61W7asN+wrdQTWAyQPNZZPBft7Eh/qxr6CclPQibFaY+eEqdueaHfpOH5pweCfdRKH+3gzrGsbvW7LZm1eGYRjklNjdwdIjzffr0t2Pt2QUM7xrGGn55tLYXjFBHksrl+/Mw2lAclQgd07tx6UTkii3Ow9rjb8+sTWBtbtP6c+KXXlMHhDL3z9fy86cUp6ft5kLj+rmrofWEMMwSMkoondMsMdrvOyNpazdaza0sFjgl78dR2KYP0f3jubK/YIz1TW6mkJBtcOnOrD26DcbDnieMtZERERERI4MeufeSaxPK3AH1QAenjaQAQmehfgbk7G2Yb+lkrtySkmKCmTZLrO+0/Bu4Tw/fThr9uTz1eo0dmSX1jfMYVPlcLJkhzm3kd3D3V0bTx+awIOnD/AIdAxMCGFfQTlP/5DCEle9KoAQPy+O3i+7rz2q/vrllFTwzqJd3Pfleq46Opn/O3VAG8+saRZsyWbuxgz39uaMIu79Yh0fLN3t3nfV0cncObUfu3JKePHnLQCMcWW1xQQf/vqKZwxN5KNlewDoGW3WXgP4+NrxjP7HXAwDJj7xCyvvPwk/b1uD4/z3j5088s0GThkcx0t/HYHFYmHhthx3UA1gdPcId/20Y/tGc8GYriRFBnLm8ES+W7uPs4Z3aWh4aQdemb+dqEBf9y8jGhKkwJqIiIiIyBFB79w7uKyiClam5nkEKr65aSKDEusuz3RnrDUQWFufVsBpLy7w2DdvUyZXTEzmW1fh+MkDzAyw6gL72cUVFFdUtVkh7l25pRRXVOHvbeO1i0dx16drSC8o595T+9fJHrrtpL78mpLlEVQDGNsjEh8v6+GcdrNEBvoA8MYfO911ml77fQfnj+5Kr5jgA13aaDuzSwj19ybc9Vwtzek0uPD1xR771qcVsDPHM0D72u87eO33He5ti6Vtswon9IpkysBYsooq6F3r3zo62JebT+zNrHlbKKt08MXKvUwfU3+dvsLySp6YswmA79ams2xXHqOTIpg1b4vHeTNPqllS6m2z8thZQ9zbl01Q44H2yGoxG1pU+8d3Gw96jbet/X/PERERERER0Dv3DmxrZhEnPTefq/+33J1N88L0YfUG1aBWxlo9S0GrHE5u/2i1e7unq+PiZyv2kFVU4Q5GneyqBxbq702EK/iy2rVErqVVurLR3vpzJ3kl9TdcqG6okBwVSESgD69dPIqvb5pIbEjdrKYBCSH1/tvU7q7YnkW5AqP79qt197eP13D0kz/z6m/bDmn8tXsKOO7pX7niraUHP7mR0gvKPb52qbk1AbS+rgYOS3fmkVVUgcUCd0zpW2eMvrHBvHvFWCb2jmqxeTWVxWLhlYtG8dn1E+oEYa87tidxrvvti1V7671+fVoBQx78EXuV071v7Z4CtmYWsXB7DjarhafOGcIrF41kfM+2e53SPN/cdHRbT0FERERERFqJAmsd2Gu/7SC/Vj20gQkhnOTKKKtPdcZaid1Bqd2zw+Erv21nU3oRABN7RTH7QrMo+sZ9hfzn9+0YBgztGuYRhKoOvl3zv+UHbYjQHDe9t5LzXlnIA1+tr7crJOBebpXsmsvB3H1yP2xWC7ed1IdJ/WPx9bJy0bjuLTbn1tRQPbVVu/PZnVvGP7/bxNVvL8NZK3XGMAxe/nUb82plNDbk0W/NmlArUvMxjLrdDJtqW1YxJzzzK2e9/CdVDieLtuewxrXkMTLQhy9vnEC/uJrsr57RQdxwfC9W3X+Se19yVCBf3DCB8b3ab7DJ38fGm5ePBmBDWmGd44Zh8PQPNfdv9WtOSS/ik+VmIO74vjGcO6orUwbGHYYZS0sbkBDCvaf2b/D48+cP47Prxx/GGYmIiIiISEvRUtAOKrfEzrdrzeWZb18+hohAH/rGBR9weVGgjw0/byvllU6yi+x0izRvj2U7c3nK9cH/ybOHcN7orhiGQYCPjVK7g1d+2w7AOSMSPca7c2o/bnpvJemF5bz0y1YeOH1go+a+IjWPuz5Zw72nDeDYPvXXNssuruDHDTUF7r9alcZ9pw2oU79quyuw1iOqcYG1o3pEkvLIVLxsVsrsDoorqtwBx/YuKujgyzN/3JDBlsxi+rqCNytS893LD5ffO6ne4vpOp8Edn6xh8Y6aJbJFFVWH1LXQMAzu/XwdpXYHO7JL+Pvna91ZlQAn9o/Bz9vGXVP7cf27KyirdDDRFTwLC/DhsglJLNmRyztXjMXfp+GaZe1FddCzsLyKKocTL9f/w7V7Cjj9XzXLq1/66wgMDG58byVr9xZQXmUWup82rH03z5CDS6+nazKYwfzq7sprH5zMte8s56T+Df8CRERERERE2hcF1jqoOz9ZTXFFFXEhfozvGen+IH8gFouFqCBf9uSVccxTv7DmwcmE+Hnz3VozgDVlYCznjuriPrd7ZCAbXc0MTh4Ux4yxnpldo5MiuH1yH+74ZA2bM4oaNe+KKgfnzV5IldPgkv8uYefjp9Z73k8bMnAaZsBse3YJRRVV9LtvDsG+XhRVVJEY5s9pQ+NZuzcfgB6NzFgD3P9W/j62IyJoU23/jLUXpg/jns/W0jcumJWp+e79S3bk8PuWLKYOimNXTk0B9fcWp3LTib3Z37asYj5dscdjX1ZRRZMCaw6nwRcr9xIR6MOxfaKZ/ds2Fm7PcR+vHVQD6B9vNtY4vl8MC+46nr35ZQyIr2m20dggbXsR5l/zb1VQVkmp3cH0VxexN7/Mvf/qY3pw6pB4druWw1Y3CvGyWji2b/tvniEHllQruB/q701BmZlNPLJ7uHt/sJ8371551GGfm4iIiIiINJ8Cax1QYXklv6ZkAWZwpTFBtWpmsMT8sP/j+gzOGdmF37eYY00blojFYnGfW3tJ4U0n9MZqtbC/rhEBAOzNK6tzrD63f7SaqlrjLtuZyyhXt8faqrskThkUx6Z9hfzier1FFeYS1r35Zbwyf7v7/AmdoC5Vr5ggescEsSWzmAdOH8C0YYmcPCgeiwV6/9/37vPu+3I9AI9+u5ErJ9YUu/9+XTo3ndgbwzA8vs57XF+7LuH++NisbM8u4e0/d/LQtEGNmtfK1Dz+8u8/3dvH9Y1m/uasA17Tv1YQLTLIt95MuiOJl81KiJ8XheVV5JXa+Xj5Ho+g2q2T+nDD8T0B8/9MdcMDMJsyHEp2oLQP543qSnFFFUf3juKOj9e4A2uh/vraioiIiIgcyRRY64AWbMmmymnQIzqQsT0im3Rt7VpouSUV7CsoY0tmMVYLjO/pOdYZwxJ46ocURnYPZ0BCyP5DATWF/9Pyy3E6jXqDb7X9uS3HY/v+L9fz3S11C3+nuOq99YsL5uYTerN2bwHnvbKw3jEHJ4YSU0+zgo7Gz9vGnJnHkF5YTrzr9R6sm+l/FtR01tywr5CF23K48b0VDO4SysszRuLvY2NPnplB1S8uhLxSO2SX8NbCXRzbN5qXf91GZKAvj5w5qMEls+8tTvXYrg76Rgf7cvtJfbj7s7V1rukfV//9dCSLCPRxBdYq+Wa1uUx7Uv9YLjyqG8f1jfE499ZJvekRFciunFKuPa5HW0xXWpiPl5VrjzWDp33jgt0ZiQqsiYiIiIgc2dS8oAPalVOKl9XCCft9WG+M2oG1rZnFPPSVWbB+SJcwwgI8a3hdNiGJF6YP439XjGlwvLhQP6wWsDucPPzNBjIK668zBFBcUUWuq0PkJ9eOM+eQVVynUP7Xq9NYvisPMIM9/j42xiRHcOukPhzTJ5qnzhnC73ce7z6/+sNsZ2CzWkgM8z9oALMhT8zZRE6JnV9Tsvhk+W4A9uTXZKyl1cqy+tvHa1i6M48569PrBM9qy3R1mR3aJZTzXEuJAQbEh3DuqK58fO04Nj0ylXtO7gdAiJ8XoQEdL9hQ/f/nwa/Wsze/DG+bhRcvGF4nqAbmUuszhydyy6Te+HodOcuRpXEm1mq2ocCaiIiIiMiRTRlrHdB1x/VkxlHdsFc5m3zt42cN4c5P1wCeda+O6V13KWWAjxfThiXW2V+bt81KXIgfaQXlvPnnTjbuK+TDa8bVe251va/IQB8GdwkFwF7lJL+0kvBAMyixOaOImR+uAiDYz8ujdtotkzzrg70wfRildgenDok/4BwFhnUNY9XufFbtznfv25Fdyto9Be4ltV3C/YkO9mWfqwh7dRAU4M9t2R7//ukF5ezOK6W4osq97HPmSX2ICPBx31eRQT7YrBZGu5b6Xnl0DwJ8bA1mPx7pgv3Mb7frXZ1BByeGHlE1/KTlnDoknld/2054oHedhisiIiIiInJkUWCtg2puTabzRnclMsiHK95a5t7n62Xl4vFJzZ5LcnQgaa5gTO3OkvvbmW0uOeweGYCvl43IQB9ySuwc9/SvXH1MD4J8vVi2Kw+H0yDY14v3rzrqgF1ODxb060z+e+koXpi7hdV7Cuo9fsbQBI+gGsAvKZn894+apaLdIgJ46pyhTHn+tzrXr0zNp7zSgZ+3ja2ZxfzlpT/c9e6qRQf5MrBW0GxwYqjHcZvVwkXjkpr4yo4c27NKPLZH11M7UDoHP28b399ydLMzS0VEREREpP3QUlCpY2jXMI/tT64dX6fjZFPU7uYIMP3VhWzOKGJbVjHbsop56Ov1JN39LTe8twIwi/CDuYwUzC6KT/2QwgNfrefr1WkA3HpSHwbtF5iRhp3QL5Yvbpjgse/pc4cCcO+p/Rnbo26QZ0d2TSAoJtiX4/rG0DcumHeuGOve//C0gUQF+WB3OPnHtxuxVzn5enVanaBa9RgWi4W5tx3L3yb3qdNFtqOrnYk3qX8Ml01IPsDZ0tEpqCYiIiIi0jEoY03qiNivllrfuOBDGq9ndJDH9qLtuUx+rm7WU7XLXZ0q40L83Mvm9je0q4JqTVW70yfAOSO7cHzfaCICfbBYLMy+cCTzN2dx0oAYLn9zmce5b18xxt0IYVzPSGZO6k33yADOHJbIz5sy+TUli/8t2kVJRRUBvubStmBfL48AW4RrOW+vmCBuPMFz2W5n8PC0gXSLCODqY3oQ2wmaaYiIiIiIiHQGCqxJHftnUhyss+TBNCWz7I3LRtPP1REywdVRdH9RQT4MTFBgrTksFjAMOGu4uUw2slYm4tRBcUwdFEfxftlm3SIC6FUrOGqzWpg5qY97Oza4Jkj02cq99Ik1z719ch9255XxuqvzqNcBlu12BvGh/tx32oC2noaIiIiIiIi0IAXWpNUNSgzllYtGcs3/ljd4jo/Nyv+uGMPYHpHufZdOSKKovJJBiaHM25hJdnEFj589hO6RASr43UwfXTOOb9fs444pfRs8J8jXi/tOG0BBqZ2LxyfhbbMeMCg246hufLx8N05X89bNGcUAhAf6cHSfaF5fsMOjC6KIiIiIiIhIR2ExDMNo60m0tcLCQkJDQykoKCAkpGN2JGyqpLu/BcDLamHrP09pkTFHPPKTRyfJs0Yk8tmKvfSLC+abmyZ2+oymI1lReSU/rM/gbx+vdu9754qxTOwdRUZhOaH+6n4oIiIiIiIiR4amxImUsSb1eva8ofzf5+v494wRLTbmC9OH8fmKvfSMCWJY1zAm9IrivFFd6R8foqDaES7Yz7tOk4rqmmqqJyYiIiIiIiIdlQJrUq+zRnRh2rBEbC3Yue7o3tEc3TvaY99RtZZ+ypGtZ0ygu4YbQGSQz4EvEBERERERETnCKU1IGtSSQTXp+Hy9bEQG1gTTwgK823A2IiIiIiIiIq1PgTURaTG3TzabIiRHBeLrpZpqIiIiIiIi0rFpKaiItJgLxnTj6N5RBPjoW4uIiIiIiIh0fPr0KyItqkt4QFtPQUREREREROSw0FJQERERERERERGRZlBgTUREREREREREpBkUWBMREREREREREWkGBdZERERERERERESaQYE1ERERERERERGRZlBgTUREREREREREpBkUWBMREREREREREWkGBdZERERERERERESaQYE1ERERERERERGRZlBgTUREREREREREpBkUWBMREREREREREWkGBdZERERERERERESaQYE1ERERERERERGRZlBgTUREREREREREpBm82noC7YFhGAAUFha28UxERERERERERKQtVceHquNFB6LAGlBUVARA165d23gmIiIiIiIiIiLSHhQVFREaGnrAcyxGY8JvHZzT6SQtLY3g4GAsFktbT6dFFBYW0rVrV3bv3k1ISEhbT0fagO4BAd0HontATLoPRPeAgO4D0T0gJt0HB2cYBkVFRSQkJGC1HriKmjLWAKvVSpcuXdp6Gq0iJCRE/1E6Od0DAroPRPeAmHQfiO4BAd0HontATLoPDuxgmWrV1LxARERERERERESkGRRYExERERERERERaQYF1jooX19fHnjgAXx9fdt6KtJGdA8I6D4Q3QNi0n0gugcEdB+I7gEx6T5oWWpeICIiIiIiIiIi0gzKWBMREREREREREWkGBdZERERERERERESaQYE1ERERERERERGRZlBgTUREREREREREpBkUWOuAXnrpJZKSkvDz82Ps2LEsWbKkrackLeSxxx5j9OjRBAcHExMTw5lnnklKSorHOeXl5dxwww1ERkYSFBTE2WefTUZGhsc5qampnHrqqQQEBBATE8Mdd9xBVVXV4Xwp0kIef/xxLBYLM2fOdO/TPdA57N27lwsvvJDIyEj8/f0ZPHgwy5Ytcx83DIP777+f+Ph4/P39mTRpElu2bPEYIzc3lxkzZhASEkJYWBhXXHEFxcXFh/ulSDM4HA7uu+8+kpOT8ff3p2fPnjzyyCPU7kmle6Dj+e233zj99NNJSEjAYrHwxRdfeBxvqa/5mjVrOProo/Hz86Nr1648+eSTrf3SpAkOdB9UVlZy1113MXjwYAIDA0lISODiiy8mLS3NYwzdB0e2g30vqO3aa6/FYrHw/PPPe+zXPXDka8x9sHHjRs444wxCQ0MJDAxk9OjRpKamuo/rc0PLUGCtg/nwww+57bbbeOCBB1ixYgVDhw5lypQpZGZmtvXUpAXMnz+fG264gUWLFvHTTz9RWVnJ5MmTKSkpcZ9z66238vXXX/Pxxx8zf/580tLSOOuss9zHHQ4Hp556Kna7nT///JO33nqLN998k/vvv78tXpIcgqVLl/LKK68wZMgQj/26Bzq+vLw8JkyYgLe3N99//z0bNmzgmWeeITw83H3Ok08+yaxZs5g9ezaLFy8mMDCQKVOmUF5e7j5nxowZrF+/np9++olvvvmG3377jauvvrotXpI00RNPPMHLL7/Mv/71LzZu3MgTTzzBk08+yYsvvug+R/dAx1NSUsLQoUN56aWX6j3eEl/zwsJCJk+eTPfu3Vm+fDlPPfUUDz74IK+++mqrvz5pnAPdB6WlpaxYsYL77ruPFStW8Nlnn5GSksIZZ5zhcZ7ugyPbwb4XVPv8889ZtGgRCQkJdY7pHjjyHew+2LZtGxMnTqRfv378+uuvrFmzhvvuuw8/Pz/3Ofrc0EIM6VDGjBlj3HDDDe5th8NhJCQkGI899lgbzkpaS2ZmpgEY8+fPNwzDMPLz8w1vb2/j448/dp+zceNGAzAWLlxoGIZhfPfdd4bVajXS09Pd57z88stGSEiIUVFRcXhfgDRbUVGR0bt3b+Onn34yjj32WOOWW24xDEP3QGdx1113GRMnTmzwuNPpNOLi4oynnnrKvS8/P9/w9fU13n//fcMwDGPDhg0GYCxdutR9zvfff29YLBZj7969rTd5aRGnnnqqcfnll3vsO+uss4wZM2YYhqF7oDMAjM8//9y93VJf83//+99GeHi4x8+Du+66y+jbt28rvyJpjv3vg/osWbLEAIxdu3YZhqH7oKNp6B7Ys2ePkZiYaKxbt87o3r278dxzz7mP6R7oeOq7D84//3zjwgsvbPAafW5oOcpY60DsdjvLly9n0qRJ7n1Wq5VJkyaxcOHCNpyZtJaCggIAIiIiAFi+fDmVlZUe90C/fv3o1q2b+x5YuHAhgwcPJjY21n3OlClTKCwsZP369Ydx9nIobrjhBk499VSPrzXoHugsvvrqK0aNGsW5555LTEwMw4cP57XXXnMf37FjB+np6R73QWhoKGPHjvW4D8LCwhg1apT7nEmTJmG1Wlm8ePHhezHSLOPHj2fevHls3rwZgNWrV7NgwQJOPvlkQPdAZ9RSX/OFCxdyzDHH4OPj4z5nypQppKSkkJeXd5hejbSkgoICLBYLYWFhgO6DzsDpdHLRRRdxxx13MHDgwDrHdQ90fE6nk2+//ZY+ffowZcoUYmJiGDt2rMdyUX1uaDkKrHUg2dnZOBwOj5seIDY2lvT09DaalbQWp9PJzJkzmTBhAoMGDQIgPT0dHx8f9xunarXvgfT09Hrvkepj0v598MEHrFixgscee6zOMd0DncP27dt5+eWX6d27Nz/88APXXXcdN998M2+99RZQ83U80M+D9PR0YmJiPI57eXkRERGh++AIcPfddzN9+nT69euHt7c3w4cPZ+bMmcyYMQPQPdAZtdTXXD8jOpby8nLuuusuLrjgAkJCQgDdB53BE088gZeXFzfffHO9x3UPdHyZmZkUFxfz+OOPM3XqVH788Uf+8pe/cNZZZzF//nxAnxtakldbT0BEmueGG25g3bp1LFiwoK2nIofR7t27ueWWW/jpp5886iNI5+J0Ohk1ahT//Oc/ARg+fDjr1q1j9uzZXHLJJW08OzkcPvroI959913ee+89Bg4cyKpVq5g5cyYJCQm6B0QEMBsZnHfeeRiGwcsvv9zW05HDZPny5bzwwgusWLECi8XS1tORNuJ0OgGYNm0at956KwDDhg3jzz//ZPbs2Rx77LFtOb0ORxlrHUhUVBQ2m61OF4+MjAzi4uLaaFbSGm688Ua++eYbfvnlF7p06eLeHxcXh91uJz8/3+P82vdAXFxcvfdI9TFp35YvX05mZiYjRozAy8sLLy8v5s+fz6xZs/Dy8iI2Nlb3QCcQHx/PgAEDPPb179/f3eWp+ut4oJ8HcXFxdRrbVFVVkZubq/vgCHDHHXe4s9YGDx7MRRddxK233urOZNU90Pm01NdcPyM6huqg2q5du/jpp5/c2Wqg+6Cj+/3338nMzKRbt27u94q7du3i9ttvJykpCdA90BlERUXh5eV10PeL+tzQMhRY60B8fHwYOXIk8+bNc+9zOp3MmzePcePGteHMpKUYhsGNN97I559/zs8//0xycrLH8ZEjR+Lt7e1xD6SkpJCamuq+B8aNG8fatWs9fphWv+Ha/xuvtD8nnngia9euZdWqVe4/o0aNYsaMGe7Hugc6vgkTJpCSkuKxb/PmzXTv3h2A5ORk4uLiPO6DwsJCFi9e7HEf5Ofns3z5cvc5P//8M06nk7Fjxx6GVyGHorS0FKvV822czWZz/4Za90Dn01Jf83HjxvHbb79RWVnpPuenn36ib9++Hp2Hpf2qDqpt2bKFuXPnEhkZ6XFc90HHdtFFF7FmzRqP94oJCQnccccd/PDDD4Dugc7Ax8eH0aNHH/D9oj47tqC27p4gLeuDDz4wfH19jTfffNPYsGGDcfXVVxthYWEeXTzkyHXdddcZoaGhxq+//mrs27fP/ae0tNR9zrXXXmt069bN+Pnnn41ly5YZ48aNM8aNG+c+XlVVZQwaNMiYPHmysWrVKmPOnDlGdHS0cc8997TFS5IWULsrqGHoHugMlixZYnh5eRn/+Mc/jC1bthjvvvuuERAQYLzzzjvucx5//HEjLCzM+PLLL401a9YY06ZNM5KTk42ysjL3OVOnTjWGDx9uLF682FiwYIHRu3dv44ILLmiLlyRNdMkllxiJiYnGN998Y+zYscP47LPPjKioKOPOO+90n6N7oOMpKioyVq5caaxcudIAjGeffdZYuXKlu9tjS3zN8/PzjdjYWOOiiy4y1q1bZ3zwwQdGQECA8corrxz21yv1O9B9YLfbjTPOOMPo0qWLsWrVKo/3i7U7+Ok+OLId7HvB/vbvCmoYugc6goPdB5999pnh7e1tvPrqq8aWLVuMF1980bDZbMbvv//uHkOfG1qGAmsd0Isvvmh069bN8PHxMcaMGWMsWrSorackLQSo988bb7zhPqesrMy4/vrrjfDwcCMgIMD4y1/+Yuzbt89jnJ07dxonn3yy4e/vb0RFRRm33367UVlZeZhfjbSU/QNrugc6h6+//toYNGiQ4evra/Tr18949dVXPY47nU7jvvvuM2JjYw1fX1/jxBNPNFJSUjzOycnJMS644AIjKCjICAkJMS677DKjqKjocL4MaabCwkLjlltuMbp162b4+fkZPXr0MP7v//7P44Oz7oGO55dffqn3fcAll1xiGEbLfc1Xr15tTJw40fD19TUSExONxx9//HC9RGmEA90HO3bsaPD94i+//OIeQ/fBke1g3wv2V19gTffAka8x98Hrr79u9OrVy/Dz8zOGDh1qfPHFFx5j6HNDy7AYhmG0bk6ciIiIiIiIiIhIx6MaayIiIiIiIiIiIs2gwJqIiIiIiIiIiEgzKLAmIiIiIiIiIiLSDAqsiYiIiIiIiIiINIMCayIiIiIiIiIiIs2gwJqIiIiIiIiIiEgzKLAmIiIiIiIiIiLSDAqsiYiIiIiIiIiINIMCayIiIiIiIiIiIs2gwJqIiIhIB3LppZdisViwWCx4e3sTGxvLSSedxH//+1+cTmdbT09ERESkQ1FgTURERKSDmTp1Kvv27WPnzp18//33HH/88dxyyy2cdtppVFVVtfX0RERERDoMBdZEREREOhhfX1/i4uJITExkxIgR/P3vf+fLL7/k+++/58033wTg2WefZfDgwQQGBtK1a1euv/56iouLASgpKSEkJIRPPvnEY9wvvviCwMBAioqKsNvt3HjjjcTHx+Pn50f37t157LHHDvdLFREREWlTCqyJiIiIdAInnHACQ4cO5bPPPgPAarUya9Ys1q9fz1tvvcXPP//MnXfeCUBgYCDTp0/njTfe8BjjjTfe4JxzziE4OJhZs2bx1Vdf8dFHH5GSksK7775LUlLS4X5ZIiIiIm3Kq60nICIiIiKHR79+/VizZg0AM2fOdO9PSkri0Ucf5dprr+Xf//43AFdeeSXjx49n3759xMfHk5mZyXfffcfcuXMBSE1NpXfv3kycOBGLxUL37t0P++sRERERaWvKWBMRERHpJAzDwGKxADB37lxOPPFEEhMTCQ4O5qKLLiInJ4fS0lIAxowZw8CBA3nrrbcAeOedd+jevTvHHHMMYDZJWLVqFX379uXmm2/mxx9/bJsXJSIiItKGFFgTERER6SQ2btxIcnIyO3fu5LTTTmPIkCF8+umnLF++nJdeegkAu93uPv/KK69012R74403uOyyy9yBuREjRrBjxw4eeeQRysrKOO+88zjnnHMO+2sSERERaUsKrImIiIh0Aj///DNr167l7LPPZvny5TidTp555hmOOuoo+vTpQ1paWp1rLrzwQnbt2sWsWbPYsGEDl1xyicfxkJAQzj//fF577TU+/PBDPv30U3Jzcw/XSxIRERFpc6qxJiIiItLBVFRUkJ6ejsPhICMjgzlz5vDYY49x2mmncfHFF7Nu3ToqKyt58cUXOf300/njjz+YPXt2nXHCw8M566yzuOOOO5g8eTJdunRxH3v22WeJj49n+PDhWK1WPv74Y+Li4ggLCzuMr1RERESkbSljTURERKSDmTNnDvHx8SQlJTF16lR++eUXZs2axZdffonNZmPo0KE8++yzPPHEEwwaNIh3332Xxx57rN6xrrjiCux2O5dffrnH/uDgYJ588klGjRrF6NGj2blzJ9999x1Wq95eioiISOdhMQzDaOtJiIiIiEj79L///Y9bb72VtLQ0fHx82no6IiIiIu2KloKKiIiISB2lpaXs27ePxx9/nGuuuUZBNREREZF6KFdfREREROp48skn6devH3Fxcdxzzz1tPR0RERGRdklLQUVERERERERERJpBGWsiIiIiIiIiIiLNoMCaiIiIiIiIiIhIMyiwJiIiIiIiIiIi0gwKrImIiIiIiIiIiDSDAmsiIiIiIiIiIiLNoMCaiIiIiIiIiIhIMyiwJiIiIiIiIiIi0gwKrImIiIiIiIiIiDTD/wPej0GmvihhOAAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_stock_data((15,5),pd.concat([Adj_close_price[:1122+30], ploting_data], axis=0), 'Test data', 'Days')" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "From plot we can see that our model predicts price really good and rmse of model is around 3%" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "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.11.4" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/tweets.csv b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/tweets.csv new file mode 100644 index 0000000..2caa5db --- /dev/null +++ b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/tweets.csv @@ -0,0 +1,8010 @@ +"Date","Tweet" +"Tue Jan 02 21:09:21 +0000 2018","Good closing #price on $GE today. Looking forward to more #bullish activity from this #stock #investing #investments #investors #StockMarket #WallStreet $AAPL $AMZN $F $GM $GOOG $IBM $INTC $MSFT $PG $S $TGT $TSLA $XOM " +"Sun Jan 14 16:19:31 +0000 2018","$GE is a long term #buy at today's #stock price. $AAPL $AMZN $BABA $COST $DG $F $GOOG $GM $INTC $IBM $KR $MSFT $NVDA $PG $ROKU $S $TEVA $TSLA $TGT $WMT $XOM #stockmarket #stocks #wallstreet #investments #investors #investing #money " +"Fri Jan 05 21:25:31 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $WBA $OMF $APO $D $SCG $BB $BIDU $CNET $AMZN $GOOGL $JD " +"Tue Jan 16 17:49:14 +0000 2018","Just a Fun Fact on #DJIA RSI on Dow Jones Weekly Chart is at 90.20 - Highest in last 33 years Major tops have occurred when Weekly RSI was between 80-86, but this time IT'S DIFFERENT !! :P " +"Wed Jan 17 08:15:51 +0000 2018","Repeat after me: the 👏🏼 Dow 👏🏼 Jones 👏🏼 doesn’t 👏🏼 indicate 👏🏼 how 👏🏼 strong 👏🏼 the economy is 👏🏼 it only 👏🏼 tracks 👏🏼 how well 👏🏼 the 30 largest 👏🏼 blue chip 👏🏼 publicly 👏🏼 traded 👏🏼 American 👏🏼 companies 👏🏼 are doing" +"Fri Jan 05 21:23:49 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $WBA $OMF $APO $D $SCG $BB $BIDU $CNET $AMZN $GOOGL $JD " +"Wed Jan 31 14:40:47 +0000 2018","Which Way Wednesday - Fed Edition $AAPL $DIA #FOMC #Hedging #SOTU #Futures -- " +"Thu Jan 25 16:15:23 +0000 2018","Greater Fool Theory: buy a stock at an outrageously high price in a hot market because you think you can resell it to a greater fool at a higher price. Want more #stockmarket #trivia ? #stocks #GreaterFools #bubbles #crash" +"Fri Jan 26 19:14:08 +0000 2018","How to follow Stock Price Movement for Profit. We show you! #stocks #trading #investing #finance #stockmarket $spy " +"Sat Jan 27 18:42:32 +0000 2018","Notable Earnings 📈📉 M $IDTI $LMT $RMBS Tue $ALGN $AMD $EA $HOG $JNPR $MCD W $BA $EBAY $FB $MSFT $NDAQ $NOW $PYPL $QCOM $QRVO $T $TSCO $VRTX $X Th $AAPL $AMGN $AMZN $BABA $CME $CY $DATA $DECK $EW $GOOGL $GPRO $IDXX $MA $MAT $MO $RACE $RL $UPS $V F $CHTR $EL $XOM " +"Mon Jan 08 01:11:05 +0000 2018","Our Book: Charting Wealth, Chapter 5. Candlesticks offer stock traders a visual method for charting price movement. Learn how to use them: #stocks #business #trading #investing #stockmarket #wallstreet #nyse #sp500 #nasdaq #bloomberg #foxbusiness #cnbc " +"Fri Jan 26 21:40:28 +0000 2018","Got most of my $STM loss from yesterday back. Still have some for swing. Loving the options. sold the rest of my NFLX calls today. got me some FB calls B4 earnings next week and B4 the 190 BO. Nice way to end the week. 👊 $WGO short $NVDA $CLWT $BSPM Long " +"Sat Jan 06 07:00:21 +0000 2018","$SPY Heres recap of my trades for the week that were posted live on my stream. Need to work on leaving runners. Could have easily tripled my totals for the week had I left just 1/4 runners. Regardless, grateful for a positive week. Hope everyone did well. HAGW " +"Fri Jan 19 21:06:07 +0000 2018","Wait. I thought earnings were the thing that was powering the market??? From Factset: ""The fourth quarter marked the 18th time in the past 20 quarters in which the bottom up EPS estimate decreased during the quarter while the value of the index increased over this same period."" " +"Mon Jan 08 14:20:45 +0000 2018","Monday Market Madness - Who's Watching the Watch List? $NFLX $AMZN $FAZ $TWX -- " +"Thu Jan 25 22:48:40 +0000 2018","$SPY ruined my longs but gave me back with calls on bounces. $STM stubborn hold on $STM and $FCX. I started in on the $NFLX calls yesterday on the 252 area dip. Looking to hold for a couple of days. sold into the highs today. Still holding some. 121% ROI 👊 " +"Mon Jan 08 09:11:54 +0000 2018","Corporate earnings pick up steam on both sides of the Atlantic, while in FX the main focus is the monthly CPI and retail sales data from the US - #forex #cfds #spreadbetting #trading " +"Wed Jan 24 15:29:41 +0000 2018","#stockmarket $DJIA $SPY DJIA now 40 points shy and S&P500 now just 5 points shy of the baseline price targets for 2018. Obviously we were too conservative, but it's a baseline. . BofA/ML raised S&P500 target to 3,000 on Tuesday. " +"Tue Jan 16 11:31:19 +0000 2018","Some Early Morn Analyst PT's $AMZN 1200➜1600 BMO $BA 305➜380 Citi $BIIB 350➜380 Oppy $BUFF 33➜39 Citi $DNKN 63➜70 Barclays $GILD 84➜96 Wells Fargo $NKTR 35➜88 Jefferies $NOW 150➜160 Piper $SBUX 58➜65 Barclays $ULTI 225➜250 Piper $X 43➜50 Longbow (+Futes as of 6:30am) " +"Tue Jan 23 02:40:31 +0000 2018","$AAPL on the $AAPl chart where I have posted many wining trades with the current logo here is another new one to look at tonight make sure to vote on the poll " +"Wed Jan 24 20:56:01 +0000 2018","P/L: Took a couple of days but was finally able to find correct sizing parameters for these market conditions to return to winning ways. Had only one losing trade. Was patient for clear direction before jumping in. Nailed $OHGI $CERS $ACHV shorts at open. $NFLX $OPGN padders. " +"Mon Jan 29 08:47:06 +0000 2018","$MU $TWTR $TSLA $JD charts $ESIO 2mo W base &handle $AAPL tight between 1yr asc tl &daily desc tl. Daily sto oversold $DIS 2mo asc triangle right under 3yr inv H&S neckline $OSTK 1mo symmetrical triangle Continuation: $NVDA $NFLX $PYPL $GOOGL $SQ $AMZN $QQQ " +"Sat Jan 13 09:15:59 +0000 2018","#DowJones #Elliottwave Update bullish > 26912 + 28931 / 30xxx bearish < 26308 + 253xx + 24135 + 23002 / 22200 #DJI $DJIA #SPX $spx 100% STP/DMA #FX #Broker $DOW $DAX #Index #CFD #future #stocks #trading from 1 Spread #Forex #FXTrading from 0.0 pips Info " +"Sat Jan 27 13:32:57 +0000 2018","$AAPL chart 7/28/16 $101.71 ATR = 1.78 2 ATR stop = 3.56 1R (risk to stop) = 3.56 Current 171.51 +$69.80 / 3.56 +19.60 R trade $19.60 made for every $1 of risk +19.60 R trades more than offset many -1R trades and then the profits pile up " +"Mon Jan 08 20:55:42 +0000 2018","P/L: Scalped and piked my way to a more ""classic"" madaz day and damn proud of it. Nailed $MYSZ washout long, did get stuck on squeeze from hell but bailed it and nailed it when it really topped out. $CNET $CNIT $FRSX $WATT wallet padders. " +"Sat Jan 13 13:21:36 +0000 2018","$AAPL > 200 sma July 28, 2016 = $101.61 using 2ATR risk size = $1.78 x 2 = $3.56 risk 1R ('R'isk in position) = $3.56 Current $177.09 $75.48 gain 75.48 / 3.56 = 21.20R gain $21.2 won vs every $1 of risk money 'lost"" (not won) $75.48 vs risk of loss $3.56 " +"Thu Jan 18 01:49:37 +0000 2018","$NVDA for those nvda bears, u can totally SHUT UP. even ystd's huge dip FAILED to pull this one out of this uptrend channel. closed today above key 224 level. keep in mind it's not like $baba which sees lower low on weekly. nvda still HIGHER LOW on weekly. 227, 232, 237, 242, 245 " +"Sun Jan 21 21:31:43 +0000 2018","said many times if ONLY look at daily chart, u have no idea what's happening long term. $bidu weekly is simply a BEAUTY (and beast) w/ inversed parabolic. closed this week perfectly above KEY 252 level. macd about to golden cross. gonna lead mkt w/ $googl $amzn $baba $nvda $tsla " +"Fri Jan 19 03:48:48 +0000 2018","$TSLA strong resist today almost precisely at this 61.8% 352.39 level (missed 9 cents). locked huge gains on weeklies and feb monthlies. long shooting star not a good signal. likely back to 50% 341 level or even fade to 38.2% 329.4 again. keep in mind 5ma on weekly flat AND lower " +"Thu Jan 11 04:09:42 +0000 2018","here is the link to the jan 10 super succesful live stream I talk about the stockbookie plus $FDX $AAPL $TSLA $DIS $CVX $NFLX $SPY a powerful live stream that is powerful to listen to every min of it " +"Sun Jan 14 05:00:48 +0000 2018","nasdaq $comp in bubble now? HELL NO! p/e was 175 @ 2000 .com bubble. past few yrs tons of tech $amzn $aapl $nflx $googl $msft $fb $nvda $tsla $baba seen EXPONENTIAL growth so now p/e ONLY @ 27.8 & this growth WILL continue. said many times DOW $dji to 34700 & nasdaq to 9000. " +"Tue Jan 30 05:35:44 +0000 2018","Worrying about the ""negative $AAPL articles"" pales in comparison to what the price is doing onto ER. Down for the year as markets are making new highs is technically weak. I am still long, with a back up plan just in case... " +"Mon Jan 15 11:23:58 +0000 2018","Many have been calling the top in FAANGs for over a year, but price and MAs nowhere near breaking below 200sma yet. $AMZN $NFLX $AAPL $FB $GOOGL " +"Sun Jan 28 23:18:37 +0000 2018","$AAPL did a pretty fine job of turning off many investors and especially traders this week!! Stock was down $8 on the week! The ""perfect storm"" is brewing for a BIG upside Earnings gap UP?!! ... oh and it looks like it ""HAMMERED"" off that support level highlighted last week " +"Tue Jan 23 19:56:03 +0000 2018","Good exmaple of how $AMZN offered a beauty of a setup AFTER its big #PowerEarningsGap from late October 2017 .... Shared this very setup on twitter 3 weeks ago " +"Sat Jan 27 02:26:31 +0000 2018","$BABA huge gains this week w/ calls. classic C&H b/o & macd to golden cross on weekly. breaking symmetrical uptrend channel on daily on heavy vol and strengthening macd. strong as $amzn $nflx. 1.618X measured move @ 213.7 - that's STRONG resist prior ER. IF er good, see 225+ easy " +"Sat Jan 13 16:27:22 +0000 2018","new tech industrial revolution is cause of this whole bull mkt run. First-ever deep learning based fund $AIEQ winning over ALL major US index & WILL win over my $BATMAN portfolio $baba $amzn $tsla $mu $amd $nvda. machine learning is REAL. it DOMINATES human world. scary but true. " +"Sat Jan 20 04:41:54 +0000 2018","$NVDA huge b/o on weekly with higher low even during mkt sell off days ago. Closed this week perfectly. Poised to b/o to 61.8% 245.6 level quick and decisive on heavy vol. MACD golden cross. Huge $$ keeps pouring in. One of TOP mkt leaders $ba $amzn $tsla $nflx $tsla $aapl $amd " +"Thu Jan 18 02:47:34 +0000 2018","HERE is the live stream link $AMGN $AAPL $CVX $TSLA $PYPL $NFLX $SPY plus how to be a serious follower on PowerGroupTrades and what it means Plus some special announcements " +"Thu Jan 18 01:32:44 +0000 2018","$TSLA closed above key 346 resist level today on heavy vol. macd strengthening. upper boll on daily expanding. keep in mind macd golden cross on weekly AND b/o downtrend channel. key resist: 352, 355, 357, 360. also note however high it goes, WILL back to 341 for Feb on monthly " +"Mon Jan 22 23:39:14 +0000 2018","Just one rule and one rule ONLY. when a stock is in MAJOR uptrend on weekly/monthly (NOT daily) like $amzn $googl $nvda, or at MAJOR stake for a turnaround after consolidation like $baba $tsla $bidu, GOOD to hold LT calls for weeks. otherwise play LT calls like weeklies #2080rule " +"Mon Jan 22 23:35:30 +0000 2018","How linear has the stock market been? The 14-day Choppiness Index reading on Jan. 12 was 10.83 (scale 0 to 100), and is the lowest reading I could find, checking back as far as 1992. " +"Sat Jan 20 17:11:11 +0000 2018","Government shutdown always bad as you would imagine? Actually not. Take $spx for example. Also remember tech ER starts on Monday so don’t be surprised by a huge er run $amzn $amd $aapl $baba $bidu $fb $googl $jd $mu $nvda $nflx $tsla " +"Thu Jan 11 23:10:20 +0000 2018","$AAPL very quietly forming a SOLID bottom while $amzn $nvda $nflx $fb $googl all hiking these days. said earlier today 175.6 is KEY level to watch. if break, HUGE b/o pushing up spx comp. btw, said back in July 2017 $spx to 2740, $comp to 7200 - no one believed me LOL " +"Wed Jan 31 14:53:03 +0000 2018","Which Way Wednesday - Fed Edition $QQQ $DIA $SPX Also $ABX $ALK $CDE $CIM $NLY $AAPL " +"Sun Jan 21 19:37:24 +0000 2018","Here are the big names reporting earnings this week. $NFLX $GE $F $ISRG $SBUX $INTC $JNJ $HAL " +"Wed Jan 31 12:34:27 +0000 2018","Which of the five will become America’s first $1trn company? After the markets closed on January 29th Apple was ahead with $862bn, followed by Alphabet ($823bn), Microsoft ($725bn), Amazon ($683bn) and Facebook ($540bn). Party time indeed. That is a cool.3.7 trillion. Dollars." +"Sat Jan 20 14:11:44 +0000 2018","Some implied moves for earnings next week: $NFLX 7.8% $GE 4.9% $INTC 4.2% $CELG 5.4% $ISRG 4.6% $BIIB 4.5% $WYNN 5.65% $SBUX 4.7% $VZ 4.7% $F 3.3% $ABT 3.1% $PETS 14.9% (monthly) " +"Sat Jan 06 01:42:58 +0000 2018","Always follow strong price action. Inst’l money flows are what moves stocks. $BABA $FB $GOOGL $QQQ strong follow thru this wk. $AAPL 2mo inv H&S looks ready $NVDA 1mo ascending triangle measured move now complete $OSTK W bottom played out beautifully. Wkly res ~90, 100 " +"Fri Jan 26 21:49:00 +0000 2018","The 10 biggest companies by market cap $AAPL - $870 billion $GOOGL - $821 billion $MSFT - $712 billion $AMZN - $664 billion $TCEHY - $560 billion $FB - $544 billion $BRK.A - $531 billion $BABA - $508 billion $JPM - $396 billion $JNJ - $386 billion " +"Wed Jan 17 21:14:54 +0000 2018","Sector Trend Trading paper$ account broke through $340k for the first time today. Technology, especially semiconductors( $LRCX $TXN $AMAT), really powered our portfolio higher. The only two stocks to the downside were $AMZN & $ALB. @Market_Scholars $MCHP $UNH $A $ADBE $MSFT $IDXX " +"Thu Jan 11 16:51:24 +0000 2018","It’s the Pro Bowl of all-time highs today: Amazon NVIDIA Netflix Activision Boeing JPMorgan Berkshire Wells Fargo MasterCard Capital One Caterpillar UTX Best Buy UPS Delta Marriott Hilton Lennar Honeywell ICE Humana Aflac Emerson Eaton " +"Tue Jan 23 19:51:02 +0000 2018","it's RIDICULOUS to have this kind of title. the whole bull mkt run is NOT because of him, but of companies like $amzn $googl $nvda $baba $nflx $tsla seeing (or will be seeing in case of tesla) exponential growth " +"Mon Jan 22 23:30:31 +0000 2018","$nvda runs over AND close above 232 today. it's just the BEGINNING. resist levels: 237 242 245. also remember my 2018 updated PT $334. it's TOTAL beast. i opened a second acct last week ONLY to buy long-term calls (Jun/Sep/Jan) for $nvda $googl $baba $amzn & gonna hold for weeks " +"Fri Jan 19 23:19:52 +0000 2018","There were 236 52-week highs within the $SPY this week. I've been tracking this data weekly for 6 years. The only other week with a higher reading was 5/21/13 at 265. Attached is a pic showing new highs THAT week. Back then REITs were part of $XLF. This week $XLI & $XLF were best " +"Tue Jan 30 16:33:01 +0000 2018","many months people were on sidelines that mkt is not letting them in. Now that the opportunity is there, it is too risky. TOH KAB AAOGE BHAIYA!!!!😀" +"Sat Jan 06 15:27:23 +0000 2018","#FANG $fb $amzn $nflx $googl is history. What I LOVE for 2018 and beyond is #BATMAN $baba $amzn $tsla $mu $amd $nvda No one can deny that chips in BEST moment ever & baba amzn DOMINATE plus Tesla WILL deliver. Let’s start using this hashtag for rest of year!! LOL " +"Sat Jan 27 12:49:49 +0000 2018","Expect the following to happen in 2018: 1. $NVDA current mkt cap at 147B. Make it to top20 list. way more potential than $intc $amd 2. $BABA take over no.5 seat. $fb is history now. Not great enough. 3. $GOOGL $AMZN both passing $aapl (&$msft) to be No.1&2. " +"Wed Jan 31 23:27:47 +0000 2018","Live stream tonight in about 3 hours from this $SPY $WYNN $TWTR $TSLA $BA $CVX $BABA the big picture experts speaks about the market and our plans and what I see going forward" +"Sat Jan 20 14:01:40 +0000 2018","#earnings for the week $NFLX $GE $HAL $INTC $CAT $LRCX $JNJ $CELG $VZ $F $CLF $PG $STM $ISRG $ABT $PETS $FCX $WDC $AAL $MMM $TXN $UAL $RTN $BIIB $LUV $CMCSA $KMB $ALK $UTX $CBU $SBUX $BOH $AMTD $JBL $WYNN $URI $BMRC $HON $SWK $ITW $PGR $OPB $STT $TRV " +"Wed Jan 17 20:20:45 +0000 2018","I will be doing a live stream tonight people the big picture expert will be speaking tonight about the $SPY $CVX $AAPL $TSLA $OSTK $AMGN $PYPL $TWTR $FB my thoughts on the market $BA and how to become a serious follower on PowerGroupTrades $STUDY" +"Fri Jan 26 21:12:39 +0000 2018","Those day traders only wished they could do what I do big money is in catching directional moves not little blips and runing like a little child to make big bucks you need to think big with solid plans we caught huge gains in stock like $FDX $COST $TSLA $AAPL $FB $CVX $NFLX" +"Fri Jan 26 21:18:41 +0000 2018","StockBookie looking like a big clown with the $SPY $NFLX $BA $WYNN as he was short $WYNN since 106 even with todays big drop $WYNN still at 180 after reaching 200, he is just another example of no skill small thinking guessing all hot air also massively wrong $SPY since 225!!" +"Sat Jan 27 03:55:33 +0000 2018","$SPY on feb 11 2016 I posted a bullish reversal plan for higher prices while 95% were extremely bearish. Then as it rallied right into 2016 dec the stock bookie was super bearish the market a so called stocktwits pro , I have only been bullish posting powerful plans ever since" +"Sat Jan 27 01:19:37 +0000 2018","$MCD $MSFT $FB $PYPL $EBAY $AMZN $AAPL $GOOG $BABA $V will be the main earnings trades I will be attacking next week, but there are a lot more to play as well!" +"Sat Jan 27 13:19:10 +0000 2018","Some implied moves for next week earnings, it is a big one: $AAPL 4.7% $BABA 6.9% $AMZN 6.8% $FB 5.8% $GOOGL 5% $MSFT 5.1% $PYPL 6.2% $ALGN 8.2% $AMGN 3.4% $MA 4.4% $V 3.9% $X 9% $UPS 3.7% $BA 6.1% $MCD 3.2% " +"Tue Jan 02 18:52:50 +0000 2018","While the stockbookie = the stockclown cries that the market is to high with #NoSkill I bang out strong wining plans like $CVX $NFLX $BABA with a super strong start to the new year while many services lost money shorting stocks like $PCLN $STUDY the power of a big picture master" +"Mon Jan 22 21:52:36 +0000 2018","I will be posting another plan I like inside of PowerGroupTrades this market is super bullish people poor stock clown is not going to like this many stock setting up for higher prices the $SPY is super bullish" +"Mon Jan 15 00:00:31 +0000 2018","Here are the stocks and events @JimCramer's watching this week: " +"Wed Jan 31 14:29:13 +0000 2018","Seems like their goal this week is to pile on the bad news on $AAPL and kill it before earnings(which they did well)..... $AAPL is now set up for an earnings pop. Jmho " +"Mon Jan 29 15:46:49 +0000 2018","Here are the stocks and events @JimCramer's watching during this Super Earnings Bowl: " +"Fri Jan 26 00:14:09 +0000 2018","If the stock market keeps rising, Apple, Alphabet, Microsoft, or Amazon could reach a $1 trillion market value, something that’s never before happened in the U.S. " +"Sat Jan 13 13:45:48 +0000 2018","I will be making a special $AAPL update to discuss my plans and thoughts and suggestions going forward this weekend with key numbers I am looking at" +"Mon Jan 22 00:00:29 +0000 2018","Here are the stocks and events on @JimCramer's radar this week: " +"Wed Jan 10 21:50:27 +0000 2018","Live stream tonight people I am going to speak about $AAPL $TSLA $OSTK $SPY $HON $ARRY $AMGN and why you do not want to be wron and gues like the stockbookie aka the stock clown I have some super new points to make a power packed session in about 4 hours and 30min from now" +"Sat Jan 27 12:40:39 +0000 2018","#earnings for the week $AAPL $BABA $FB $AMZN $AMD $MSFT $BA $PYPL $LMT $GOOGL $V $STX $MCD $T $PFE $ALGN $MA $AKS $UPS $X $EA $BX $S $XOM $NUE $QCOM $EBAY $HOG $SIRI $GLW $GPRO $AET $KEM $PHM $D $NOK $CVX $SAP $AMGN $AMG $ADNT $PII $LLY $ANTM $DHR $MO " +"Tue Jan 16 17:56:45 +0000 2018","Apple hit new all-time highs today. Its market cap is now $910 BILLION. Here's how the world's biggest public company has been trading 3-months +13% 6-months +19% 1-year +49% 3-year +66% 5-year +155% $AAPL -> " +"Wed Jan 31 01:26:15 +0000 2018","$AAPL Right?... Samsung Shares Surge after reporting record earnings on robust demand for memory chips and sales of high-end displays for the _iPhone_ X. " +"Mon Jan 29 00:00:39 +0000 2018","Here are the stocks and events @JimCramer's watching during this Super Earnings Bowl: " +"Mon Jan 29 18:21:10 +0000 2018","if u r still trading $aapl $fb calls today, u totally have ZERO understanding about this mkt. said many times this is time when whole mkt is running based on POTENTIAL, not actual. $amzn to 1800, $nflx to 440, $nvda to 334, $baba to 284. simple yet powerful logic." +"Tue Jan 02 21:01:46 +0000 2018","Nasdaq zooms 1.5% to close above 7,000 for the first time. S&P 500 sets record high. Netflix, Under Armour pop 4%. " +"Fri Jan 26 16:36:33 +0000 2018","Mark your calendars right now. Next week, more than 500 companies report earnings including: • $AAPL ❗️ • $AMZN ❗️ • $LMT • $AMD • $FB ❗️ • $PFE • $XOM • $MSFT ❗️ • $CVX • $T • $PYPL • $BABA ❗️ " +"Tue Jan 23 13:43:00 +0000 2018","you don't need to play anything else in this bull mkt other than these few names - $amzn $amd $baba $bidu $nvda $googl $nvda $tsla $nflx $mu $ba $aapl $fb NO need to distract yourself. FOCUS is the KEY." +"Sun Jan 28 23:57:39 +0000 2018","growth % in past 3 months: $NFLX 38.43% $BA 32.39% $AMZN 26.21% $NVDA 19.37% $GOOGL 14.95% $BABA 13.02% $TSLA 7.11% $FB 5.63% $AAPL 2.87% So we should focus on names w/ lower $ and expect more? NO! If u can't move in this mkt, u r not attractive. one exception is $BABA." +"Thu Jan 18 14:12:30 +0000 2018","These 16 companies alone have $1.1 TRILLION in cash on the sidelines right now Apple $AAPL - $269 billion Microsoft $MSFT - $143 billion Alphabet $GOOGL - $107 billion Cisco $CSCO - $76 billion See the full list here -> " +"Mon Jan 29 02:37:59 +0000 2018","let me emphasize again this week is VITAL w/ all heavy-weight ER coming out $aapl $amzn $googl $nvda $baba $ba. remember BOTH drop AND small pop post ER can kill calls. if u don't cash out gains & use RIGHT trading strategy, u lose big. i said tons people will LOSE HUGE in 2018." +"Tue Jan 23 21:18:59 +0000 2018","folks tons of chance to make $ so WHY always in a rush to make $? it's totally ok to miss some names. i missed $fb for today. i missed $amzn for a day last week. i missed $nflx entire run. but does that matter? i am at my best when focusing on only 5 names. no rush. enjoy trading" +"Wed Jan 31 16:41:27 +0000 2018","It's about to go down. Look who reports earnings TODAY after the 4 PM ET closing bell: • $FB • $MSFT • $T • $PYPL • $X (gon give it to ya) • $QCOM • $EBAY • $VRTX • $SYMC • $MDLZ • $AFL " +"Sun Jan 28 18:03:26 +0000 2018","MORE than 400 companies report earnings next week and we got you covered. This list: Mon - $LMT $STX $HA $SOHU Tue - $AMD $AKS $PFE $MCD $EA $ILMN $GLW Wed - $FB $MSFT $T $PYPL $BA Thu - $AAPL $AMZN $BABA $GOOGL $V Fri - $XOM $CVX $SNE $S " +"Sat Jan 27 15:57:24 +0000 2018","The three best stocks over the last 15 years are: • $NTES NetEase +11,706% • $MNST Monster Beverage +77,230% • $NFLX Netflix +23,467% Fact of the day from @ivanhoff2 -> " +"Wed Jan 03 03:41:10 +0000 2018","I made many ""crazy"" predictions a year ago and most of them reached PT. Updated them again in Mar/Apr, then reached again. Now am offering update PT for 2018: $fb 262, $amzn 1420, $nflx 264, $googl 1340, $tsla 466, $aapl 192, $nvda 276, $baba 284, $bidu 318, $mu 72, $msft 112." +"Sun Jan 28 04:49:25 +0000 2018","Many people plans to short tech from here. My advice - if u don’t like $amzn $baba $nvda $nflx $googl $fb, just don’t buy calls & wait. Playing puts in this kinda mkt is not necessary strategy. One exception is $aapl. Weekly chart says back to 164 (but iPhoneX Sales # may blow)." +"Wed Jan 31 21:06:16 +0000 2018","Market is just astonishing right now. Probably going to take a backseat for a week or so, let earnings play out then re-approach. Stops continuing to get ran through. getting 20+ point whipsaws out of nowhere. If you can't beat 'em, join em. If you can't join 'em stay away, imo." +"Fri Jan 19 15:38:49 +0000 2018","When it all goes bad, and it will one day, whether it is today, next week, or in 5 years, price will break below key levels and moving averages. Until then, the Big Money is being made on the long side in uptrends. $SPY $QQQ $EEM" +"Thu Jan 04 15:41:02 +0000 2018","Lots of new all-time highs. Just a few: Amazon Netflix Facebook Alphabet Microsoft eBay MasterCard Visa Hilton Darden PVH Estee Lauder AmEx Aflac Berkshire JPMorgan Capital One Wells Fargo Deere FedEx Lockheed Norfolk Southern Union Pacific UPS UTX Emerson Dover DowDuPont" +"Sun Jan 28 19:17:27 +0000 2018","Tech earnings cheat sheet for this week: $AAPL $MSFT $FB $AMD $BABA " +"Mon Jan 22 01:13:52 +0000 2018","I only trade using 1 monitor, and I'm focused on the charts that are on my watch list &I look for UOA that fits my chart. Cut out all noise. $TSLA has a (-) PE, and it's still climbing. When you try to make sense of the market, it will only confuse you more. Play the charts only" +"Wed Jan 03 14:02:51 +0000 2018","The Nasdaq closed above 7,000 for the first time ever yesterday. Adjusted for inflation, the all-time peak was in March 2000 at more than 7,200. In other words, it still hasn't gone anywhere in 18 years ... so maybe it isn't quite as overbought as it might appear." +"Wed Jan 31 03:49:08 +0000 2018","so they pull this market back just before the SOTU, Fed tomorrow, $FB er's Wed, and then $BABA er's Thurs morning, and $AMZN $GOOGL $AAPL er's Thurs afternoon?!?! They're about to rip this north - oh and $AAPL is going to 200 after this BS pullback and $BIDU will be 350 easy" +"Thu Jan 25 15:08:32 +0000 2018","Starting to see more and more stocks, gap up on earnings but quickly selloff after they gap up.... $XLNX, $CAT, $FCX, $LRCX, $CREE as recent examples." +"Mon Jan 29 21:17:42 +0000 2018","Market closed down?! Here comes the sarcastic FinTwit tweets that go something like this: ""$QQQ melted down to levels unseen since .....(insert a day from the previous week)!!!""" +"Fri Feb 23 22:03:24 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $ROKU $NXPI $HD $WMT $AAP $QCOM $QQQ $AMZN $FB $TSLA $BABA $JD $SNAP $GOOGL " +"Fri Feb 23 22:02:23 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $ROKU $NXPI $HD $WMT $AAP $QCOM $QQQ $AMZN $FB $TSLA $BABA $JD $SNAP $GOOGL " +"Thu Feb 08 20:06:10 +0000 2018","Think they were dumping on $SPY all day long? Think again... here are our longer term Accumulators...the rise in the MP reflects short covering and new long demand, Liquidity (which measures trades) rising slowly also indicating covering and some new longs. " +"Fri Feb 16 17:05:10 +0000 2018","ok tapping out early.. +16k on the week but i totally played it wrong. I came in thinking we'd for sure test the SPY 200dma one more time before a big bounce and boyyy was i wrong " +"Tue Feb 06 00:38:53 +0000 2018","The #stockmarket goes up and down, true. Since @realDonaldTrump has been in office we have seen continued record highs ... are companies really worth their current stock price? Crazy ups lead to crazy downs. #StockMarketCrash #TrumpStockCrash #Dow #options @TheTweetwit" +"Thu Feb 08 15:09:44 +0000 2018","Three Truths about Stock Market Sell-Off Gold Investors Should Know #Gold #goldprice #trading #VIX #StockMarket #StockMarketCrash #stocks $XAUUSD $XAGUSD $GLD $SLV $GC_F $SI_F $VIX $SPY " +"Mon Feb 26 23:29:54 +0000 2018","Double Screen for @SpecialReport @FoxNews on Day 3 of stock market gains. Tech were the big standouts today. $AMZN closed up 1.5% at $1521.95, making the world’s richest man even richer. Founder& CEO Jeff Bezos made $1.7 B today alone. He is now worth $120B + ($121.1 B exactly) " +"Fri Feb 16 03:52:54 +0000 2018","Wild morning, lots of fun.. much more focused today on being selective.. missed a few opps but pretty happy overall, much improved from yday! Ended the week +$19k.. starting to find my groove a little so hopefully a big end to earnings season is ahead! HAGW all! " +"Thu Feb 15 18:30:11 +0000 2018","Major corrections to the $SPY and $DJIA, like last week, can be a chance to “buy the dip” once the pullback ends. The TradeStation Scanner lets you search for these technical setups. Watch how to set one up here: " +"Wed Feb 07 03:25:47 +0000 2018","@WarrenBuffett even put it himself: ""If you aren't willing to own stock for 10 years, don't even think about owning it for 10 minutes."" Track #AMZN and #NFLX on Call Levels now! @mcuban #stock #Amazon #Netflix #shares #DowJones #stockmarket" +"Fri Feb 23 05:00:02 +0000 2018","+$6.5k today.. leaked a little in the last hour which is annoying.. got fkd this morning buying $HSN match, a little too big sizewise and too much action in group 4 took my attn.. anyway +$29k for the week, 3 more days of earnings SZN! Hopefully close out strong! HAWG punters! " +"Fri Feb 02 15:39:39 +0000 2018","Scan report sense something bigger then today will be coming next weak Long- No fresh Long Short-34 fresh shot Have a diversified shot, chose 1 shot from each sector, put buy will be good, in case you are big player Shot with 2 ATR protection call, keep SL of 1.25 ATR close basic " +"Sat Feb 10 16:26:46 +0000 2018","After Dow give 800 points swing, many will be expecting that short covering bounce in Asia BUT China/HK- both index looks much problem then Dow, Scan - NO fresh Buy Glenmark is fresh sell. OI - Adani/Sail/HZ - Long added Nifty - Short Added Fortis- Sht covering " +"Tue Feb 06 17:41:57 +0000 2018","Anyone who tells you that the #stockmarket or the #DOW will continue to go up forever is just about to sell all their stock while you prop up the price. Volatility, as we are seeing is a sign of a rocky future (typically). Be careful with your portfolio if you have one!" +"Tue Feb 06 23:15:02 +0000 2018","Happy FANG-A-versary! The popular acronym for Facebook, Amazon, Netflix and Alphabet turned 5 years old today. Here’s a look at it growing up, right before your eyes " +"Thu Feb 15 19:35:14 +0000 2018","Our Book: Charting Wealth, Chapter 5. Candlesticks offer stock traders a visual method for charting price movement. Learn how to use them: #stocks #business #trading #investing #stockmarket #wallstreet #nyse #sp500 #nasdaq #bloomberg #foxbusiness #cnbc " +"Mon Feb 05 12:02:49 +0000 2018","Notable Earnings 📈📉 M $CRUS $FN $FTNT $GWPH $SWKS Tue $AGN $AKAM $CMG $DIS $GILD $LITE $MCHP $MTCH $NEWR $SNAP W $COHR $CTSH $ICE $ICHR $IRBT $KORS $NTES $SYNA $TSLA $TTWO $XPO $YELP $ZAYO Th $ATVI $AQ $EXPE $FEYE $GOOS $GRUB $NUAN $NVDA $PENN $REGN $SKX $TWTR $Z F $CBOE " +"Wed Feb 14 19:22:30 +0000 2018","$AURX bid above price!unknown #biotech stock was just $2 now @ 09 BOUNCING insiders own 72%!💸 #StockMarket #NASDAQ #startup #PENNYSTOCKS #mmj #money #bitcoin #ltc #btc #ripple #Crypto #stocks #trading #pennystocks #Pharma $TMBXF $BIEI $BIOA $RNVA $TITXF $PSID $MJGCF $UMFG $TMBXF " +"Fri Feb 09 21:07:24 +0000 2018","P/L: Nearly scalped my way to the #FIveFigureClub today but not quite. Crazy fluid action on $UVXY today which is basically perfect for some Madaz Mad Scalping. Beautiful range and liquidity, easy ECN rebates. If only we had this action every day. $INPX nice short. $NVDA " +"Mon Feb 05 21:11:14 +0000 2018","P/L: A very rare day that had a dull morning but got dramatic late. Was up 1500 then was down about -1500 on bad $AMZN trade then scalped $UVXY all day long once it picked up some momo then nailed $AMZN flash crash trade to make it a decently profitable day. $AAPL $CAPR $CHCI " +"Thu Feb 08 21:29:51 +0000 2018","P/L: Yes, I made my broker rich today with a lot of tickets but did what I had to do. $NXTD was a money short but didn't get a full fill. Got $TWTR small washout long then flipped short. Shorted $SNAP and $UVXY was an all day wallet padder. $NVDA AH fast finger Earnings scalp. " +"Wed Feb 14 12:27:49 +0000 2018","$AAPL a nice 15 point bounce since I posted the $SPY reversal key points in PowerGroupTrades while their was great fear ,holding $AAPL as many were wanting to sell I gave a plan of hope and power instead ,today just like $FDX those that held, are in gains instead of loss saved " +"Tue Feb 27 01:02:13 +0000 2018","BEAUTIFUL day largely attributed to tech. Not over yet. Even stronger move incoming. $amzn $googl $nflx $nvda $ba $tsla $baba $bidu $msft $fb $aapl $mu " +"Thu Feb 22 03:30:34 +0000 2018","also keep in mind $spx monthly 5ma at 2684. next Thursday it will move to 2706-2711 range. so if we see spx dropping to 2591 and start to bounce hard, that's HUGE GIFT like two weeks ago. many people made tons more $$ during that dip bounce than the typical entire week. " +"Sun Feb 11 00:44:00 +0000 2018","$AAPL still below 200 sma and weak. Could change at anytime but weak for now. $NFLX hardly broke its 20 day sma. So far at least. " +"Thu Feb 01 22:52:09 +0000 2018","02/01/18 - View today's #MarketOutlook from @Market_Scholars here: Discussed: $SPY $IWM $AMZN $BRKB $JPM $UUP $BTC $EEM $IWM $XLU $XLF $AMGN $AAPL $GOOGL $AMGN $TYX $GS 🐂" +"Sun Feb 18 14:26:03 +0000 2018","$WMT Reports Tuesday. 2nd biggest online mass merchant, biggest US employer, scrappy underdogs fighting for respect in the Kingdom of Bezos. This is the big one. The Alpha and Omega. The fate of the American Experiment rests in the balance. Your cheat sheet. " +"Tue Feb 27 14:07:39 +0000 2018","Nasdaq working on triple breakout, one of them being the top of 15-year rising channel. $NDX $QQQ $AAPL $FB $GOOGL $AMZN $SPY " +"Thu Feb 08 23:27:16 +0000 2018","I heard an analyst today comparing this minicrash to 1929. The difference then is that most stocks were already heading downward at the final DJIA top. The Fed and Congress then piled on with higher rates & taxes, plus tariffs. " +"Wed Feb 28 16:13:42 +0000 2018","When u do all the research, study, charting, technicals and wait for the perfect entry. You’re the invincible guru of trading then Kylie Jenner sends one fu****g tweet $snap @traderstewie @SJosephBurns @StockCats @FedPorn @MONETARY_MAYHEM " +"Thu Feb 01 21:10:46 +0000 2018","Traders on earnings day.... $AMZN +$50 !! $GOOGL -$55 !! What's $AAPL doing?!?! " +"Thu Feb 15 03:49:08 +0000 2018","THE Feb 14 recorded LIVE STREAM HERE IS THE LINK TO IT THIS WAS A GREAT LIVE STREAM ON $AAPL $TWTR $ANET $SPY $BA $FDX as I explain many key points to expand your mind on thinking big picture vrs small picture thinking and what I think about the market" +"Fri Feb 23 21:29:09 +0000 2018","My $AAPL plan has done even better then this video update plan. But see this video it shows you why I am the $SPY big picture expert and todays gains I enjoy them in this chop market the key is to have a big picture plan.I am the big picture expert" +"Sat Feb 17 17:58:16 +0000 2018","no need to draw anything on these weekly charts. just look at the candle. if u r still worried about the trend, just look at these chart. remember always play strong names in the mkt $amzn $nflx $nvda $ba " +"Thu Feb 15 14:22:39 +0000 2018","first time ever, the AI deep learning based ETF $AIEQ picked $NVDA as its top holding in the portfolio. folks, i twitted when $nvda dropped after ER that it's a STEAL BUY. if u don't understand the value of it, u never understand why we see this whole bull mkt run. " +"Sun Feb 11 14:04:58 +0000 2018","Alpha stocks for the week: $WLCON $BLOOM $NRCP $NOW $TUGS $MAC $IMI Movers worth mentioning $ATN $VUL $STR $HVN $ECP $POPI $VLL Stocks losing steam: $MWIDE $LTG $TBGI $SMC Lets have a good week everyone! will only focus on these stocks for the week! #tradingneverstops" +"Mon Feb 12 17:04:55 +0000 2018","$SPY Well based on my post inside of PowerGroupTrades on firday as the market was droping hard,it looks like I was correct once again in an eye opening manner with great details with key numbers,not guessing or assuming $AAPL strong bounce is a very good sign money is steping in " +"Fri Feb 23 00:56:46 +0000 2018","$AMZN, $MSFT, and $NFLX have powered nearly half of the gains in the S&P 500 this year. $SPY " +"Fri Feb 23 22:39:26 +0000 2018","New high for FAANG stocks today, now up 18.4% YTD. What correction? $FB $AAPL $AMZN $NFLX $GOOGL " +"Wed Feb 14 21:32:43 +0000 2018","Do I look like Einstein!? I think tomorrow could be a real good day with Cisco and Amat good and Uncle Warren boosting his stake in Apple. Here comes the Nvidia train! " +"Thu Feb 08 16:04:39 +0000 2018","Watch these 3 nos in US Indices , if Indices close below (yes , below)these marks the Bottom for ST might be in place , DOW 24345 , SnP 2648 , NasdComp 6967 !!" +"Sat Feb 24 16:39:17 +0000 2018","#earnings for the week $SQ $JD $VRX $PCLN $FIT $JCP $M $CRM $LOW $PANW $LL $BBY $NTNX $WTW $ADI $FL $TOL $AMT $SN $SWN $EMES $AZO $IONS $VMW $EXEL $KSS $BCC $CLVS $CPRT $AMC $ALB $ACAD $TJX $DF $AWI $RRC $SPLK $FTR $ENDP $SRPT $CRK $PZZA $DDD $WDAY $BUD " +"Fri Feb 09 17:10:57 +0000 2018","People in California waking up right now, opening their computer, and checking their stocks $SPY $BTC.X $QQQ -> " +"Tue Feb 27 15:33:29 +0000 2018","Apple just traded at $180.48/share. That's a new all-time high. It's now up 31,000% since its December 1980 IPO. Its market cap now stands at $915 billion. $AAPL " +"Sat Feb 03 13:25:07 +0000 2018","#earnings for the week $NVDA $TSLA $TWTR $SWKS $SNAP $DIS $ATVI $GILD $GM $CMG $BMY $AGN $TEVA $TTWO $BP $COHR $SYY $REGN $NTES $FEYE $ARNC $CVS $EXPE $SKX $HES $BAH $CMI $OCLR $GOLD $CHD $IRBT $LITE $GRUB $CTLT $GOOS $HAS $KORS $MCY $TRVG $ONVO $PM " +"Mon Feb 19 01:54:18 +0000 2018","remember these four stocks as i charted $nvda $nflx $amzn $ba are KEY to watch this coming week. if they are good, we see super bullish reversal play of everything. " +"Fri Feb 09 01:23:47 +0000 2018","The Dow Industrials (23,860.46) closed slightly above its 200 -day moving average at 23,586.56. Same for the NASDAQ Composite (6,777.16) it is slightly above its 200-day moving average at 6,736.26. If they break, expect further 'algo' panic selling. Don't buy yet." +"Tue Feb 20 20:21:21 +0000 2018","In the last 7 trading days: $AMZN 1260 to 1490 $NFLX 236 to 285 $GOOGL 997 to 1116 $TSLA 294 to 343 $BA 317 to 356 $CAT 142 to 160 $NVDA 205 to 250 $SQ 36 to 46 $SPY 253 to 273 $QQQ 150 to 167 Seems like a good time to take a dip if you ask me" +"Wed Feb 21 21:06:28 +0000 2018","WHY mkt has NO reason to panic? logic is VERY simple here. IF mkt gonna go down, leading names gonna be crashed first as institutional $$ get out. but look at #FANG - $fb $amzn $nflx $googl ALL closed green close to 1% up today. that's CLEAR signal. only small investors panic. " +"Wed Feb 07 23:21:39 +0000 2018","Big picture expert talkes about the market $SPY $MSFT $NFLX $BA $TSLA $AAPL. forget about ther noise as most do not know anything or think correctly I will be telling you the facts. Live stream in about 3 hours from now $STUDY" +"Thu Feb 01 21:20:37 +0000 2018","I just tested the live stream it is working well today so we will do a live stream tonight in about 5 hours fomr this post. $GS $TWTR $FDX $BA $SPY $TSLA, I will be talking about the $SPY and the big picture for our plans and what I see happening based on what I am seeing now" +"Mon Feb 05 20:29:59 +0000 2018","When you get up in the morning tomorrow and see this #tweet and the crazy #dowjones move - do read this too - is not the first time :) if you want to get scared search for 1987 flash crash" +"Sun Feb 11 13:41:10 +0000 2018","after huge ups and downs, lots of names still very pricy w/ high premiums in options - calls and puts. if u r not comfortable with $spx pricy options, use $spy. also use $ba as proxy to $dji." +"Tue Feb 13 20:38:43 +0000 2018","$AAPl doing very well this stock is key a strong $AAPL is always good for the market it always pulls it up most of the time. I have explained that point for years" +"Thu Feb 01 23:47:46 +0000 2018","$SPY $CAT $FDX $AMZN $TSLA $GS $TWTR come and join the live stream in about 3 hours, I am the big picture expert ,do yourself a favour and come to my live stream and look to become a serious follower on PowergroupTrades if your serious about making money $STUDY" +"Mon Feb 12 14:09:22 +0000 2018","People of the markets, get ready. ALL of these companies report earnings this week: Mon - $VIPS $CHGG $FMC Tue - $BIDU $TWLO $KO $APRN $WB $UA Wed - $GRPN $CSCO $AMAT $SPWR $ABX Thu - $SHOP $OSTK $SHAK Fri - $VMW $DE " +"Mon Feb 12 00:00:22 +0000 2018","Here are the stocks and events @JimCramer's watching this week: " +"Fri Feb 02 20:34:37 +0000 2018","Quite a bit of chatter on Networks about $SPX being OVERSOLD. Folks.. we're nowhere NEAR oversold after reaching the highest overbought readings in decades on Weekly, Monthly basis w/ RSI in the high 80s.. Even Daily RSI on $SPX is just a 48, (only on Hourly basis #TRADING )" +"Wed Feb 28 21:22:12 +0000 2018","The big picture expert will be doing a great live stream tonight people $SPY $AAPL $BA $MSFT $FB plus I will be explaining a lot of helpful advice. Live stream in about 5 hours from this post people" +"Wed Feb 28 16:51:05 +0000 2018","We were able to lock in a lot of great gains today a super month in $AAPL $FB $BA $MSFT great gains in all of those but $AAPL was the super star. I will be making new plans to make great gains for my serious followers" +"Wed Feb 14 15:20:29 +0000 2018","$SPY trust me this market will be unlike anything ever seen in history the times have changed old school thinking will not work all the schooling and theory Study in the world will not help the market is to smart. Only those that learn to listen to this market will survive" +"Wed Feb 14 21:36:27 +0000 2018","also a good day for us in $MSFT another great plan lots of great things since I explained the $SPY bounce, in a way no one esle could and gave then best results. When the big picture expert speaks you know that their power behind that" +"Wed Feb 28 14:22:04 +0000 2018","$SPY I made an update about the key pivots yesterday inside of PowerGroupTrades while people with no skill and skill spread fear about yesterdays candle I post key facts and we are bouncing very quickly with power good for our stocks $GS $AAPL $BA time to pay us again!" +"Wed Feb 14 23:19:16 +0000 2018","Live stream tonight people on PowerTargetTrades The Big Picture Expert speaks about the $SPY $ANET $AAPL $MSFT $FDX $NVDA and about the market and what I see in 2018 . Live stream in about 2.5 hours from this post" +"Fri Feb 23 16:41:06 +0000 2018","$AAPL $TSLA $FB are all plans that are doing well that was explained inside my Group PowerGroupTrades free for all to join. Many services are going to fear the big picture $SPY expert in the future as my power keeps growing. My system adapts like nothing else I know what I have" +"Mon Feb 26 15:06:28 +0000 2018","Poor Stock Clown and his trolls and the $SPY bears you guys are making nothing, while my smart group is making bank today!! $AAPL $FB $TSLA great gains in these also $MSFT doing well. All wining plans of mine When your lazy and troll you get nothing in life $STUDY" +"Thu Feb 01 18:19:39 +0000 2018","Yo get ready. Straight electricity is on the way. ALL of these companies report earnings today after 4 PM ET: • $AAPL 💰 • $AMZN 🥑 • $GOOG / $GOOGL 🤖 • $V • $MA • $GPRO • $AMGN • $DATA • $MAT • $EW • $PACB " +"Sat Feb 24 13:35:13 +0000 2018","$AAPL has $285.1 billion in cash and cash equivalents on their balance sheet. To put that into perspective, Apple could buy every single NFL, MLB, NBA and NHL franchise and STILL have over $110 billion in cash remaining. Yes, it’s baffling. @MarkYusko @DiMartinoBooth @LukeGromen" +"Wed Feb 14 21:31:41 +0000 2018","Nice move for $AAPL for us on friday feb 09 we were losing but Since I explained the bounce in the market I am sure many are smiling who held $AAPL just like I explained to do so for $FDX when it was at 214 and I explained that a big move was coming, big picture thinking rules" +"Thu Feb 15 14:54:42 +0000 2018","looking good I did explain $AAPl is key, a bullish $AAPL is always good for the market people enjoying nice gains from big picture thinking and key pivots . I warned the bears I would take them to school in one of my $SPY videos the big picture expert always wins the big picture" +"Thu Feb 15 12:31:16 +0000 2018","$SPY a lot of bear stock clowns are geting squeezed like lemons many even shorted yesterday only to be squeezed like a lemon today as they have small minds. The big picture expert strikes again with my feb 09 big picture advanced key pivot points reversal plan. $AAPL is key!" +"Sun Feb 25 16:23:15 +0000 2018","this week is gonna be truly amazing. all the techs are set up for a monster move. doesn't matter it's real b/o or shooting star on weekly. remember do NOT use ur whole acct trading options. that's suicide. $amzn $googl $ba $baba $nflx $nvda $fb $aapl $tsla $mu $msft $intc $bidu" +"Thu Feb 08 22:38:31 +0000 2018","We began 2018 with record high valuations (on many measurements), record margin debt, over-the-top bullish sentiment, and the herd crowded into FANGs. When Wall St. (again) tells everyone to ""buy the dip,"" keep in mind the Nasdaq Composite is down all of 1.83% YTD." +"Sun Feb 11 13:46:29 +0000 2018","Friday bounce off daily 200ma & weekly 50ma was good BUT do NOT assume it’s DEFINITELY gonna be V reversal. body of Friday candles in many names too small or still red candle w/ super long stick $googl $ba $baba $nflx $amzn $tsla $fb. not impossible hike a bit then fade big again" +"Thu Feb 22 12:01:45 +0000 2018","$AMZN (+27% YTD) has accounted for almost 30% of the $SPX’s gain YTD. $AMZN + $NFLX (+46%) + $MSFT (+7%) together have contributed close to 50% of the index gains. And the Tech sector overall has driven more than 75% of the $SPX’s YTD gains." +"Mon Feb 26 03:25:07 +0000 2018","I just use and , that's it. I mainly scan for stocks hitting new 52 week highs, Accumulation Volume patterns and scan for Power Earnings Gappers(stocks that gap up and form strong closing candles after reporting good earnings) " +"Thu Feb 08 05:11:08 +0000 2018","Names you should FOCUS on in 2018 no matter what (if mkt up, they hike; if consolidate or down, they run or bounce hard) - $amzn $ba $baba $fb $mu $nflx $nvda $snap $tsla. Other names hiking should be NONE OF YOUR BIZ. Remember FOCUS is the KEY. U can’t make $ playing everything." +"Fri Feb 02 02:09:25 +0000 2018","Despite the good news from AMZN & AAPL (not really), U.S. futures have reversed lower, Asian markets (Japan, China, Hong Kong) getting smoked. 10-yr Treasury almost 2.8%. Cryptos in total rout. Tomorrow could be interesting after all." +"Thu Feb 01 15:56:07 +0000 2018","JPMorgan Chase & Co. Raises Texas Instruments (NASDAQ:TXN) Price Target to $122.00 $JPM #stocks #stockmarket" +"Mon Feb 12 20:14:09 +0000 2018","keep in mind there is ZERO chance $nvda bears could possibly survive tmr or rest of week or next week. 5ma gonna golden cross 10ma tmr, gonna golden cross 21ma on Wed. weekly chart super bullish. bears are bound to be killed -well i don't wanna use that more graphic word here LOL" +"Thu Feb 01 22:40:52 +0000 2018","1 yr ago(at the end of Jan 2017) AAPL's stock was 119. Since then, investors ran AAPL's stock up 45% (nearly $280B cap added)on anticipation of the 10th anniversary edition iPhone(a ""supercycle"").The reality: AAPL sold 1m fewer iPhones Y/Y in Q4, 5% fewer Mac PCs& 0.7% more iPads" +"Mon Feb 12 14:00:50 +0000 2018","The market was hit hard last week by a major correction to the downside. Here’s a look at stocks that rallied after strong quarterly reports, and then retreated with the broader market. $BA $ABBV $EBAY $XRX $FDX " +"Sat Feb 24 06:47:12 +0000 2018","The overwhelming consensus on FinTwit the last two weeks has been ""retest"" & ""distribution"". That could play out, because any outcome is possible, but markets rarely do what the Consensus thinks & key technical levels were reclaimed this week The reality of price $SPY $QQQ $EEM" +"Wed Feb 28 20:45:12 +0000 2018","500 points down in DJIA in a day and a half (signalling a possible failed rally) and the brazen ones are still buying the FAANGs. AMZN, NFLX, AAPL all up today." +"Tue Feb 06 14:57:56 +0000 2018","Markets now in the green - (hat tip to @jimcramer since 3AM)... who lost big? XIV short volatility imvestors got BLOWN OUT big. And we seem to be returning to normal fundamentals..." +"Fri Feb 23 20:51:14 +0000 2018","HUGE HUGE difference in SPX and Nasdaq charts. VERY apparent difference. all is about mid BB on daily chart now. Nasdaq poised to a HUGE b/o next week. $spx $comp" +"Sat Feb 24 03:22:42 +0000 2018","at beginning of year i proposed my #BATMAN portfolio $baba $amzn $tsla $mu $amd $nvda. ytd 18.52% way higher than $spx 2.76, or nasdaq $comp 6.29%, or DOW $dji 2.39%. NOW adding ""ING"" $INTC $NFLX $GOOGL to make it #BATMANING LOL" +"Tue Feb 06 04:59:27 +0000 2018","Good traders rely on charts. Great traders rely on right strategy. Top traders use brain, not emotions. Say again, we are NOT in a bear market. And we are NOT going to have a financial crisis otherwise you see $amzn $fb $aapl $nflx $googl $msft $tsla $baba all dropping 10% today." +"Sat Feb 03 05:19:38 +0000 2018","$dji down 666 pts today, second largest drop since 08, & tons ppl say bull mkt over? Too early to say that. This bull run led by exponential tech revolution $amzn $nflx $googl $nvda $tsla $baba $msft $fb $aapl is not nearly over. Any pullback in the middle is OK. No panic." +"Wed Feb 07 00:05:38 +0000 2018","You can't argue with these gains from $FB, $AMZN, $NFLX and $GOOGL. @JimCramer and @aztecs99 give the FANG stocks another look to see if they can withstand this wild market " +"Wed Feb 14 21:13:47 +0000 2018","134 m to 165 , a 23% increase by Buffett in $AAPL-- Apple.. Insane! I thought he was supposed to sell it because of the I-phone X? Didn't Buffett get the memo; bestr days behind!!! Buy high, sell low, Apple and trade it all day!" +"Fri Feb 02 15:34:29 +0000 2018","If you have an intermediate to longer term time frame, a process, some cash to deploy and a narrow watch list - market pullbacks should be welcomed. Shorter term , or overexposed, and no plan - it can be dicey. Better to let the trades come to you. $SPY $EEM $QQQ" +"Fri Feb 23 18:51:22 +0000 2018","I've been intentionally quiet TWTR lately. I've sold majority of single name plays & swapped mostly to $SPY as I've done before in higher vol periods. Not looking for new longs til things normalize a bit more....hopefully very soon! Safety of index makes holding longs way easier." +"Wed Feb 14 00:45:08 +0000 2018","OK I’ll say it. I think we’ve hit peak FAANG. $FB $AAPL $AMZN $NFLX $GOOGL Sell ‘em all. Finut. It’s over. One man’s opinion and not advice. But the truth. I think. I’ve no upside in sharing this. Other than it’s how I feel. So there it is. #TechWreck2018" +"Fri Feb 09 19:47:15 +0000 2018","they couldn't crack the market at the 2:45 post.. good sign typically to 3:30 where they have tried repeatedly and succeeded in cracking the Vix shorters. Me? i would go buy some Nvidia $NVDA right now betting that the 2:45 checkpoint held" +"Mon Feb 19 00:57:03 +0000 2018","I’m not sure why so many seem to have such a short time frame for stocks and markets. Other than Simons, every trader or investor on the Forbes 400 seems to have an Internediate to longer time frame. I don’t think Druck is worried about a “weak close” in $AMZN." +"Sat Feb 17 20:04:40 +0000 2018","I can't wait for Alexa Charts. You just yell, ""Alexa show me a 5 year weekly candlestick chart of QQQs"" - and boom she quickly responds ""JC would you like a 14-period RSI added to that chart"" - and I would say, ""No price only this time"" and there it is! charts for days! $AMZN" +"Tue Feb 06 15:01:46 +0000 2018","This oversold snap back may feel comforting, but the damage that has occurred in individual names and in the major averages will require some base building and time to repair." +"Sun Feb 18 20:00:51 +0000 2018","The recent index dump was into zero liquidity so you'd expect some kind of selling into this recent strength over the next 2-4 weeks. Expecting markets to distribute MT. Patience game now, let the ranges tighten." +"Thu Feb 22 16:26:11 +0000 2018","Again, I'm seeing internals very weak here. I can't stress that if you don't know how to play this market, please stay out and wait till the 10yr not goes down and charts line up. Right now, both bulls and bears are in no man's land, but a wave C to the downside could get ugly" +"Fri Feb 16 16:22:30 +0000 2018","While I was ""expecting"" market to rally this week.... But if you told me at the start of the week that the market will go up every single day this week, DowJones up more than 1,200 points and S&P up more than 140 points, I woulda spanked you while calling you ""Silly Suzie!!""" +"Fri Mar 30 01:41:07 +0000 2018","$NRPI BOUNCING! .0039 - explosion next week over .01! $AAPL $GOOG $INTC $AMZN $MSFT $AKAM $CMCSA $PFE $MU $NFLX $NOK $XOM $UNH $DIS $HSY $NVDA $MRNS $UNP $BAC $ORCL $WMT $CHK $GLUU $AKS $TWTR $VZ $CTL $FCX $AMAT $TSLA $JPM $WFT $PTI $BIDU $MRK $BETR $AXP $RIG $APA $HPQ " +"Mon Mar 05 05:51:05 +0000 2018","Check out my prediction for the stock market on March 5, with price ranges and forecast discussion. #QQQ #Tomorrow #StockMarket #Predictions #tariffs #StockMarketNews #stockmarkettoday " +"Thu Mar 29 21:17:21 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $SHPG $LULU $GSK $RHT $LOW $AMZN $FB $NVDA $TSLA " +"Fri Mar 16 20:31:13 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $SIG $DSW $FANH $DKS $AKCA $OSTK $TIF $TWTR $CVS $AET $MU " +"Fri Mar 16 20:30:09 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $SIG $DSW $FANH $DKS $AKCA $OSTK $TIF $TWTR $CVS $AET $MU " +"Thu Mar 29 21:14:57 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $SHPG $LULU $GSK $RHT $LOW $AMZN $FB $NVDA $TSLA " +"Fri Mar 02 00:25:59 +0000 2018","$SPY nice selling, my swing prediction is lower price for US stock market #swingtrading #stockmarket " +"Mon Mar 19 16:35:58 +0000 2018","MORE: Tech sector takes a hit: Snap down 4 percent, Alphabet down 3.5 percent, Twitter down 2.2 percent, Netflix down 2.2 percent, Amazon down 2 percent $SNAP $GOOGL $TWTR $AMZN $NFLX " +"Sat Mar 31 15:15:05 +0000 2018","A #fallingknife is a #stock that has had a significant drop, which may trick #investors to think they are getting a bargain because the price is so low Want more #StockMarket #trivia ? #stockmarkettrivia #investmenttrivia" +"Wed Mar 28 15:15:08 +0000 2018","#GreaterFoolTheory : You buy a stock at an over-priced amount in a hot market because you think you can resell it to a greater fool at a higher price. Want more #StockMarket #trivia ? #stockmarkettrivia #investmenttrivia" +"Mon Mar 05 19:10:35 +0000 2018","How to follow Stock Price Movement for Profit. We show you! #stocks #trading #investing #finance #stockmarket $spy " +"Mon Mar 19 15:47:21 +0000 2018","Well, you might be receving lot of tweet or msg that market is going 9700-9500-9000. This is no use for trader, what is more imp is how can we trade under VAR, which stock to short, what is good Sl. How to run trend and when to book profit. Scan- No buy all sell list went up. " +"Tue Mar 27 20:06:31 +0000 2018","AT THE CLOSE: Stocks reversed course and posted red ink Tuesday, with the Dow Jones Industrial Average plunging more than 300 points, as technology names such as Twitter and Facebook dragged on the market. " +"Fri Mar 30 22:49:58 +0000 2018","US equity market pivoted from inflation to trade worries in March 2018, , but the month ended with questions about big tech. With heightened volatility, S&P down 2.7% for month, with ERP ticking up to 5.15% for 4/1/18. " +"Thu Mar 22 20:07:31 +0000 2018","P/L: Crazy pump and dumps out of the gate. Got $SNGX halt resume washout long for fast money. Scalped $GERN for a nice wallet padder. $OMEX $AMTX small padders. $UVXY crazy action in the afternoon to pay for the #BigMacs. Switched bias from short to long which was critical. " +"Tue Mar 06 21:05:29 +0000 2018","P/L: A better day but still was not giving this market the benefit of the doubt just yet so still did appropriate small sizing paramters. $AMDA was a potential monster textbook panic pop short winner but only did small size. $AMTX $CHFS $CLBS $ECYT $INNT $UVXY $ZSAN padders " +"Thu Mar 15 19:29:34 +0000 2018","Tech stocks big picture: $XLK is holding up $SPX & the path of least resistance looks down. It's in a tightly coiled bearish wedge and for XLK to continue rallying it has to break UP from a bearish pattern, through major channel resistance from 2016. 1 more bounce is likely " +"Thu Mar 08 21:11:16 +0000 2018","P/L: I see the LIGHT! There is HOPE! Market is really looking brighter compared to the shit show recently. Nailed $ZSAN scalps all day with just 500 shares mainly. $NETE got squeezed but switched longs made it back. $PIXY was bagholder short at open. $JAGX $UVXY wallet padders. " +"Wed Mar 28 20:02:43 +0000 2018","P/L: Limited opportunities today vs. recent days so accepted the small wins. Small caps were dormant&broader markets were a chop fest all day. Almost got into trouble on $NVDA but had a hero stop out and then managed to recover. $CLWT small win at open. $FB $UVXY big mac wins. " +"Thu Mar 29 16:36:42 +0000 2018","Don't think I recall a time where all 4 of the stocks on my main screen were large cap blue chip stocks. $TSLA $FB $NVDA $NFLX " +"Thu Mar 29 20:10:19 +0000 2018","P/L: Action was a little choppy at times and was up about 4K at the most but a cool 3.1K to end a short holiday week not too bad. Actually traded very poorly today. Totally messed up $AVGR and lost on that. Entries/Exits were not good on $FB $NFLX $TSLA. Lucky it worked out. " +"Thu Mar 08 18:23:49 +0000 2018","$SPY 60’: regained 5-d + WPP on Monday, 5-d started to rise Wednesday, WPP has held as S this wk. Good, early signs heading into March OpX. But still a high $Vix environment " +"Mon Mar 26 18:41:49 +0000 2018","$AAPL here is one of the stocks I posted this weekend inside of PowerGroupTrades for the pop I explained in my weekend detailed $SPY video while most were in great fear I used my big picture skills all documented open your eyes to the truth on my powerful documented YouTube. " +"Wed Mar 28 23:15:49 +0000 2018","27 companies make up 50% of the NASDAQ. Median co is growing 11%, with 31% EBITDA margins and trading at 12.8x EBITDA with a 4.5% FCF yield. Make of that what you will. " +"Thu Mar 15 01:35:05 +0000 2018","live stream now $TWTR $AAPL $WDC $AMGN $CAT $TSLA $AMZN $SPY I talk about the market the importance of the big picture THINKING with confirmation and support and adaptive thinking, I explain some new important facts to think about " +"Thu Mar 01 17:38:02 +0000 2018","3D stock exploded by 15% today in a good agreement with this bullish forecast for $DDD issued 3 days ago: $SPY $AAPL $DIA $SPX $DIA #stocks #Stockstowatch #StockMarket #StockMarketToday #investing " +"Fri Mar 23 19:20:39 +0000 2018","If stocks continue to drop because of Trump-o-nomics, that red down arrow on the left labeled DJI (Dow Jones Industrials) should be renamed DJT (Donald’s Junky Tariffs) " +"Wed Mar 28 03:20:08 +0000 2018","Market/Trading Preview for Mar 28, 2018 $spx $dji $comp $fb $amzn $nflx $googl $baba $bidu $nvda $aapl $tsla $ba $mu $bac $gs as expected spx drop huge today as failed to b/o 2672. tmr could be harder. 2621, 2595 both KEY. IF bounce, watch amzn nflx nvda googl levels i mentioned " +"Sat Mar 24 06:45:09 +0000 2018","SPX 19 year return ( previous high): 4% CAGR. Nasdaq: 2% since 1999. Oil still 60% away from Highs. EM & India still below 2007 all time highs ( dollar terms). Nikkei way away from Highs. Europe lower than 2007. Where is the Bubble, that Bear Markets start from?" +"Sun Mar 11 13:42:28 +0000 2018","In the recent Feb selloff: $FB $AAPL broke the 200sma $GOOGL tested 200sma $AMZN tested its 50sma once $NFLX barely broke it's 20 sma The names that held up the best vs their MAs and peers (Relative Strength) have outperformed YTD " +"Tue Mar 20 00:18:03 +0000 2018","OptionSniper Market Trading Preview Mar 20, 2018 - $spx $dji $comp $fb $amzn $nflx $googl $baba $nvda $tsla $bidu $aapl $ba $ntes. Note that spx comp dow drop likely not over yet. may bounce then fade, or fade big then strong bounce. can be either. again play SMALL. use HEDGE. " +"Thu Mar 29 01:09:45 +0000 2018","Mar 29 2018 Market/Trading Preview $spx $dji $comp $fb $amzn $nflx $googl $baba $bidu $nvda $aapl $tsla $ba $mu $bac $gs tech down huge today but now can go either day. spx either 2561 or 2643. if 2561 first, next week huge bounce. if 2643 first, next week down again to 2561. " +"Thu Mar 08 03:49:39 +0000 2018","the recorded live stream for $AAPL $FB $GS $SPY $BA $NKTR $CAT $TSLA and I explain the big picture and more important things to truly thinking that will be very helpful to your success from the big picture expert " +"Fri Mar 09 16:31:48 +0000 2018","$SPY $AAPL $GS $BA $AMZN $CAT Listen to to big picture expert speak this was my live stream on wed mar 07 those that took my advice on just the $SPY calls are very happy today I am a master of understanding what the market is saying $STUDY my stream" +"Mon Mar 26 18:33:04 +0000 2018","$SPY $AAPL IF YOU WANT TO BE LEAD BY THE BIG PICTURE EXPERT STUDY THIS weekend $SPY VIDEO AND WHAT I EXPLAIN AND THEN STUDY MY PINNED TWEET VIDEO ON PowerTriggerTrade as most so called pros are just stock clowns compared to the big picture expert no skill no vision " +"Fri Mar 09 14:11:55 +0000 2018","What I said about the $SPY $AAPL $FB $GS and the big picture of the market was Bang on correct again, what is new I am the big picture expert witness the power of big picturing thinking forget about the little day trading minds, anyone who followed my advice is smiling today!! " +"Tue Mar 13 13:18:34 +0000 2018","I said this yesterday about $AAPL and the $SPY , the $SPY is close to hiting my first Targets 280.00 that I explained in my mar 07 live stream no little minds, just big picture thinking and big picture skill correct again. The stock clown still wrong massively since $SPY 225 " +"Thu Mar 22 22:39:38 +0000 2018","$SPX big drop in Feb was scary BUT closed week ABOVE parabolic move bottom. now breaking down channel again. IF spx NOT close this week >2695, confirm weekly parabolic move OVER. said before Feb-May is about consolidation. possibly see 2500 by May. techs $amzn $nflx $nvda diff " +"Mon Mar 19 02:21:50 +0000 2018","as i said, starting Mar18, i offer mkt/trading preview. as i said before, will do it for FREE for 6 months. market may change overnight so if/when that happens, will twit next am to update my view. read NOTE at bottom. $spx $dji $amzn $nflx $nvda $baba $tsla $aapl $googl $fb $mu " +"Tue Mar 27 00:34:07 +0000 2018","Market/Trading Preview for Mar 27, 2018 $spx $dji $comp $fb $amzn $nflx $googl $baba $bidu $nvda $aapl $tsla $ba $mu $bac $gs spx hiking over 2651 today very nice move. now daily cloud bottom 2672 strong resist - if power through, may see 2691 even 2702. if fade, 2651 2643 2634. " +"Thu Mar 15 03:05:40 +0000 2018","Here is the recorded live stream lots of great info about $AAPL $AMGN $WDC $TWTR $SPY $CAT $AMZN, I explain about the importance of the big picture and confirmation key support and why big picture skills always win in the long run, I explain the facts " +"Thu Mar 08 22:01:02 +0000 2018","This chart shows FANG (plus Apple and Microsoft). Don't ignore this. $AAPL $NFLX $MSFT $FB $AMZN " +"Tue Mar 20 23:39:42 +0000 2018","Market Trading Preview Mar 21, 2018 $spx $dji $comp $fb $amzn $nflx $googl $baba $nvda $tsla $bidu $aapl $ba $fslr. SPX direction to be decided tmr by Fed decision. amzn ba nvda all ran today as expected. baba huge reversal. fb googl not bad. tsla too weak. remember to hedge tmr " +"Mon Mar 26 01:02:13 +0000 2018","Market/Trading Preview for Mar 26, 2018 $spx $dji $comp $fb $amzn $nflx $googl $baba $bidu $nvda $aapl $tsla $ba $mu $bac $gs futures nice hiking so far. keep in mind 2609 2612 2621 strong resist. not impossible bouncing back to daily bottom boll then fade - not bottomed yet. " +"Sat Mar 24 01:28:13 +0000 2018","$SPX downs huge w/ $dji $comp. BUT check weekly charts for possible scenarios. again, trade on FACT, not EMOTION. so if support levels mentioned in my analyses broken coz breaking event or news, it's not gonna work. tech $amzn $nvda $nflx $fb $googl $baba $aapl might be different " +"Fri Mar 23 01:29:55 +0000 2018","Market/Trading Preview Mar 23, 2018 $spx $dji $comp $fb $amzn $nflx $googl $baba $bidu $nvda $aapl $tsla $ba $mu $bac $gs as i said when China news come out, it's NOT about trade war. it's about ETHANOL - Iowa. that's the KEY. if spx can't hold 2621 tmr, way lower next few weeks. " +"Thu Mar 22 02:10:54 +0000 2018","Market/Trading Preview Mar 22, 2018 $spx $dji $comp $fb $amzn $nflx $googl $baba $nvda $tsla $bidu $aapl. mkt signal not clear yet so do NOT play big. just use small positions (<10% is good). amzn surprisingly strong into close. fb almost reversed today. baba mission critical. " +"Sat Mar 24 07:50:33 +0000 2018","#FANGMAN stocks have lost $330bn or 8.2% in mkt cap this week. Potential regulatory issues surrounding FB triggered the downdraft in Mega-Tech. Prospects that US Tech comps could be caught up in the trade issues w/China add to the gloom, Goldman says. " +"Tue Mar 20 12:55:46 +0000 2018","The market has for months been differentiating among FANG stocks. $AMZN and $NFLX - whose customers choose to buy the product - have lifted off and left $FB and $GOOGL - the ad-supported eyeball-auctioneers - in their prop wash. " +"Sun Mar 18 22:51:44 +0000 2018","Oops! #FANGMAN now has a combined market cap of $4tn. The group of tech stocks (FB, AMZN, NFLX, GOOGL, MSFT, AAPL, and NVDA) is up 23% on average this year and 69% over the last 12 months. " +"Sat Mar 24 17:53:46 +0000 2018","$SPX I’ve posted my favorite setup a million times, double bottom in an uptrend tagging the 200d, ideally the second low undercutting the first low. I only play probabilities, and the next few days is anybody’s guess, but I like the odds of a continuation higher LT. " +"Sun Mar 11 23:38:15 +0000 2018","Hard to believe $Nasdaq exploded to new highs on Friday after the late Jan/early Feb drama. But what I find most interesting is that looking at the Twitter ""sentiment"" this weekend, I noticed many fellow traders are skeptical. We have an interesting scenario playing out here... " +"Mon Mar 12 12:39:38 +0000 2018","Mark these charts and levels down right now. You’re looking at the right most important equity indexes in the US, and how far they’re from all-time highs. $SPY $IWM $QQQ " +"Sat Mar 24 00:32:40 +0000 2018","my mkt/trading preview last night tell u HOW to trade next few weeks. $spx $comp $dji all drop HUGE today. funny that bears saying mkt totally crashed. i will chart tonight telling u WHY $spx MIGHT be forming a HUGE bullish pattern on daily/weekly. trade on FACT, not emotions. " +"Fri Mar 23 23:38:32 +0000 2018","Hard to believe $DIA is pretty much already back retesting the February lows! $SPY is within an arm's reach of the Feb lows. And looking at my Watchlists, it sure looks like there's more selling left... " +"Fri Mar 23 16:11:33 +0000 2018","this was the most important chart u need to carefully review. i posted it last night. it basically tells u HOW to play next few weeks. $spx $comp $dji. keep in mind about techs $amzn $nflx $nvda $tsla $baba $fb $googl. they gonna dive hard then bounce harder. huge opportunities. " +"Thu Mar 01 14:40:35 +0000 2018","""Amazon, Apple, Facebook, and Google together have a market capitalization of $2.8 trillion (the GDP of France), a staggering 24 percent share of the S&P 500 Top 50, close to the value of every stock traded on the Nasdaq in 2001."" " +"Sun Mar 04 16:13:04 +0000 2018","Inflows into the tech sector are straight up massive right now. Don't sleep on this chart. $QQQ $XLK $AAPL $GOOGL " +"Wed Mar 07 18:26:39 +0000 2018","ask urself one Q only - w/ tech leader $nflx downgraded & thus weak today, what would nasdaq $comp have looked like IF mkt gonna crash?? $amzn to 1507 $googl to 1066, $nvda to 229, $twtr to 32.6, $fb to 177, BUT ARE THEY??!! use BRAIN not emotions. so just watch $spx 2706 2721. " +"Wed Mar 28 02:50:32 +0000 2018","When you look at the Price and Volume profile of all big tech names yesterday it seems pretty obvious there were one or two big VWAP work all day sell programs across the board triggering SL levels all day. Its was actually a very orderly sell off." +"Thu Mar 29 13:54:48 +0000 2018","Over the past 5 trading days, “FANG” stocks have lost a combined $168.6bn in market value (as of 3/28) Facebook -8.34% (-$42.12bn) Amazon -8.74% (-$66.3bn) Netflix -8.5% (-$11.49bn) Google -6.52% (-$48.67bn)" +"Wed Mar 28 20:46:13 +0000 2018","Trader at Jefferies ""If I told you an Index: Fell 1.5%;Rallied 1.8%;Fell 2.1%; Rallied 1.1%; Fell 1%; Rallied 2.2%; Fell 1.6%; Rallied 1.3%; Fell 1%. You might say ""pretty decent 2 week volatility"" That's what QQQ did INTRADAY today. 9 different 1%+ moves in just 5.5 hours.""-Paul" +"Sun Mar 18 19:31:05 +0000 2018","FANG + Apple Now Account For A Quarter Of The Nasdaq, And Some Are Getting Worried " +"Mon Mar 05 01:16:32 +0000 2018","$spx futures showing surprisingly strong strength but need to take over 2706 fast then 2721. once it takes 2721, confirm reversal play on daily. but regardless of its move, nasdaq $comp especially $nflx $amzn $nvda might be leading the mkt. pre-market tmr is vital." +"Sat Mar 03 17:21:47 +0000 2018","Impossible to tell... but here's what we do know.... As market tanked(Dow fell 1600) on Tuesday Wednesday Thursday and part of Friday, $TWTR was green and showing hints that it wants to rally... so have to at least pay attention to it for the relative strength alone. " +"Tue Mar 27 12:31:06 +0000 2018","$AAPL do not kid yourself so many where negative this market but on Sat I posted the facts in my new $SPY video who do you want advice from a little pop traders with no skill that can not see anything or the big picture expert who has documented eye opening videos that prove it" +"Wed Mar 14 23:42:18 +0000 2018","$AAPL $WDC $AMGN $CAT $TSLA $AMGN $SPY live stream tonight people in about 2 hours right now it is 7:43pm my time as I type this I Plan on starting it at 9:30pm or 9:40pm from this post keep that in mind." +"Mon Mar 05 23:02:08 +0000 2018","""If this is your idea of a bear attack, with the Dow surging 337 points today, the S&P roaring 1.1%, and the NASDAQ pole-vaulting 1%, we clearly need more tariffs."" -@JimCramer " +"Thu Mar 08 20:21:28 +0000 2018","$AMZN $AAPL $GS $SPY we are smiling once again as the big picture expert correct yet once again what is new once $AMZN gets above 1556 and we should really take off right now $AMZN is at 1552 we are in nicely already with low risk very high rewards nice pop in $AAPL today" +"Mon Mar 05 18:11:20 +0000 2018","$SPY $STUDY $AAPL $BA $FB $GS your going to witness soon enought why I am the big picture expert when I say something it will mean a lot more to you then anyone else saying it as most have very little skill compared to me I can assure you that I have proven this many times" +"Fri Mar 09 20:44:02 +0000 2018","If you followed the stock clown this week your crying, if you listen to the big picture your smiling in $CAT $AMZN $SPY I gave advice on my live stream that explained what the market would do if it confirmed my numbers well it did and today we see the power of my big picture mind" +"Mon Mar 12 19:33:08 +0000 2018","$AAPL but but but the stock clown said short $AAPl at 140 then 145 it was to high it will fill the gap at 120,lol. Poor people who follow that clown as $AAPL just made new highs again this year the big picture expert just correct once again what else is new people!!" +"Mon Mar 12 16:16:25 +0000 2018","$AMZN smashing my targest those mar 16 1550 options are now at 57.25 from our 19.50 entry lets see little day traders make super plans like yours truly close to hiting 200% gains on huge priced options that we held for days because I was massively correct $AAPL another star" +"Mon Mar 26 23:54:12 +0000 2018","notice people when post about key stocks like appl msft or speak about the spy I dominate the streams twitter knows who the big picture expert is, twitter loves me and the poor trolls will keep squirming in great clown pain as they are so jealous as I help those who deserve it" +"Wed Mar 07 21:30:38 +0000 2018","$AAPL $FB $BA $AMZN $GS $SPY $WDC the big picture expert speaks tonight on my live stream on my youtube channel PowerTarget Trades at about 9:30pm my time which 5 hours from this post which is 4:30pm as I post this now , I will talk about all these stocks and the big picture" +"Mon Mar 12 18:52:35 +0000 2018","I will be making another speciaL plan for us I will post it inside of PowerGroupTrades tonight for another great Idea I am working away on a new stock plan as I enjoy the great gains in $AMZN $AAPL $FB this could be another big gainer like our $AMZN a special type of plan." +"Mon Mar 12 17:55:22 +0000 2018","New Acronym: MANIA replacing FANG? Just 5 stocks account for over 50% of the entire NDX rally since the 02/09/18 low: * 'M' $MSFT Microsoft * 'A' $APPL Apple * 'N' $NFLX Netflix * 'I' $INTC Intel * 'A' $AMZN Amazon" +"Thu Mar 08 21:09:15 +0000 2018","$SPX closed the day ABOVE 60ma but a bit shy from 50ma on daily chart. everything downs to job report tmr. if good, 2746 2751 2763 or even 2775, if power through 2775, see 2794 next week. if no good, down to 2706 2695 2684 2663 2655 2624. hope u all LOCKED most positions today." +"Wed Mar 07 21:24:24 +0000 2018","A good day to miss while traveling... #DumbMoney got smacked on the gap Open, sold the Cohn news, then got whipsawed by the Algos ramping $SPX right back to flat... #SmartMoney sold into the Close so the #Distribution continues... the beatings will continue until morale improves " +"Sat Mar 24 14:29:02 +0000 2018","this whole market fluctuation won’t affect tech leaders long term. they’ve already been up like crazy past 2-3 years. 15-30% correction followed by months of consolidation is not unacceptable. let’s give them a bit more time. $amzn $nvda $nflx $googl $msft $tsla $baba $mu $twtr" +"Wed Mar 21 14:19:52 +0000 2018","Here it is! The 10 biggest US stocks: 1. $AAPL $890 billion 2. $AMZN $768 billion 3. $GOOGL $763 billion 4. $MSFT $717 billion 5. $BRK.A $505 billion 6. $FB $488 billion 7. $JPM $393 billion 8. $JNJ $351 billion 9. $BAC $326 billion 10. $XOM $313 billion " +"Wed Mar 28 00:00:08 +0000 2018","Shares of Facebook, Amazon, Apple, Netflix and Google parent Alphabet, commonly known by the acronym FAANG, have lost more than $260 billion in total market value over the past week and a half " +"Thu Mar 29 20:00:52 +0000 2018","Remember no trading tomorrow as the $DIA $SPY $QQQ markets are closed for the week...whew, what a week...I hope you have a great long holiday weekend! #StudyHard #EnjoyYourselfToo" +"Tue Mar 27 19:47:15 +0000 2018","There is straight carnage in the stock market today. Look at these down moves ☠️ $TWTR -12% $NVDA -10% $TSLA -9% $NFLX -7% $SHOP -6% $FB -5% $GOOGL -5% $BABA -5% $AMZN -4% " +"Wed Mar 28 15:25:12 +0000 2018","FANG stocks have been in near freefall. Here's how much they've dropped over the last week of trading: Facebook $FB -10% Amazon $AMZN -11% Netflix $NFLX -8% Google $GOOGL -8% " +"Mon Mar 05 19:49:25 +0000 2018","Despite some broader Index chop last few weeks, have quality leader like $SQ $MU $NFLX $AMZN $INTC $MA $CRM $ATVI $CME $VRTX $EW $NOW $RHT $TWTR and so many more just crusiing higher" +"Fri Mar 16 20:46:46 +0000 2018","Summary: - US equities gained 4% last week. They gave back 1% this week. - $TLT had it’s biggest weekly gain of the year. - FOMC on Wednesday is the next big event. $spy $qqq" +"Mon Mar 12 14:22:22 +0000 2018","HUGE profits today w/ $spx $nvda $baba $tsla $googl plays. headed to Mt. Rainier so no time for trading. LOCKED most positions. holding rest calls $nvda $baba $ntes $googl $spy tight. only 17% positions left so no big deal. remember to CASH OUT to bank acct otherwise NOT ur $$." +"Sat Mar 10 03:05:15 +0000 2018","For those who missed $spx $amzn $googl $nflx plays this week, it’s ok - always opportunity in this mkt so do NOT force trade next week trying to “make it up”. if rhythm wrong, nothing right. but u do need LEARN why missed or exited too early. spend time on CHARTS, not just twits." +"Sat Mar 10 01:27:46 +0000 2018","It was a very strong week for many in the markets. I was alot more active taking positions in tech/internet names around the 200sma in $SPX &now we are letting the winners work still, w/an eye on risk management $NFLX at +73pts is our best winner so far from the early Feb buys" +"Tue Mar 13 20:41:58 +0000 2018","Market cap change over the past two months: Apple: +$10B Alphabet: +$18B Amazon: +$146B (yes, $146B) Microsoft: +$41B Facebook: +$5B Total: +$220B" +"Sat Mar 03 15:58:29 +0000 2018","The Dow Jones Internet Index $FDN went out at all-time weekly closing highs. These are not things we normally see in downtrends.... $AMZN $NFLX" +"Tue Mar 27 00:50:49 +0000 2018","thank u all for support. i've been offering FREE info for 3+ yrs on twit. said earlier March will do free mkt/trading preview for another 6 months (so till mid Sep). but just curious how many of u will be interested in paid service in terms of trading/mkt/charts preview & entries" +"Wed Mar 07 04:16:23 +0000 2018","Watch $AMZN, $NFLX, $TWTR let them tell you what to do... the three hottest stocks in the market. Then $NOW, $MU, $LRCX, $CRM...They are the signposts..." +"Sun Mar 18 14:34:15 +0000 2018","IGT, ILMN, INTC, INTU, KNX, MA, MCHP, MTCH, NFLX, NVDA, NTNX, ON, PANW, RHT, SHOP, SODA, SQ, SRPT, STZ, STX, SYK, TER, TPR, TWTR, VEEV, VRSN, VRTX, WDAY, WIX, XLNX, XPO, Z" +"Sat Mar 10 02:56:21 +0000 2018","Nasdaq and $QQQ made new all-time highs today... Let that sink in for a minute vs the dialouge you've heard over the last four weeks on FinTwit." +"Sat Mar 17 00:40:40 +0000 2018","I have been reading about the end of $QQQ and FANG for years...daily. Every tick or divergence doesn't matter, every piece of news isn't relevant, and everyone has different time frames. You don't have to get in at the bottom or out at the very top to make $$. Big trends = big $" +"Mon Mar 05 22:36:42 +0000 2018","Avg Daily Volume (10-day) vs Today’s Volume... $NFLX (+4.63%): 9.43M vs 18.96M $ZG (+4.25%): 380K vs 603K $SQ (+9.30%): 13.82M vs 30.59M $NTNX (+8.13%): 4.11M vs 10M $VEEV (+4.49%): 1.73M vs 2.65M $MU (+6.09%): 43.56M vs 70M $TWTR (+4.8%): 23.32M vs 34.8M" +"Fri Mar 09 16:37:17 +0000 2018","so Technology, Broker Dealers, Semiconductors, Regional Banks and the Internet Index are all hitting new all-time highs today. Let me ask you, are these things we normally see in uptrends or downtrends? We don't have to complicate this.... $XLK $SOX $IAI $KRE $FDN" +"Fri Mar 02 00:08:46 +0000 2018","ES will driftup tonight, make a new low in Asia session..freak everyone out...then drift up in Europe, revisit low US premarket..get bid up on the equity open, swipe everyone out both ways #rinseandrepeat" +"Mon Apr 09 18:25:40 +0000 2018","🔊 Locking GAINS on $SPY now up +49% at 2.46 from 1.65 resistance 266-267 - support 261-258 #stockoptions #timestamp watching $QQQ $BAC #EEM $AAPL $FB $BABA $MU $TSLA $AVXS $RUSS $RGNX $VXX #MondayMotivation " +"Fri Apr 06 21:19:25 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $FB $TSLA $LEN $SPOT $QQQ $GOOGL $MSFT $TWTR $SNAP " +"Fri Apr 20 20:31:06 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $NFLX $IBM $PM $AMZN $GS $BAC $GE $SKX $WFC $UAL $JNJ " +"Fri Apr 27 20:13:57 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $GOOGL $CMG $MSFT $FB $AMD $BIDU $INTC $QCOM $IRBT " +"Wed Apr 25 19:54:44 +0000 2018","🔊 Still holding $QQQ Apr-27-18 163 stock options? Now UP +225% @ 4.85 (from 1.49) #timestamp Possibly test of neckline? $AMZN 1300 level on watch - $spy level to watch is 254 - Gartley pattern setting up in $VIX? " +"Sun Apr 08 17:28:09 +0000 2018","Can #AI predict the stock market? (Yes, predict.) See here our price #prediction (QQQ) for Monday (April 9, 2018), offered as a public good (not personal advice). #Finance #markets #stockmarket $APPL $amzn $qqq $DJI $dia $spy #NASDAQ #Futures #investors #investing #volatility " +"Fri Apr 06 21:08:04 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $FB $TSLA $LEN $SPOT $QQQ $GOOGL $MSFT $TWTR $SNAP " +"Fri Apr 20 20:30:02 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $NFLX $IBM $PM $AMZN $GS $BAC $GE $SKX $WFC $UAL $JNJ " +"Fri Apr 27 20:12:40 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $GOOGL $CMG $MSFT $FB $AMD $BIDU $INTC $QCOM $IRBT " +"Tue Apr 17 16:17:44 +0000 2018","🔊Our $nflx Apr-18-335 call options now up +132% @ 6.40 from 2.75 #LockingGains also out of $FB = +60% and $SPY=+49% #weeklies - have some runners #netflix #TuesdayThoughts $NFLX Heading to 350?" +"Fri Apr 06 21:04:53 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $FB $TSLA $LEN $SPOT $QQQ $GOOGL $MSFT $TWTR $SNAP " +"Sun Apr 08 14:57:54 +0000 2018","PPLA11 Stock Price - PPLA Participations Ltd. Stock Quote Brazil: Bovespa - MarketWatch #banking #market #stockmarket #hedgefunds #stocks #options #crypto #spy " +"Sun Apr 08 11:57:19 +0000 2018","#lovemyjob 💖 Monday !? Stocks Drop .. tariffs/trade wars. Weaker than expected jobs report. RisingRates. FAANG falls.Ahead: Bank Earnings & Fed Minutes .. Mark Zuck $FB testifies .. NO I don’t use aTelePrompter! #money #wallstreet #nyse @NYSE @connellmcshane @FoxBusiness #money " +"Fri Apr 27 20:11:56 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $GOOGL $CMG $MSFT $FB $AMD $BIDU $INTC $QCOM $IRBT " +"Tue Apr 24 04:03:57 +0000 2018","Top Performer on the NASDAQ: Check-Cap Ltd.(CHEK) 7.26 +78.82% after regaining compliance with the exchange's minimum bid price requirement.This comes on the back of it's 1-for-12 recerse stock split of it's ordinary shares that was effectice on April 4,2018. #StockMarket" +"Sun Apr 08 15:42:16 +0000 2018","Scan-All Buy No Sell, I can ignore Trump / Dow/China and My own opinion but will not able to ignore the System, as of now scan is not showing any weakness. Holding Long-Bajaj Fin/Indigo/Jubl food/Apollo typre and Maruti. I will wait market to prove the entry wrong n hit my SL " +"Tue Apr 03 20:11:24 +0000 2018","AT THE CLOSE: The Dow Jones Industrial Average, S&P 500, and Nasdaq all closed the day up more than 1%. The Dow Jones Industrial Average posted a triple-digit gain a day after a selloff in technology giants including Facebook. " +"Wed Apr 25 15:23:11 +0000 2018","$ILMN absolute blowout quarterly #EPS #earnings numbers and the stock is down 3% today. $NFLX blowout and the #stock price is down 3%+ since the news. Dangerous #StockMarket" +"Wed Apr 25 13:17:05 +0000 2018","Will We Hold It Wednesday - Nasdaq 7,000 Edition #Hedging #Futures $SPY $QQQ $AMZN $NFLX $TSLA -- " +"Mon Apr 02 02:09:52 +0000 2018","Apr 02, 2018 Market/Trading Preview $spx $dji $comp $fb $amzn $nflx $googl $baba $bidu $nvda $aapl $tsla $ba $mu $bac $gs very exciting week ahead as mkt can run either way big. so hedge is a MUST. nflx best chart among FANG now. if leading mkt bounce, tech all up and spx up. " +"Tue Apr 17 19:58:36 +0000 2018","P/L: Another day where it was a race for locates but it is what it is. No locates again on the obvious stuff like $CNET $KBSF so had to settle for the bronze medal on $VLRX and small wallet padders on $CHEK $KBSF $NFLX $I " +"Wed Apr 18 14:19:04 +0000 2018","+$24.4K... Had a swing short on $VXX in @etrade (no chart) from last week that I covered this morning near open. $RIGL ran out of patience.. $HMNY small swing short (cov some a/h yesterday) added some today and OUT. Lost on $DCAR long bounce attempt. Low float SSR - worth a shot " +"Wed Apr 04 20:06:35 +0000 2018","P/L:Glad today's market offered opportunities to recover yesterday's losses and then same. Nailed $TENX dip buy long against 9 premarket support for quick 9.1K and added another 1.1K in padders on it. $RXII a decent little bagholder short on the panic pop. $LFIN $UVXY #BigMacs " +"Sun Apr 22 02:58:15 +0000 2018","Stock performance comparisons. Very simple yet powerful demonstration about how names are doing. $nflx $twtr both strong leaders. $amzn next with stronger recent move. $nvda $mu $ba $intc $ba $msft good but weaker these days. $googl $fb $aapl $snap $tsla $bidu problems recently. " +"Mon Apr 23 15:36:04 +0000 2018","+$2.8K .. Take what the market gives you. Did not have major conviction on ANY setup so I stayed small and nimble. Taking the gains and enjoying this 11 day win streak. Chart entry/exit with thought process will be posted soon. $NFLX $SHLD $I " +"Wed Apr 25 19:46:52 +0000 2018","P/L: Killer day today. Nailed $CHEK panic pop short almost top tick at 19.5 and covered around 16.6 for a sick +$18.7K win out of the gate then nailed it a few more times smaller size for another 4K or so. $TWTR $ACAD nice wallet padders on the short side. " +"Thu Apr 19 03:00:25 +0000 2018","The April 18 livestream recorded link I explain the $SPY another view of the big picture expanded with $TSLA $AMZN $NFLX $AAPL $WYNN explained with unique FA AND TA VIEWS.This explains $SPY opening your eyes to the truth and the real facts in a new way" +"Thu Apr 12 02:54:52 +0000 2018","the recorded live stream for april 11 right here I explain some powerful facts about the $SPY with a powerful explained new view with monthly charts that explains the big picture plus I talk about $TSLA $WYNN $BA $NVDA lots of great important points" +"Thu Apr 05 01:52:20 +0000 2018","Apr 5, 2018 Market/Trading Preview $spx $dji $comp $fb $amzn $nflx $googl $baba $bidu $nvda $aapl $tsla $ba $bac been saying 2621 2633 key levels for reversal confirmation. SUPER day w/ big profits from reversal call plays. may bounce into next week to 2706 but need 2674 first. " +"Tue Apr 24 16:24:40 +0000 2018","The sheer speed at which this $SPY bear flag played out today warrants, is not only mind boggling but is a sign that things are changing... bears need to be respected here, jmho " +"Thu Apr 19 18:55:30 +0000 2018","+$24K... Another solid day! $NFLX I accidentally covered too much & went long. $I - thought today might have been ""the day"". $OPGN just sick. Made a plan & stuck to it. Someone kept selling hidden so I knew to keep adding. Learn the process, don't chase! " +"Mon Apr 16 02:41:06 +0000 2018","Apr 16, 2018 Market/Trading Preview $spx $dji $comp $fb $amzn $nflx $googl $baba $bidu $nvda $aapl $tsla $ba $gs spx futures up big now. BUT weekly 5ma pointing DOWNWARD so huge risk unless weekly 5ma turning up. play small only. need hedge. nflx Monday er VITAL for all tech. " +"Fri Apr 13 02:26:32 +0000 2018","Apr 13, 2018 Market/Trading Preview $spx $dji $comp $fb $amzn $nflx $googl $baba $bidu $nvda $aapl $tsla $ba $gs $mu spx huge gap up today and ran hard. ascending triangle set-up on daily and falling wedge & inverted H&S set-up on hourly. news driven. $jpm er vital. " +"Thu Apr 05 15:56:29 +0000 2018","$AAPL $TSLA like I explained in my live stream yesterday that the $SPY move was bullish yesterday and favoured testing the gap at 270.00 puting things in our favour to catch huge gains for the next few days time to hold things well we moved in a great manner just today alone! " +"Mon Apr 16 20:45:28 +0000 2018","$SPY $NFLX is more proof of what I explained on the weekend about the big picture for the $SPY This is why I am the big picture expert $STUDY this $SPY video as the odds favour this outcome I have been massively correct since feb 11 2016" +"Wed Apr 18 00:34:45 +0000 2018","$TWTR I WAS BULLISH THIS WITH A DETAILED PLAN JUST LIKE I EXPLAINED ON APRIL 04 ON MY LIVE STREAM THAT THE SPY WOULD TEST 270 NO ONE HAS STAYED TRUE TO THE BIG PICTURE LIKE YOURS TRULY IN ALL THAT FEAR HERE IS THE PROOF $STUDY THE TRUTH" +"Thu Apr 26 20:30:25 +0000 2018","$SPY $AMZN listen to what I have explain about the $SPY and many times in my live streams I have explained about the big picture of stocks like $FB and $AMZN I did this when their was great fear, witness the power of correct $STUDY the power " +"Tue Apr 17 21:23:07 +0000 2018","This is why I am the Big picture expert from this $AAPL wining plan >100% gains in tough choppy market times, to explaining the big picture for the $SPY and being massively correct the $SPY $STUDY the truth and the facts people " +"Sun Apr 08 22:38:03 +0000 2018","$spx futures b/o key 2616 level - that's cloud bottom on hourly chart. above that, 2621 2629. it's gonna be hard to get over above 2629 unless extremely good news come out. also remember weekly chart tells u TREND. check 5ma on weekly and u know what's gonna happen. " +"Wed Apr 11 01:33:10 +0000 2018","Apr 11, 2018 Market/Trading Preview $spx $dji $comp $fb $amzn $nflx $googl $baba $bidu $nvda $aapl $tsla $ba spx resisted almost precisely at daily mid BB 2663 as i mentioned ystd. need to defend 2633 2639 and cross mid BB. news drive everything. play small only. do NOT gamble. " +"Tue Apr 03 03:59:09 +0000 2018","Apr 03, 2018 Market/Trading Preview $spx $dji $comp $fb $amzn $nflx $googl $baba $bidu $nvda $aapl $tsla said last week we see spx 100-pt drop. not expected it happen in one day & thought 2621 could support then bounce then huge fade. but faded big today. need 2633 for reversal. " +"Tue Apr 10 04:48:45 +0000 2018","Apr 10, 2018 Market/Trading Preview $spx $dji $comp $fb $amzn $nflx $googl $baba $bidu $nvda $aapl $tsla $ba spx huge hiking on Monday but resisted @ 2655 then big fade to below 2616. China news tonight GREAT for mkt. Futures need gap up at least >2644 to confirm or fade. " +"Fri Apr 06 04:02:51 +0000 2018","Apr 6, 2018 Market/Trading Preview $spx $dji $comp $fb $amzn $nflx $googl $baba $bidu $nvda $aapl $tsla $ba $bac news crashed mkt but ADP critical tmr. IF good, see if spx back to 2655 2663 quick. IF bad, drop below 2621 is bad. Drop below 2604, trend reversed again to 2561. " +"Mon Apr 30 13:18:08 +0000 2018","IF (always a big IF in trading) NASDAQ $NQ_F closes above 6880 the perma-bears will taxidermied and wall mounted for all to see $QQQ " +"Wed Apr 04 01:34:32 +0000 2018","Apr 04, 2018 Market/Trading Preview $spx $dji $comp $fb $amzn $nflx $googl $baba $bidu $nvda $aapl $tsla said all day spx need to take 2604 2621 2633. unless we see 2633, otherwise may fade again to 2561 or even 2533. hedge is best strategy. tariff news not good. 2604 2633 key. " +"Fri Apr 06 10:55:30 +0000 2018","What a week for our markets which outperformed global markets, Strong economic growth overcome the external factors, Midcaps shine brightly, many bitten down stocks found value buying and risen sharply, Result season just started which can further boost the markets going ahead." +"Tue Apr 03 04:34:13 +0000 2018","best names for long-term investment for me are still $tsla $nvda $baba - note baba could be hard as it depends on lots of politics. but tsla nvda very solid biz. IF $amzn downs to 1200, super for bulls re-entry. $nflx $googl also good back-up. " +"Thu Apr 12 21:54:30 +0000 2018","#Bitcoin isn't the only thing soaring, check out these high flying stocks! $TSLA $NFLX $CAT $NVDA and $BA all surging from their April lows " +"Tue Apr 10 23:18:34 +0000 2018","As this market continues to ""carve out"" a bottoming formation.... expect to see some backing and filling, ""Stop and Go"" type of movement with a few head-fakes along the way.... Not gonna be a straight move up, imo $SPY 30 minute chart carving out an INVERSE H&S pattern " +"Tue Apr 24 15:01:52 +0000 2018","As some of you know(or might not know).... I track VERY CLOSELY how Stocks react AFTER earnings.... For the majority of Technology related names, it's been a very rough start for Techs .... even the few that Gap Up on earnings, most have been fading lower 1-2 days later " +"Wed Apr 25 14:25:16 +0000 2018","#NASDAQ Hate to state the obvious, but it is staring at us. Possible massive H&S top in $NQ_F $QQQ If completed, target of 5530 would be indicated. " +"Wed Apr 18 13:35:08 +0000 2018","US stocks open slightly higher. IBM slumps 5% as profits shrink. Morgan Stanley jumps 2% on record earnings. Crude oil prices jump 2% and top $68 a barrel for the first time since December 2014. Watch live " +"Sat Apr 28 13:01:37 +0000 2018","Some implied moves for earnings next week: $MCD 3.3% $AGN 4.8% $SHOP 10.8% $UAA 11.9% $GRUB 12% $AAPL 4.9% $SNAP 15.5% $GILD 4.9% $MA 4.1% $TSLA 8.6% $SQ 9% $FEYE 10% $TEVA 9.1% $APRN 23.5% $REGN 5.9% $WTW 12.8% $ATVI 6.8% $BABA 6.4% $GPRO 12.8% $CELG 5.1% $CVS 4.3% $OLED 11.9% " +"Mon Apr 23 04:53:03 +0000 2018","While The Street is Rejoicing $100Bn on TCS - Also Keep an eye out on Avenue Supermart (DMART) - 8% Away from the Big 1 Lk Crore Mark - For Perspective: Only 28 of All BSE Listed Cos Trade above 1 Lk Cr - Very Recently Auto Major M&M Hit that mark @CNBCTV18Live #FMCGisLife" +"Sat Apr 21 21:39:10 +0000 2018","Some implied moves for earnings next week: $GOOGL 5.3% $WHR 6.5% $CAT 5.4% $WYNN 5.7% $IRBT 12.9% $FB 6.1% $AMD 10.2% $V 3.8% $TWTR 15% $BA 5.4% $PYPL 6.1% $F 4.1% $ABBV 4.8% $AMZN 6.7% $MSFT 4.8% $INTC 5.6% $BIDU 4% $WDC 6.1% $ALGN 8.7% $CMG 7.3% " +"Sat Apr 28 10:30:09 +0000 2018","#earnings for the week $AAPL $BABA $TSLA $SQ $MCD $SNAP $SHOP $AKS $CELG $MA $CHK $AGN $UAA $FRED $GRUB $PFE $STX $CVS $ATVI $ON $OLED $BP $GILD $FDC $EPD $L $MRK $WLL $USCR $ANET $TEVA $SWKS $COHR $LL $FEYE $AET $ARNC $W $GPRO $APRN $CGNX $AKAM $MOH " +"Tue Apr 24 20:58:11 +0000 2018","I have seen this movie before... can’t put my finger in it...tech #Bubble, eyeballs and mouse clicks over profits and cash flow...buy at any price stocks like $MSFT $INTC $CSCO $ORCL...seems like it was just the other day... something about Y2K...I hear sequels are usually worse " +"Thu Apr 26 13:44:36 +0000 2018","#earnings after the close $AMZN $MSFT $INTC $X $BIDU $WDC $SBUX $CY $EXPE $FSLR $SWN $EXAS $MAT $LOGM $VRTX $ATHN $KLAC $DFS $ELY $CAMP $CHGG $FLEX $BOFI $TNDM $4MXIM $CAI $BYD $SYK $BOOM $RMD $SIVB $PFPT $MSTR $VRSN $DLR $USAK $SKYW $NUS $EGO $HUBG " +"Fri Apr 20 14:06:22 +0000 2018","MACRO: We still see a risk-on market, which means buy this dip. Rally supported by falling VIX, neutral HF/MF position (contrarian), rallies in HY+CDS and weak sentiment (contrarian). (below) FANG, Energy, Industrials, Materials, Telecoms lead--basically, ICRAP @fundstratQuant " +"Sat Apr 21 13:42:51 +0000 2018","#earnings for the week $AMZN $FB $AMD $MSFT $BA $TWTR $GOOGL $INTC $CAT $HAL $X $V $LMT $PYPL $ALK $XOM $ABBV $F $MMM $AMTD $VZ $T $FCX $WYNN $KMB $UPS $HAS $KO $CMCSA $RTN $AAL $WDC $BIIB $STM $QCOM $TXN $SBUX $GM $ALGN $LUV $UTX $NOK $CMG $CVX $SIRI " +"Mon Apr 02 22:21:13 +0000 2018","Stocks fall sharply amid rising U.S.-China trade tensions and mounting scrutiny of big technology companies. Dow ends down 458 points, Nasdaq sheds 193. " +"Mon Apr 23 16:36:39 +0000 2018","US stock performance for the last week looks much worse when we look at how strong earnings season has been. So far this has been the most positively surprising earnings season of the millennium. H/t @bespokeinvest " +"Tue Apr 24 18:52:17 +0000 2018","I’ve tweeted this table many times ... here’s an update ... today yet again a reminder that the market is a discounting mechanism and a lot of the earnings good news may have already been priced into stocks " +"Wed Apr 18 16:00:43 +0000 2018","$SPY $TSLA $WYNN $AAPL $TWTR $BA $NFLX $NVDA tonight live stream is at 9:30pm eastern time. The big picture expert will be expanding on the big picture for the $SPY correct once again since my april 04 live stream my new bullish phase shift timing rules I have developed and more" +"Wed Apr 25 20:24:43 +0000 2018","$SPY $AAPL $FB $BA $TWTR $WYNN Live stream tonight at 9:30pm I will be expanding with more proof and power while most just guess and assume, expanding on more facts about the $SPY and the big picture I gave cluess yesterday forecasting things with key TA reasons and key numbers" +"Wed Apr 04 16:19:27 +0000 2018","A great live stream tonight as I explain what I posted about the $SPY last week inside of PowerGroupTrades it did what I explained just to powerful and also how the big picture always wins in the long run of things $AAPL $TWTR $AMZN live stream tonight at 9:30pm eastern time" +"Wed Apr 04 11:05:12 +0000 2018","MORE: Tech stocks hit premarket: Amazon down 2.6 percent, Netflix down 2.5, Facebook and Apple both down 2.4 percent, Alphabet down 1.9 percent. Read more: " +"Thu Apr 26 20:04:53 +0000 2018","$AMZN poor stock clowns Like I have explained earnings are good which supports higher stock prices and a high $SPY I have said this since april 14 in my live stream" +"Tue Apr 03 20:13:34 +0000 2018","$AAPL we need $AAPL to get above 170 and at least close above 169.35 that will be the start of a positive come back today chop did build some power now we need to see another positive day to get us out of the chop" +"Tue Apr 17 15:03:58 +0000 2018","$SPY now you can see why I am the big picture expert we hit $SPY 270 just like I explained back in my april 04 detailed explained live stream lots of my plans doing well like the $AAPL april 20 170 calls did very well from my confirmation point as $AAPL was at 168.50 area" +"Tue Apr 17 16:03:45 +0000 2018","Those that shorted $NFLX are called stock clowns no skill none. again $NFLX is proof of why I am the big picture expert from my detailed explained $SPY big picture video I made in all that fear this weekend to many small minds out their no skill no vision nothing" +"Tue Apr 17 16:21:46 +0000 2018","THOSE THAT NEED TO HEDGE HAVE NO SKILL THEY ARE CALLED GUESSERS . $SPY $WYNN $TWTR $AAPL I just went long the right stocks with the correct options and was again correct the big picture with big picture skills because to make big money you need big picture thinking" +"Wed Apr 04 20:38:17 +0000 2018","Today we see why I am the big picture expert make sure to join my live stream tonight $AAPL $AMZN $TSLA $TWTR I explained the facts. I will explain why people fail and why they need the help of a master of emotions and a powerful game changing system 9:30pm eastern time!" +"Wed Apr 11 19:52:03 +0000 2018","Live stream tonight at 9:30pm eastern time to talk about the big picture of the $SPY the facts and why key stocks like $AAPL $WYNN $BA $NVDA $FB $TSLA are telling us something. Keep in mind the big picture always wins when you stay focused I will explain the facts" +"Sun Apr 22 23:00:17 +0000 2018","Here are the stocks and events on @JimCramer's radar this week: " +"Sun Apr 15 19:05:57 +0000 2018","Get your trading accounts ready. Here are the biggest companies reporting earnings THIS week 🤑 Mon - $NFLX $BAC Tue - $CSX $GS $IBM $ISRG $JNJ $SCHW $UAL $UNH Wed - $AXP $KMI $MS $USB $ABT Thu - $BK $BX $ETFC $KEY Fri - $GE $HON $PG $SLB $WM $HAL $HAS " +"Thu Apr 26 19:52:07 +0000 2018","You have 10 minutes to get ready. ALL of these stocks report earnings at 4 PM ET today 🏟 • $AMZN • $MSFT • $INTC • $SBUX • $FSLR • $X • $DB • $WDC • $EXAS • $FTNT • $DFS " +"Mon Apr 16 21:28:53 +0000 2018","NFLX smashed the 2000 bubble era 'eyeballs' (number of subscribers) metric, slightly beat on revenues and only matched EPS estimates at .64 with some analyst estimates higher (as high as .98). ""Non-GAAP"" free cash (out)flow -286 million. Interesting test for the market tomorrow" +"Mon Apr 23 12:12:33 +0000 2018","Mark your calendars. Set your alarms. Get your popcorn ready. EARNINGS this week 🍿 🚨 Mon - $GOOGL $ABX $WHR Tue - $VZ $KO $CAT $LMT $WYNN Wed - $TWTR $FB $AMD $CMG $F $T $V $BA Thu - $MSFT $AMZN $INTC $SBUX $GM $BIDU $X Fri - $XOM $AA $CVX $TMUS " +"Sat Apr 07 04:46:41 +0000 2018","Goal seeking Algos kept $SPX just above 200dma while #SmartMoney continued to sell into the Close... #Distribution continues... next step down will bring margin calls and leverage unwind... #RiskHappensFast " +"Tue Apr 24 15:27:49 +0000 2018","This is gettin' ugly. GOOGL down 50 after its so-called ""beat."" NFLX is now LOWER than before it reported a week+ ago (giving up 30 points) when it supposedly ""smashed"" (eyeball) estimates. Good news is bad news - that's a harbinger of a bear market." +"Sat Apr 28 02:30:04 +0000 2018","WSJ headline: ""U.S. Stocks Post Weekly Loss."" Earnings supposed to drive this mkt higher, but in busiest reporting week, with big beats from marquee names AMZN,FB,INTC & more, stocks fell. QE & 0% rates drove the bull mkt up&now QT & higher rates are driving the bear,Bulls beware" +"Mon Apr 02 20:12:09 +0000 2018","The Nasdaq-100 is now RED on a year-to-date basis. $SPY $SPX The S&P 500 is now at its lowest levels in five months. $QQQ " +"Sun Apr 22 23:31:08 +0000 2018","$spx futures weekly 5ma turning UP now @ 2650 level. this is BIG. as i said last week, 5ma pointing SHARPLY downward was big concern. now with 5ma turning UP on weekly, basically as long as big name er $amzn $googl $fb $msft good, not impossible to see 2706 2721 2726 2744 2756." +"Fri Apr 06 18:11:15 +0000 2018","The stock market is getting slammed again S&P 500 $SPY -2.03% Dow Jones $DIA -2.35% Nasdaq-100 $QQQ -2.05% Volatility $VIX +10% Gold $GLD +0.5% Treasuries $TLT +0.87% " +"Tue Apr 17 00:59:31 +0000 2018","as I said back in Mar, no time update mkt/trading preview while travel. am traveling today through mid next week so not gonna update the preview. but briefly, keep in mind $spx weekly 5ma still SHARPLY point downward. play small only and use hedge. if small acct, just sit & watch" +"Sun Apr 29 22:04:08 +0000 2018","Here’s who reports earnings this week: Mon - $MCD $AKS $RIG $AGN $AKAM $FDC Tue - $AAPL $SNAP $GILD $SHOP $PFE $BP $MRK $UA Wed - $TSLA $FEYE $SQ $DDD $FIT $CHK $CVS $MRO $SSYS Thu - $GPRO $ATVI $CARA $TEVA $P $AA $SRPT $OSTK Fri - $AMD $BABA $CELG " +"Thu Apr 19 14:23:46 +0000 2018","Here are the four tech companies changing the game, and growing their subscriber counts to record levels: $NFLX 125 million subs $AMZN 100 million subs $SPOT 71 million subs $AAPL Music 40 million subs " +"Fri Apr 06 18:35:11 +0000 2018","done for the day. AMAZING profits today w/ put plays $spx $spy $amzn etc. only holding minor puts position into weekend. remember to always progressively LOCK gains and CASH OUT to bank acct. if u keep growing acct, get killed easily. have a great weekend folks! signing off here." +"Tue Apr 10 12:23:16 +0000 2018","This AM, I’m watching- -mkts following Xi’s talk on tariffs -mkts ahead of Zuck on the Hill -our next move on Syria -Cohen RAID fallout - @ChrisJansing anchoring @MSNBC 9AM hour while I’m on assign in Cali A lot to watch today!" +"Thu Apr 26 21:14:38 +0000 2018","Scrambling to cover $AMZN and $INTC in the show.. But so much more .. trying to get everything in ... too much to report on. I need a three hour show!" +"Mon Apr 16 21:16:34 +0000 2018","Crazy weather, crazy Markets, VIX down near 5% again, $NFLX up in the after-hours near 52-week highs, and broad market move today to cap it off... Time for Tequila and a cigar, medicinal reasons....." +"Fri Apr 27 11:38:50 +0000 2018","$AMZN $MSFT $INTC $XOM all up. Korean peninsula now in a state of peace.... $ES_F down 5pts. This market has lost its marbles." +"Mon Apr 02 16:08:06 +0000 2018",".@TheDomino: Trump has been very critical of Amazon and Amazon is a very large part of the US market...it's important to point out that it's in no way a panic type of move - but big names (larger name technology stocks) are being closely watched. #AMR" +"Thu Apr 19 09:47:46 +0000 2018","If you watch the ticker crawl under CNBC you can see that people are selling $AAPL off of a Mizuho slowdown call and someone must have downgraded $NVDA" +"Tue Apr 10 19:09:14 +0000 2018","Oh boy, these Senators have done enough homework to give Zuck a real run for the money... $FB. Oh and Zuck, don't use ""API"" or any other acronym." +"Tue Apr 24 11:23:49 +0000 2018","Mark your calendars. Set your alarms. Get your popcorn ready. EARNINGS this week 🍿 🚨 Mon - $GOOGL $ABX $WHR Tue - $VZ $KO $CAT $LMT $WYNN Wed - $TWTR $FB $AMD $CMG $F $T $V $BA Thu - $MSFT $AMZN $INTC $SBUX $GM $BIDU $X Fri - $XOM $AA $CVX $TMUS via @stocktwits" +"Wed Apr 25 14:06:52 +0000 2018","Indices not quite showing it yet but ""under the surface""... Individual stocks are GETTING SLAUGHTERED $AMZN, $MSFT $TWTR, $NVDA" +"Fri May 04 20:43:54 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $TSLA $SPOT $SNAP $AAPL $MCD $BABA $SQ $SHOP $GRUB " +"Fri May 04 14:48:47 +0000 2018","🔊Another AMAZING day, locked gains in $SPY for 352% - Cluster of resistance just above - LOVE this volatility! All out of $BA $NFLX $AMZN $QQQ stock options, ...holding $USO (All trades timestamped by twitter) 👁‍🗨 " +"Thu May 10 17:41:07 +0000 2018","🔊 Congrats to the BULLS! - UP +921% #trading just 2 names $SPY $QQQ ... in the last 7 days - Here's our closed positions: +42% +82% +202% +78% +107% +110% +85% +150% +65% #timestamped #optionstrades #tradealerts #investing #stocks " +"Thu May 03 14:43:42 +0000 2018","Our $SPY 158 puts now +150% and $QQQ 163 puts + 65% #timestamped - the symmetrical triangle in $SPX is looking more like a descending triangle so far up +215% today - Congrats to traders in our group! #stocks " +"Fri May 04 20:42:32 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $TSLA $SPOT $SNAP $AAPL $MCD $BABA $SQ $SHOP $GRUB " +"Fri May 04 20:40:59 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $TSLA $SPOT $SNAP $AAPL $MCD $BABA $SQ $SHOP $GRUB " +"Fri May 11 21:38:32 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $NVDA $JD $VRX $ROKU $BKNG $SYMC $TTD $DBX $GRPN $WB $PZZA $TSN $SBUX " +"Tue May 01 15:46:03 +0000 2018",".@MarkGurman takes a look at what to expect during Apple’s earnings today " +"Sat May 05 14:05:33 +0000 2018","$SPY Accumulators again showed strong selling INTO the rise yesterday beginning at about 11:30am. Algos and Dark Pools both. The Market Pressure Accumulator began accelerating down at 1pm indicating a heavy supply of stock was worked through as price rose. " +"Thu May 03 15:20:38 +0000 2018","(NASDAQ: $XSPL) Breaking News: Xspand Products Lab Shares to Begin Trading Today, May 3rd, 2018 #XspandProductsLab, $NASDAQ, $XSPL, #productdevelopment, #NASDAQCapitalMarket, #InitialPublicOffering, #IPO, #acquisitions, (Sponsored Financial News Content) " +"Thu May 10 16:51:09 +0000 2018","Dow Up 250 points and SGX 70 points - Now at swing high. after reading my scan u might call me Mad or would like to troll But this is what i see in Chart/system. Scan-All sell NO Buy-Psu bank, Pharma and NBFC n cement. on the sector wise very weak score card. where Iam wrong ? " +"Wed May 16 17:17:53 +0000 2018","Scan = FMCG is clear cut winners, most of them are buy. on the sell side NBFC and PSU banks are weak. PSU banks are giving 7-9 ATR, so fresh shorting has to be careful, TVS is fresh sell. with the political news around avoid small stop loss, SL should be 1,5 ATR. " +"Tue May 01 09:45:13 +0000 2018","I Know Dow was -150 n Future is Down -60 but what I have in my Scan all buy, some of strong stock are coming into buy list, like ITC HUL HDFC surly FMCG and IT has a big story to play this week. With DXY cross 91 crude 70, election due. INR weak, YE sab Dangal kara denge ab to " +"Wed May 02 15:29:05 +0000 2018","+$221 ... $SNAP had size out the gate and was up huge when it went under $11 .. locked in partial there and got grinded out on the rest. Considering the size I was moving on it I consider this a WIN. $GNPX shorted using $15.50s as a guide. $NVIV get this sucker to $17s please " +"Fri May 04 20:21:24 +0000 2018","AT THE CLOSE: All three major indices finished the day in positive territory as technology shares rallied led by Apple. " +"Tue May 01 15:50:46 +0000 2018","(NASDAQ: $XSPL) Breaking News: Xspand Products Lab Announces Pricing of $6.5 Million Initial Public Offering #XspandProductsLab, $NASDAQ, $XSPL, #development, #initialpublicoffering, #acquisitions, #AlexanderCapital, (Sponsored Financial News Content) " +"Tue May 29 21:50:09 +0000 2018","“Price paid, value received.” - Warren Buffett #Microsoft #Technology #NASDAQ #SP500 #Assets #Retirement #Commodity #Money #Investing #Commodities #Resources #Opportunity #Economy #Trading #Stocks #StockMarket #CMT #BanyanHill " +"Tue May 22 02:18:17 +0000 2018","#RESULTSUPDATE FUTURE RETAIL-WEAK DLF-WEAK GLOBUS SPIRITS- STRONG JUST DIAL- OK GSPL- GOOD MGL- WEAK MOTILAL OSWAL-OK ASTRAZENECA PHARMA- V GOOD DHUNSERI PETRO- GOOD BOMBAY BURMAH- WEAK BALMER LAW- OK REDINGTON- OK USHA MARTIN- STRONG ACE- V GOOD NAVKAR CORP- GREAT" +"Tue May 01 15:04:58 +0000 2018","P/L: Taking my pocket change gains and cashing them in for #BigMacs. Grade A setups weren't there so just downsized and took what I could on minor wins. Played it safe after throwing away profits during lull yesterday. Not repeating the same mistake twice in a row. $HTBX $GNPX " +"Wed May 02 19:45:40 +0000 2018","P/L: Didn't really have any confidence to size up on anything today due to sketchy action and low liquidity but just simply kept taking base hits and it added up decently. $AVGR panic pop short at the open. The rest just wallet padders. $BOXL $GNPX $IMTE $NVIV $SNAP $WMLP " +"Fri May 11 13:34:22 +0000 2018","Analyst ratings after $NVDA's report last night. Had to laugh at Wells Fargo's...Glass houses, $WFC, think Glass houses, and maybe call Andrew Left... he'll get you to at least $200. LOL... I'm buying. @jimcramer " +"Fri May 04 17:53:41 +0000 2018","$SPY as you can see many experts were very bearish these markets. As I have explained before old world thinking is in the past you must be able to adapt to the market. Only I provided a big picture video on the $SPY detailed on april 14 and by todays actions correct again $STUDY " +"Wed May 09 02:27:34 +0000 2018","#RESULTSUPDATE MAHINDRA HOLIDAYS – GOOD WHIRLPOOL- OK ABB INDIA- OK SPARC- WEAK SADBHAV INFRA- WEAK BLUE DART- OK AUTOMOTIVE AXLES- GREAT PHOENIX MILLS- GREAT HUHTAMAKI PPL- OK SKF INDIA- GOOD SINTEX IND- GOOD APM IND- WEAK" +"Tue May 01 14:03:20 +0000 2018","+$5.3K ... No borrows on $HTBX. $GNPX did not get high enough for me. Now on a 14 day win streak that added up to +$118.2K New blog post + chart recaps coming later today as well! $HEAR $I " +"Fri May 04 16:04:12 +0000 2018","$SPY this is a great video to review what I explained on april 14 about the $SPY $AAPL and the big picture as you can see how well earnings are I explained these facts power facts while most were bearish the big picture and wrong once again " +"Tue May 08 14:43:07 +0000 2018","Trillion Dollar Tuesday - Apple Closes in on Historic Valuation $AAPL $SPY $QQQ #AAPLTradeIdea#OptionStrategies-- " +"Thu May 17 02:53:06 +0000 2018","Here is the Recorded live stream for may 16 I give an update on the big picture for the $SPY with key reasons great info. $AAPL $WYNN $FDX $GOOGL $LULU $AMD I explain about many key points about the market by explaining key stocks details." +"Wed May 23 18:20:01 +0000 2018","I DID TELL YOU PEOPLE yesterday THAT THE PULLBACK IN THE $SPY would only produce better setups on confirmation this was even faster then I expected to many of my plans doing well. This is why I am the big picture expert no quessing just big picture plans Like $AMZN $BA " +"Thu May 31 21:45:51 +0000 2018","$NVDA another great winner for us this month huge gains in $AMZN $NFLX $BA AN $GOOGL all in this chop this is the Video showing you the $NVDA wining plan from start to end just powerful " +"Thu May 31 02:03:05 +0000 2018","the $SPY $AAPL $GOOGL $NFLX $BA and market expert will be showing and explaining how I improved myself in more more healthy year in 2018 compared to this 2016 Video of me I will be posting a 2018 update in 2 to 4 weeks as I guide you into super health " +"Sat May 05 00:50:40 +0000 2018","$NFLX very bullish on daily and weekly. classic symmetrical triangle consolidation b/o incoming. as i said i post trades of 2 names only per day but i mentioned i was also playing nflx spy calls today. i got NFLX may11 320c @ 2.66 already up to 5.27 by close. gonna rock hard. " +"Fri May 25 01:44:30 +0000 2018","Looking over charts now and there are so many great setups: $AAPL, $AMZN, $NVDA, $BABA, $BIDU, $SQ, $NFLX, $MSFT The nice thing is that these are all market leaders, so the market looks ready for another leg up...and FUTS RIPPING👊 " +"Wed May 23 18:36:09 +0000 2018","$NVDA : another beauty from the @IBDinvestors TOP 50 is setting up a bullish pattern here... Keep an eye on this one next few days! #IBDPartner Especially like how it ran up going into earnings, sold off ""smartly"" after earnings and now setting up again aganist the 50 Day MA " +"Wed May 23 20:54:59 +0000 2018","Just from scanning thru my post market charts.... i suspect the $Nasdaq will be making a nice move higher soon... The ""big boys"" emerging in some SWEET setups! We already saw $NFLX explode! $AMZN, $NVDA $MSFT $GOOGL $BABA $INTC all printing BULLISH patterns " +"Tue May 15 05:43:34 +0000 2018","if $SPX lower low on daily, back to 2716-2721 then b/o 2742 2755. if NO lower low, consolidate. so KEY is watch if lower low tmr. SAME for $googl $nflx $nvda $amzn $aapl $fb $tsla $baba $bidu. IF lower low, back to 5/10ma or mid BB then HUGE b/o again. weekly still SUPER b/o mode " +"Fri May 04 23:43:51 +0000 2018","$TSLA huge reversal play on daily and weekly. as i said again and again, clsoing above weekly cloud bottom 284 is KEY. 5ma about to golden cross 10ma on weekly. key resist above: 297 301 304 309 311 314 317 321. IF b/o 321, gonna confirm a huge reversal out of downtrend channel. " +"Mon May 07 00:54:28 +0000 2018","it's been roughly half a year since last time we see #FANG $fb $amzn $nflx $googl all have GREAT daily AND weekly charts altogether. very interesting set-up here. but don't fool yourself by playing heavy. greedy mindset always get itself killed fast and easily. " +"Thu May 10 17:14:06 +0000 2018","$SPX is now 95 points higher since this call. We caught this move up in $AAPL $AMZN $PG and many others. All time highs coming for $SPX by end of June. " +"Thu May 24 12:29:40 +0000 2018","Netflix is now worth more than Comcast. It's also about to catch Disney. Market cap of $NFLX: $152 BILLION Market cap of $CMCSA: $148 BILLION Market cap of $DIS: $153 BILLION " +"Sun May 20 12:15:41 +0000 2018","Global stocks have lost €500bn in mkt cap this week as rising oil & yields unnerve investors. Real US yields of almost 1% becoming a competition for equities. Rate-sensitive stocks & Tech lagged this week w/several FANGMAN stocks underperforming, incl Google, Nvidia, & Facebook. " +"Wed May 16 04:53:31 +0000 2018","When you suddenly turn bearish and decide to hold 3 stocks short over night.... You checked Futures and they're down -400 pts .... its GAME ON!! Wake up the next day, to see all 3 stocks gap up! " +"Tue May 01 14:31:59 +0000 2018","@Trendmyfriends 1. Only Dow is down, not NASDAQ. 2. Apple results after US markets close will ba a key event for Asian markets tomorrow. 3. Monthly Auto sales data good. 4. GST collection crossed 1 lakh crore. 5. Core sector growth not so bad. As traders, we face the markets on a day-day basis." +"Thu May 03 01:22:43 +0000 2018","1. US markets fell despite Apple up by more than 4%. 2. US-China trade war surfaces. 3. US planning ban on China Telecom products. 4. Volatility started spiking. 5. Only HDFC twins, Kotak Bank, ITC saved the day yesterday, otherwise our markets were very weak. So, sell on rise." +"Tue May 29 16:04:23 +0000 2018","Old School traders know that when the Financials start to look and act like this.... it's time to pay a little bit more closer attention to your surroundings " +"Sat May 05 14:01:52 +0000 2018","Have a great weekend all👍 A good week thanks to catching the $SPX bounce Tuesday & short Thursday. Looking for more upside for SPX & $OIL next. SPX did everything bulls could want, it held the 200dma, put in a hammer candle, and a great IHS base. It needs to clear 2,665 now " +"Sat May 12 11:59:15 +0000 2018","#earnings for the week $WMT $HD $AMAT $CSCO $M $JCP $DE $TTWO $BZUN $MZOR $NTES $KEM $A $VIPS $CSIQ $LONE $HQCL $MARK $SORL $JWN $DGLY $EXP $SWCH $AZN $CPB $NM $GDP $BCLI $MGIC $TGEN $KMDA $JACK $ATNX $HTHT $MANU $NINE $MTBC $VRTU $RXN $AMRS $FLO " +"Mon May 07 12:30:00 +0000 2018","#ActiveTrader: Get your rally caps. This tech stock led a Friday rally that broke NDX’s losing streak:" +"Wed May 23 18:16:53 +0000 2018","It just happened again. Netflix $NFLX traded as high as $341.71. That's an ALL-TIME high. It now has P/E ratio 204. It's also up 23,800% since its 2002 IPO. " +"Thu May 10 19:26:23 +0000 2018","Remember, the bears are going to try to knock me down as soon as my numbers print. This is me playing dead. Then I will bark AND bite after they lay down their shorts!! Nvidia!! " +"Tue May 01 16:47:17 +0000 2018","Here's what every analyst, both independent and on Wall Street, thinks Apple will report tonight. Shout out to @philiped for creating this spreadsheet. If you hold $AAPL, you need to have this open all day. " +"Sat May 05 14:14:25 +0000 2018","Some implied moves for earnings this week: $JD 5.9% $VRX 10.7% $DIS 3.8% $EA 7.2% $MTCH 13.1% (mthly) $TWLO 12.5% $ZG 8.3% (mthly) $WB 9.1% $ROKU 16% $BKNG 6.3% $AYX 13.9% $NVDA 7.6% $MNST 7.2% $SINA 9% $ETSY 11.7% (mthly) " +"Mon May 14 15:30:34 +0000 2018","1/2 Bear tip of the day. large caps have the SPY that u can use as guide to gauge relative strength/weakness, or market sentiment. Tech stocks have QQQ. Small caps have the IWM. bios have LABU etc. but what about low floats? there is no low float ETF so most trade without a guide" +"Tue May 08 18:06:47 +0000 2018","Razor-thin attribution was my best tell before Y2K popped. I know it was for @TommyThornton too, who included this beauty in his excellent daily note. FOUR stocks = 90% YTD gains. $AMZN $AAPL $MSFT $NFLX " +"Thu May 10 01:25:36 +0000 2018","LIvestream the big picture on the $SPY $AAPL $WYNN $BA $TSLA stop the guessing and assuming or being a stock clown and start to $STUDY some new clear facts instead " +"Wed May 16 15:57:53 +0000 2018","$Leaders: TTD SPLK SEDG FSLR SQ SHOP MU TWTR LULU NTNX NFLX TWLO have my attention as big liquid's ...Secondary: RNG PSTG NOAH TDOC OKTA WTW AAXN GOOS SGH HEAR. BABA, TCEHY, AMZN, GOOGL - own em and don't look at em types" +"Sun May 06 23:00:21 +0000 2018","Here are the stocks and events on @JimCramer's radar this week: " +"Tue May 01 20:36:28 +0000 2018","Apple just announced a $100 BILLION buyback program. That buyback alone is bigger than the market caps of Goldman Sachs, Lockheed Martin, and PayPal. $AAPL is also raising their dividend 16% " +"Tue May 22 20:26:52 +0000 2018","still their are great stocks that need to confirm $SPY is still in bullish chop zone but as long as key supports hold we are getting ready to still test 275 276" +"Tue May 01 20:45:02 +0000 2018","$aapl doing well is just another positive sign for the market. Again when it comes to the big picture I am correct, correct the big picture on the $SPY since feb 11 2016 my last $AAPL plan correct as well it was just very choppy but correct" +"Thu May 10 14:34:44 +0000 2018","if i were sitting in front of a computer, today gonna be even more amazing LOL but anyway hiking is so much more fun. signing off here and gonna check back a while later. remember to PROGRESSIVELY lock gains. more importantly, CASH OUT gains to bank acct otherwise it's NOT ur $." +"Wed May 09 15:45:27 +0000 2018","$SPY $AAPL $TWTR $FDX $GOOGL $TSLA $AMZN I will be doing a live stream tonight 9:30pm eastern make sure to subscribe to my YouTube Channel I will be going over the powerful proof plus I will be explaining how to become a Group Member inside of PowerGroupTrades" +"Tue May 22 20:33:02 +0000 2018","$SPY key support 271.70 the next key is 270.30, what I will do is simply wait for key stocks to confirm when they do great gains much like the huge gains we made in $BA before the pullback" +"Mon May 21 15:04:01 +0000 2018","$SPY now we see once again why I am the big Picture expert make sure to $STUDY my stream as I have told people since my april 14 live stream the big picture of this market and today great gains in many of my big picture plans" +"Wed May 23 19:04:27 +0000 2018","$SPY $AMZN $BA $WYNN $DIS $AAPL live stream tonight at 9:30pm eastern standard time I give another big picture update on the market,plus I explain how to become a member inside of PowerGroupTrades make sure to sign up to my youtube channel" +"Sun May 06 12:14:15 +0000 2018","The #FAANG stocks have set another record: The block of Facebook, Amazon, Apple, Netflix and Google now account for >27% of the NASDAQ Composite, a new all-time high. " +"Sun May 13 23:00:19 +0000 2018","Here are the stocks and events @JimCramer's watching in the week ahead: " +"Thu May 31 19:03:32 +0000 2018","Trade has to be done after 9.40 once stock break high/low of today. shorting can be done only by profession trader with buying put or put spread, if Naked short or buy then 2 ATR protection is must. SL should be 1.25 to 1.5 ATR Max VAR should bot breach irrespective of tempting." +"Mon May 07 15:32:24 +0000 2018","$SPY like I always explained you need to adapt to the market if you did not make great gains from friday and into today going long the right stocks you are not adapting to the bullish signals that the market gave us for weeks right inside that chop. $AAPL $AMZN $GOOGL $TSLA" +"Thu May 10 15:48:27 +0000 2018","$SPY big picture gains in all my plans like $AMZN $GOOGL $ADBE while many were just bearish from may the 1, if you have not made great gains being long you can thank the stock clowns for that as he loves to guess and scary people into losing money" +"Tue May 01 21:26:00 +0000 2018","Thoughts as AAPL loses some after-hrs gains. Beat significantly lowered EPS estimates by 4 cents. EPS up 30%, but Income before tax up just 10% (14.5% rate vs 25%). Inventories up whopping 164% Y/Y(bad news for Apple suppliers) due to disappointing 10th anniver. ""Supercycle""sales" +"Fri May 04 15:36:56 +0000 2018","Wall Street Mavens scared individual investors out of Apple stock (now at time high) heading into the earnings even after the ""beat"" hinted it was a fluke. While they were dissing IPhone X sales it remained the world was World's Most Popular Smartphone: " +"Thu May 24 18:12:58 +0000 2018","acct up huge at this point. was making not so much $$ this morning as loss gains balance off a lot with less than 10k profits. but now it totally deeply very green w/ huge gains LOL great day!! signing off here. remembr KEY spx levels i've mentioned. have a great rest of day all!" +"Thu May 03 20:08:28 +0000 2018","Dow closes slightly higher, erasing a loss of nearly 400 points. S&P 500 and Nasdaq inch lower. Tesla loses 6% following Elon Musk’s bizarre earnings call. " +"Mon May 28 14:56:08 +0000 2018","Here are nine stocks Goldman Sachs thinks will outperform the market. Which ones do you agree with? Which ones do you dislike? 1. $ALGN 2. $AMZN 3. $ADSK 4. $COG 5. $CXO 6. $FB 7. $NFLX 8. $PNR 9. $VRTX " +"Wed May 16 15:03:54 +0000 2018","What if you invested $10,000 into a popular stock two years ago? How much would you have today? Your answer: • $NVDA $62,111 • $MU $54,205 • $NFLX $37,148 • $AMD $32,561 • $BA $25,920 • $ADBE $25,204 • $AMZN $22,579 • $AAPL $17,961 " +"Fri May 04 19:32:04 +0000 2018","Apple traded as high as $184/share today. That's a new all-time high. 👑 That also gives $AAPL a market cap of $931 BILLION. If Apple climbs another 7%, it will hit a market cap of $1 TRILLION. The price to watch is $203/share. Here's the chart now: " +"Wed May 30 14:15:53 +0000 2018","My stock positions have performed relatively well, but it's definitely a stock pickers market. $VDSI , $LOPE, $TNET new highs today; I have a position. $MOV we added it to our buy alert list yesterday. Big caps I own include $AMZN, $NFLX, $TWTR, $V, $BA." +"Fri May 25 20:02:59 +0000 2018","Overall a GREAT week playing $nflx $amzn $baba calls! SPX hardly making a move so keep an eye on 2721 next week. Have a great long weekend all friends!!" +"Tue May 01 07:32:57 +0000 2018","Tall order today--you have futures up a bit--we don't want that and you have a tough set up for $AAPL with a $400 b buyback rumor out there and we are barely oversold" +"Mon May 21 14:45:12 +0000 2018","done for now. will check back later. great morning so far w/ $googl $nflx $baba $ba $tsla $amzn but $nvda bad. do NOT waste your gains by playing non-sense. FOCUS is key. CASH OUT gains to bank acct. do NOT keep growing acct. i will repeat these until you get it in your bones LOL" +"Tue May 15 14:41:46 +0000 2018","Warning via @BrianSozzi: The stock market is totally ignoring epic rallies in $AAPL and $FB " +"Tue May 01 21:09:59 +0000 2018","I don't know where $AAPL / the market trades tomorrow but I do know rallies end on good news, not bad. Bears should be happy $AAPL blew out the # bc a bad print would have been justified. If a great print fades, traders / investors will get real nervous IMO. $SPX $NDX" +"Tue May 01 20:46:33 +0000 2018","Munster's initial reaction to $AAPL earnings: The most important thing is Apple announced $100B share buyback, Street was expecting $60-70B. Company increased cash by $25B in March alone. Translation, they can buy a lot of stock back over the next 5 years." +"Wed May 30 14:07:09 +0000 2018","With no recession in sight and inflation still relatively tame, the bull market remains intact. Small cap and mid-cap stock will likely continue to outperform large caps. The S&P 500 has some room to rally up to 2800, but the consolidation could extend for a couple more months." +"Mon May 28 14:33:57 +0000 2018","Setups and Watch List, 5/27: $NFLX $AMZN $BABA $SQ $NOW $NVDA $ATHM $ZEN $HUYA $SHAK $PAGS Following charts courtesy of @MarketSmith" +"Fri May 04 18:42:20 +0000 2018","$AAPL the biggest stock on earth, is going out at all-time daily and weekly closing highs. Are these things we normally find in uptrends or downtrends?" +"Mon May 07 01:15:05 +0000 2018","@profgalloway wow. although we agreed on $AMZN + $WFM, i think your $TSLA prediction will be way off. bummed you don't see the bullcase here. 10,000% rev growth since IPO, GWh-scale🔋project in the works, dominant EV marketshare, #Model3 on cusp of 5K/week ($13B in incremental rev). i'm long" +"Tue May 15 17:52:13 +0000 2018","Indices are weak today but I'm seeing some very encouraging action ""under the hood"".... Many individual stocks are looking quite constructive on the pullback, many on my PEG Watchlist are even nicely too! Makes me think this market pullback won't last too long, imho" +"Sun Jun 10 14:23:36 +0000 2018","Eaton Vance Management bought 615,082 shares of #Campbells #Soup #Company $CPB increasing it's stake by 362.7% $AAPL $AMZN $BABA $C $D $ES $F $GOOG $GM $INTC $IBM $MSFT $NVDA $PG $S $TGT $TSLA $WMT $XOM #wallstreet #stockmarket #valueinvesting #stocks " +"Fri Jun 08 06:51:25 +0000 2018","NIFTY PHARMA - WEEKLY Bullish Candlestick Reversal pattern + Quadruple Positive Divergence on RSI In the last one year, every time Index has made a lower low, RSI never confirmed the same & made a higher low simultaneously " +"Sun Jun 24 19:46:27 +0000 2018","OPTIONS —-> $XOM - Perfect Upward Channel pattern with price now above short term EMAs. Ideal entry near the bottom channel ($80) or buy over $82 break. $85 soon. July 13 calls, with a strike of $81.50 idea.#options #StockMarket #charts #OptionsTrading $FB $TSLA $GOOG $AMZN $SNAP " +"Sat Jun 16 05:32:44 +0000 2018","BULL MARKET has started ! Nasdaq Index All-Time High Facebook All-Time High Amazon All-Time High Netflix All-Time High Twitter All-Time High Electronic Arts All-Time High Motorola All-Time High Money makes money. Who say trading is tough ? #FromMalaysiaToWallStreet " +"Sat Jun 02 05:13:45 +0000 2018","STOCKS TO WHACK THIS WEEK :-) TOPGLOVE, SUPERMAX, HARTA, PADINI, TENAGA, INARI, KPJ, DIALOG, PPB, YINSON, QL. APPLE, AMAZON, INTEL, MICROSOFT, FACEBOOK, NETFLIX, GOOGLE, ADOBE, NVIDIA, ACTIVISION. UPTREND, BREAKOUT, VOLUME SPIKE.....SO MANY LAH :-) " +"Tue Jun 26 04:50:10 +0000 2018","For all Chartists WATCH THE HIGHLIGHTED ZONE IN THE IMAGE: RSI, VWAP, EMA - Bullish BUT ADX is Falling See what happens to the price. ADX works like an early warning system, it does not suggest a direction, but focuses on strength of trend Will blog the ADX indicator today " +"Sun Jun 03 17:26:11 +0000 2018","Taking positions in the #indexfutures how much money would the Trump gang be able make knowing the direction if the gyrations of the market, day in and day out? U.S.-China Trade Talks End in an Impasse " +"Tue Jun 05 02:08:33 +0000 2018","#MidCaps Additional Surveillance Measures #ASM imposed on securities (List Attached) = 5% Price Band w.e.f. June 05 #Today. = 100% Margins applicable w.e.f. June 06 #Tomorrow on all open positions as on June 5 and new positions created from June 06 @CNBC_Awaaz #ImpOnes👇🏻 " +"Tue Jun 26 20:08:42 +0000 2018","AT THE CLOSE: All three major indices closed the day higher with technology and consumer stocks leading the gains. The Nasdaq snapped a four day losing streak. " +"Tue Jun 19 00:23:01 +0000 2018","If you have FAANG stocks in your IRA and you see Goldman Sachs telling the World that ""Tech stocks are not in a Bubble"" make sure you buy some 6 Month Puts while theyre priced low. The Risk Reward is great here for protection. No prizes for NOT doing it. " +"Fri Jun 29 23:01:34 +0000 2018","Unless there is a major bullish catalyst in near term, long term charts of US indices and other major markets suggest we are entering in a large intermediate term downtrend, a persistent one that will dwarf the initiation we saw back in Feb. Internals and financials confirm $SPX " +"Sun Jun 17 15:55:51 +0000 2018","Scan- Strong stock coming under Buy list, it is important to see how market will close on Monday, As USA market does not shown any weakness on trade war n Friday we did outperform world market. Will be waiting for data to turn negative for any short call as of now holding Long. " +"Sun Jun 03 18:58:22 +0000 2018","Rally on Biotech stock CRSP, is in our midst. We have oppurtunity as the prod delay affected the price in the interim. It will recover. #stocks #stockmarket #stocktrading #trading #trader #daytrading #stockcharts #finance #wallstreet #futures #investor #investing #NYSE #NASDAQ" +"Tue Jun 05 20:09:01 +0000 2018","AT THE CLOSE: The Nasdaq finished the day at a new record high for the second straight day. The Dow Jones Industrial Average closed the day lower and the S&P 500 finished the day higher. Tech titans Apple, Amazon, Microsoft, and Netflix all closed at new record highs. " +"Wed Jun 13 17:18:02 +0000 2018","I had a almost a record day yesterday on $TSLA, another close to record day today across 3 accounts on $NFLX. I will not be posting P&L any more. Its not helping me any more and i dont see it helping others either at this point. This is what its all about #AllAboutTheProcess " +"Mon Jun 25 11:25:55 +0000 2018","Top 15 | IBD50 (via @IBDinvestors) $ABMD $TTD $TWTR $ALGN $GOOS $NFLX $FIVE $HTHT $GRUB $KEM $VNOM $TTGT $BZUN $ETFC $SUPN – Bulls want to see some RS from ""the leaders"" for mkt composure ... " +"Sun Jun 10 23:52:36 +0000 2018","#Qualcomm ($QCOM) - How much will the QCOM stock price rise immediately after the Chinese authority approves the NXP Semiconductors ($NXPI) acquisition deal? #Stocks #Investing #IRA #401K #PersonalFinance #Dividends #NASDAQ #NYSE #StockMarket #Merger #ETF #RetirementIncome" +"Thu Jun 14 18:27:20 +0000 2018","$TSLA wow this guy is just the best at being wrong and catching crumbs while I make super plans and gains in this stock. old world thinking always loses in the end #Crumb catcher #noskill #littlescalper #always wrong just like at $SPY 225 " +"Thu Jun 07 23:38:36 +0000 2018","Dogness (International) (Nasdaq: $DOGZ) Reports Strong Earnings, Sales Growth; Stock Fetches Higher Price #Stockstowatch #Stocks #StockMarket #China #Pets " +"Mon Jun 11 20:00:05 +0000 2018","P/L: Not going to lie when I saw so many prospects on gap scans, I got pretty excited and thought this was gonna be a huge day. Thankfully I came back down to earth and recognize it was actually a total dud, sized appropriate,took my small gains&left. $NNDM clear long at open. " +"Sat Jun 30 12:30:20 +0000 2018","$SPX YTD: $AMZN up 45.3% YTD as it contributes 33.4% of the $SPX YTD total return, $MSFT up 16.3% & contributes 17.8%, $AAPL up 10.2% & 17.6%, NFLX 103.9% & 13/7%; YTD information Technology up 10.87% % contributes 99.4% of the $SPX total return " +"Sun Jun 03 11:04:47 +0000 2018","#DowJones #Elliottwave Update bullish > 24111+ 25374/ 25800+ 28931/ 30086 bearish < 24111+ 22298/ 22472 + 19884 #DJI $DJIA #SPX $spx $dow #Dow 1 #DAX 1 Spread #Index #CFD #future #stocks #trading #FX #Forex #FXTrading from 0.0 pips Open your Live-Account " +"Mon Jun 18 23:11:40 +0000 2018","$NQ_F Big Picture View: Nasdaq continues to setup for a possible correction. Not only is it coiling into a rising wedge, but each of the three highs in June has come on a divergence showing weakening momentum from bulls. A break of this wedge should easily target 7000 $NDX $qqq " +"Tue Jun 19 14:23:46 +0000 2018","Tech stocks $QQQ daily chart: This is about as good a setup QQQ will get for a solid correction 1) It hit resistance of a large bearish wedge from Feb 2) This is at the same time it hit resistance of a smaller bear wedge from April 3) RSI is diverging. Invalid if wedge breaks up " +"Mon Jun 11 01:54:43 +0000 2018","Nasdaq $comp see falling wedge b/o on 30/60mim chart. BUT more interestingly it’s forming smiling face inverted H&S pattern on 15 min chart. Monday morning gonna be critics - need stay above 7630. " +"Sat Jun 09 00:36:33 +0000 2018","you post a lot on $TWTR but have not made any money on the stock in self?. Where is your skills in Real stocks??. Where are your plans in making money in $AAPL $GOOGL $TSLA $SPY $AMZN you know the things that really count?. you have a lot to think about now or will you run? " +"Thu Jun 07 22:09:42 +0000 2018","$BIDU I like the stock fort higher prices I explain the facts inside the Video a special for all because of our super gains this week in $AMZN and $TSLA Video plan explains $STUDY" +"Wed Jun 06 22:51:14 +0000 2018","$ANET great gains in this from my head up post on PowerTriggerTrade on may 29 just another winner like $TWTR $AMZN $GOOGL $NFLX $NVDA all within a small selection of plans no one can do this like this trust me Video explains while the stock clown crys!" +"Tue Jun 26 21:30:55 +0000 2018","(4/5) if mkt is like beginning of jun till last week where tech ran crazy, ur positions can easily turn into VERY big as they grow multiple holds. based on ur read of charts, u can progressively lock gains a bit more conservatively - e.g., once a name hit resistance, lock 20%... " +"Sun Jun 24 14:05:28 +0000 2018","patience will pay off. all need a bit more consolidation before pre-ER run starts. once they settle (not impossible to break down though so do NOT assume they would definitely be supported by those key levels), may see epic run. $baba $bidu $nvda $tsla " +"Sat Jun 02 17:30:37 +0000 2018","on 1-yr time frame, $baba $nvda both were leading tech until beginning of 2018 $nflx hiked huge to be the leader. $amzn also start picking up momentum past few months. baba nvda amzn ALL ready to take off again. $googl $fb both left behind but note they start to make plays. " +"Mon Jun 11 21:16:33 +0000 2018","Ouch! Hedge got squeezed most of the times in the past year. Thomson Reuters Most Shorted Index has gained 25% since Jun 2017 vs an S&P 500 rise of ~14%. Shares in some heavily shorted stocks rallied Monday w/Tesla, Chipotle, Hertz, Avis Budget seeing strong gains. " +"Tue Jun 05 19:51:56 +0000 2018","Nasdaq moves to new highs. It leads, meaning it likely pulls $SPX higher. But there are some potential land mines in the short term. New from The Fat Pitch " +"Thu Jun 14 18:48:40 +0000 2018","Momentum is having a blow off top ETSY up nearly 30% (100% YTD) NFLX up almost 4% (+100%YTD) TWTR up 5% (up 90% YTD)" +"Tue Jun 05 12:29:44 +0000 2018","Stocks that are at their all-time high *today*: - Apple - Google - Amazon - Microsoft - Netflix - Nvidia - Alibaba - Adobe - SAP - Paypal - Facebook Yes, even Facebook is at their all-time high today, barely two months after Cambridge Analytica and #deletefacebook..." +"Tue Jun 05 17:49:49 +0000 2018","This is the race to $1 trillion. $AAPL is the closest it's ever been. Now just 5% away from being the first. Amazon, Microsoft, and Alphabet are each right behind it. " +"Thu Jun 21 01:31:02 +0000 2018","Another strong day for tech stocks $QQQ but no change *yet to the scenario outlined below. Its still in the large purple bearish wedge from Feb, and still coiled tightly in the small bear wedge from April. Today's action just set a double-top with yet another bearish divergence " +"Wed Jun 20 21:13:01 +0000 2018","Chief, do you know how much money you could have made from when we coined FANG? You could sell them all today and it would be fine with me.. And i didn't forget the nifty fifty even as you forgot your manners. " +"Thu Jun 14 19:56:55 +0000 2018","Just had a quick look $tsla - $60 bill $NFLX - $170 bill $FB - $580 bill $AMZN - $850 bill And the rest of them. Never in 30 years I have ever seen mkt caps so high on so few stocks earning so little. The central banks have destroyed efficient capital" +"Mon Jun 04 17:25:28 +0000 2018","That just happened. 💸 Apple hit new ALL-TIME highs at $193.42/share. Its market cap is now $949.13 billion. #WWDC18 is live right now. Here's a chart of $AAPL hitting fresh new highs. " +"Wed Jun 06 13:20:45 +0000 2018","When the public hoard starts searching for FANG stocks again (no sign yet), beware. $AMZN $FB $NFLX $GOOGL " +"Fri Jun 15 04:16:05 +0000 2018","While everyone's talkin bout ""Chinese Dragons"" ....the Semis have been ""quiet"" for a few days as Nasdaq and Chinese momentum stocks rip higher... but we all know the Semis don't stay quiet for long... Look for this sector to get some action soon!! $MU, $SMH $INTC $MCHP " +"Fri Jun 01 14:13:51 +0000 2018","Back to things that matter. A strong WBB close in NASDAQ $NQ_F $QQQ will complete small Cup and Handle, confirm strong uptrend and bring forth new weekend excuses from the perma bears on why the market is wrong. " +"Fri Jun 15 14:50:31 +0000 2018","$tsla is more like $aapl back in 2004-2006 when Nokia still dominating the cell-phone mkt. tons aapl bears always celebrating when stock pull back a bit and short aapl to hell. what happened eventually? aapl bears lost over 11 billion 2007-2008. SAME will happen to tsla bears. " +"Sat Jun 02 23:59:11 +0000 2018","A few pretty pictures a week with a plan is all u need - $amzn $aapl $googl $fb- (some from last week) " +"Fri Jun 01 19:16:34 +0000 2018","""Today, the 'FAANG 5' account for a large percentage of the S&P 500 as well as nearly 40% of the NASDAQ 100 (Facebook 5.5%, Amazon 10%, Apple 12%, Google 9%, Netflix 2%)."" Good read @ -- " +"Wed Jun 20 21:44:06 +0000 2018","At height of the great tech stock bubble in 2000 (record US stock valuations), the market cap of five highest valued tech companies was slightly over $2 Trillion. This afternoon I tallied up the market caps of AAPL,AMZN,GOOGL,MSFT & FB Total came to $3.96 trillion or nearly 2x." +"Sat Jun 02 14:45:32 +0000 2018","#earnings for the week $YY $PANW $AVGO $DVMT $SIG $THO $OKTA $FIVE $DLTH $CLDR $HDS $AMBA $NAV $HQY $SJM $KNOP $COUP $FCEL $MTN $GWRE $HOME $OLLI $FRAN $GIIi $CPST $GCO $CSWC $VRA $FGP $ASNA $HLNE $NX $ROAD $MDB $SFIX $COO $SCWX $UNFI $SEAC $NCS $ZUMZ " +"Thu Jun 21 17:05:45 +0000 2018","one more twit to clarify. in most cases, when stock goes up, FIRST major stop on daily chart will be 50% level then pull back to 38.2%. BUT if huge move like tsla nflx, first stop could be 61.8% level then pull back to 50 or 38.2. so YOU will need to decide based on ur read. " +"Fri Jun 29 23:42:20 +0000 2018","End of Q2 folio update 🌿High techs (50%) $NVDA $MU $SQ 🌿Biotechs (50%) $APTO $DMCAF $CWBR $SRRA $BLPH $ONCY $RETA $AUPH $MDGL $MRTX $MGEN $ONTX Have an awesome weekend all!" +"Fri Jun 22 18:11:42 +0000 2018","Nasdaq & Most of list Trade Flat & consolidating recent gains, 2pm Some Approx ER Dates (for option/position traders) $NFLX 7/16 $MSFT 7/19 $GOOGL 7/23 $TWTR 7/25 $PYPL 7/25 $FB 7/25 $EBAY 7/25 $AMZN 7/26* $BIDU 7/26 $AAPL 8/1 $SHOP 8/1 $SQ 8/2 (*Amazon Prime Day hearing 7/16)" +"Fri Jun 01 13:52:02 +0000 2018","Your #NASDAQ #Stockmarket buzzing shares for this hour. TG is expected target, SL is stoploss in case stock reverses, and CMP is current market price. For learning purposes only" +"Fri Jun 22 22:39:00 +0000 2018","The five best stocks in the S&P 500, so far, this year: 1. $ABMD +138% 2. $NFLX +117% 3. $TWTR +92% 4. $TRIP +70% 5. $ALGN +64% " +"Thu Jun 14 01:31:52 +0000 2018","Live stream Now $DIS $NFLX $AMZN $GOOGL $TSLA $AAPL $SPY $ROKU $MOMO how to be a member inside of PowerGroupTrades june 13 live stream time to be awaken to the best " +"Fri Jun 15 12:55:35 +0000 2018","Wall Street Week... Facebook: All-Time High Amazon: All-Time High Netflix: All-Time High Nasdaq 100: All-Time High $FB $AMZN $NFLX $QQQ " +"Tue Jun 19 17:17:09 +0000 2018","POOR STOCK CLOWN WRONG SINCE $spy 225 ONLY WISHED HE COULD DO WHAT I DO WITH MY SUPER WINING PLANS SKILLS LIKE $amzn $tsla $nflx $googl. OLD WORLD THINKING =#NOSKILLS COMPARED TO MINE IN THIS NEW ERA i WILL RULE THIS FOREVER #1 TO POWERFUL MY SKILLS ALWAYS GROWING!!" +"Sun Jun 17 17:11:01 +0000 2018","Here's a chart of the Nasdaq since the DotCom bubble. It's important to remember just how high the Nasdaq traded at back then, and where it is now. $QQQ $XLK " +"Thu Jun 07 01:27:05 +0000 2018","$AAPL $AMD $TWTR $AMZN $ANET $NVDA $GOOGL plus how to become a member inside of PowerGroupTrades live stream now rtmp://a.rtmp.youtube.com/live2" +"Mon Jun 04 20:19:29 +0000 2018","Nasdaq climbs to record in the latest sign that investors questioning the global growth story are funneling their money into shares of fast-growing companies. Nasdaq is up 10.2% ytd, w/ heavyweights like Amazon, Apple, Microsoft all up double-digit. " +"Thu Jun 14 14:15:53 +0000 2018","There are many great researchers who will be delving into today's IG Report. We will probably be able to grasp the tenor, scope and intent - is the Report all it's expected to be - rather quickly. But details - hugely important ones - will continue to be forthcoming for weeks." +"Fri Jun 08 13:35:46 +0000 2018","Stocks dip at the open. Dow loses 30 points. Nasdaq falls 0.4%. Apple retreats 1% on concerns about iPhone demand. Verizon falls after naming new CEO. Watch live " +"Sun Jun 03 23:00:15 +0000 2018","Here are the stocks and events on @JimCramer's radar this week: " +"Wed Jun 06 22:53:54 +0000 2018","$AMZN $TSLA $BA $FDX $AAPL $SPY $TWTR $ANET $NVDA $NFLX live stream tonight at 9:30pm eastern standard time another Big Picture Update where you hear powerful facts and advice also learn how to become a member inside of PowerGroupTrades to powerful I am very blessed" +"Sun Jun 10 18:00:27 +0000 2018","Today met with Algo trader who has set up trump tweet as feed and any tweet coming from trump Id's it directly check the impact in all asset class and do the trade. Index/ ccy/ bonds and commodity too. Last one year best performance from this funds. Interesting set up🤔🤔" +"Sat Jun 09 03:50:08 +0000 2018","I just went over my scans and I can tell you this the $SPY is super bullish the short stock clown will not know what hit them this market is super bullish to the extremes to many thing to get into the key is to get into the best many bearish stock clowns are going to be ended!!" +"Sat Jun 23 15:35:12 +0000 2018","The market cap of the entire S&P 500 Consumer Discretionary index has gained $318bn so far this year, of which Amazon and Netflix on their own account for $375bn. Strip out these gains and the rest of the index has dropped $57bn in market cap for the year. " +"Wed Jun 20 16:06:46 +0000 2018","$AAPL $NFLX $AMZN $GOOGL $SPY $TSLA live stream Tonight people at 9:30pm Eastern Standard time . Plus I explain how to become a member inside of PowerGroupTrades another super week for us $NFLX $AMZN $TSLA just super stars for us" +"Sat Jun 09 13:11:29 +0000 2018","$AAPL $SPY $TSLA $GOOGL $AMZN $BA $FDX $TWTR. Many stock scammers only speak about how much money they made.Who cares can you show before a fact what kind of money you would have made following the advice from start to end? My youtube channel is full of super proof of it. $STUDY" +"Wed Jun 06 16:24:20 +0000 2018","$AMZN $TSLA $BA $FDX $AAPL $SPY $TWTR live stream tonight at 9:30pm eastern standard time another Big Picture Update where you hear powerful facts and advice that works no one was bullish back in april but I was and I was simply correct the big picture with many wining plans" +"Mon Jun 25 18:30:12 +0000 2018","Waiting for Confirmation in this chop has lead to super gains these past few weeks with small losses along the way while avoiding this drop in key stocks like $NFLX $AMZN $GOOGL great gains while avoiding the drop things are so good for use I could not be any happier $STUDY" +"Wed Jun 27 14:24:33 +0000 2018","$SPY $TSLA $NFLX $AAPL $COST $AMD LIVE stream tonight at 9:30pm eastern standard . I explain some key big picture updates and facts about the $SPY and why this is a stock pickers market for now. Plus how to become a member inside of PowerGroupTrades a Powerful stream of info" +"Tue Jun 05 18:35:18 +0000 2018","huge gains in $AMZN again while the stock clown said to sell it ahahahahahahahahaha old world thinking always loses in the big picture of things people while big picture skills always get the big gains no little scalpes for me we want to big gains just like $TWTR as well boom!!" +"Thu Jun 21 21:49:54 +0000 2018","06/21/18 - View today's #MarketOutlook from @Market_Scholars here: $SPY $DIA $QQQ $IWM $TNX $VIX $SPX $RUT $EWG $XLY $GLD $RSX $TGT $NFLX $AMZN $AMZN $DIA #SCOTUS $XLP $WMT" +"Wed Jun 06 13:34:18 +0000 2018","Tech stocks are carrying Wall Street higher at the opening bell. Dow jumps 100 points. Nasdaq on track for third record close in a row. Watch live " +"Sun Jun 10 23:45:16 +0000 2018","A few tweets to Prep for the Wk📈📉 Some other highlights.. MON-TUE NK Summit TUE CPI WED PPI FOMC Mtg/Presser THU Claims, Retail Sales, Trade #'s ECB Mtg/Presser FRI Quad Witch Industrial Prod Consumer Sent BOJ Mtg/Presser Will post stock ideas during wk Trade'em Well👊🏽" +"Tue Jun 05 21:38:05 +0000 2018","06/05/18 - View today's #MarketOutlook from @Market_Scholars here: Discussed: $SPY $DIA $QQQ $IWM $TNX $VIX $SPX $XLY $TLT $RUT $XLK $EWZ $EWW $UUP $SBUX $AMZN $NFLX $M $TWTR $CCL $RCL $TGT $NOV" +"Wed Jun 13 20:06:55 +0000 2018","Markets lose ground after Fed signals faster rate hikes. Dow falls 120 points, or 0.4%. Nasdaq ekes out record high. Media stocks jump after AT&T wins Time Warner court ruling. 21st Century Fox leaps 8% and CBS jumps 4%. " +"Tue Jun 19 13:22:07 +0000 2018","The 5 biggest companies by market value are U.S. tech stocks: $AAPL, $AMZN, $GOOG, $MSFT, $FB. Between them they accounted for more than a third of the $2.7 trillion increase in value of the S&P 500 in the past 12 mos and now make up more than 15% of the $SPX." +"Wed Jun 06 17:50:26 +0000 2018","Not if you had a human brain, you didn't. You sold: $NFLX 75 days later, when it was down 35.9% $FB 91 days later, when it was down 50.2% $AAPL a year later, when it was down 40.1% $AMZN two years later, when it was down 29.2% Maybe you held your $GOOG. Maybe. " +"Thu Jun 14 20:22:39 +0000 2018","DJIA -26,but Nasdaq +65(+1%)despite advancing Nasdaq issues exceeding decliners by just 8 to 6 ratio as momo investors continue to pile into relatively small number of FANG &FANG-like names. Driving FANGS to mkt caps never seen b4 in history. Crowding reminiscent of pre-2000 bust" +"Sat Jun 09 04:31:03 +0000 2018","For those who’s not following me until recently, let me say this again - this whole bull run since 2015 is NOT coz of strong econ BUT new tech revolution. Totally change way ppl live. That’s why tech names $amzn $googl $fb $aapl $nvda $nflx $tsla $baba leading this bull mkt." +"Fri Jun 29 01:15:07 +0000 2018","Think it’s too late to buy into the FANG stocks? Based on their cash flow per share trends, you’re wrong on 3 out of 4 counts. $FB $AMZN $NFLX $GOOG $GOOGL " +"Mon Jun 04 20:32:56 +0000 2018","New all-time highs for microcaps, small caps, tech, and the Nasdaq today. I sound like a broken record, but there is significant participation under the surface that should lead to higher overall equity prices." +"Fri Jun 08 19:46:34 +0000 2018","People still talk about FANG stocks pacing the market, really been just the A and the N in FANG. 9 biggest Nasdaq stocks in order of YTD gain: NFLX +88% AMZN +44% NVDA +36% INTC +20% MSFT +19% CSCO +14% AAPL +13% GOOGL +8% FB +7%" +"Wed Jun 06 12:28:33 +0000 2018","S&P 500 is up 3% YTD or 78 points AMZN is contributing 24 points (+31%) MSFT 15 pts (+20%) AAPL 15 pts (+20%) NFLX 9 pts (+11%) INTC 6 pts (+8%) MA 5 pts (+6.6%) NVDA 5 pts (+6.5%) FB 5 pts (+6.5%). 8 stocks are ~105% of the YTD SPX move (and AMZN and MSFT are 50% alone." +"Tue Jun 19 21:30:49 +0000 2018","GE was first added to the Dow Jones Industrial Average in 1907. It was the oldest stock in the Dow. Until today. $GE was just kicked out, and replaced by Walgreens $WBA. " +"Fri Jun 15 02:35:26 +0000 2018","Some hard-to-believe YET not impossible development by end of month (may not happen till July) - 1) $tsla huge b/o weekly downtrend channel continues & reach 387 or even 400; 2) $amzn goes to 1780 or even 1840; 3) $googl all the way to 1184 then 1210; 4) $nflx all the way to 445" +"Fri Jun 22 02:53:06 +0000 2018","$amzn $googl both fell out of parabolic channel. $fb $nflx $msft relatively strong but weekly chart need consolidation. $baba $bidu $nvda not ready yet so wait. $tsla premiums too high so let it settle. $aapl bad. futures $es_f $nq_f not bad. may hike & fade tmr. time to RELAX." +"Fri Jun 22 14:04:07 +0000 2018","really nothing to watch today. mkt very chaotic. tech sector much weaker than spx dji. done for the day. do NOT hurry to make $$. just relax and take a rest to conclude this still fascinating week (if you trade using right strategy). have a great weekend all twitter friends!!" +"Wed Jun 20 22:25:11 +0000 2018","Since everyone's asking: they were MSFT, CSCO, INTC, ORCL&NOK (Nokia had 40% market share of cellphone mkt.) CSCO had highest P/E (120, or 100 points lower than AMZN today). Over next 2 yrs, stock declines ranged from 62%-90%. Nortel just missed the(top 5)cut. It's stock lost 99%" +"Wed Jun 20 21:54:03 +0000 2018","Even adjusting for inflation,2018 combined valuation is far higher than in 2000. Note that NASDAQ (7782 today) peaked at 5132 3/10/2000. That's just 51.6% higher. So concentration of ""big 5"" techs is even greater in today's market. Never thought I'd experience such insanity again" +"Sat Jun 16 22:36:13 +0000 2018","spent 9 hrs today reviewing mkt & charting. just gave u all $tsla $nvda $googl $baba $amzn $bidu $fb $msft chart updates. LEARN charts is a MUST. there's no such thing as making $$ easily - HARD work pays off. if I ever start paid service, u gonna see phenomenal effort every week" +"Mon Jun 04 18:25:15 +0000 2018","Stocks holding on to their gains led by technology. Nvidia making a big jump to new highs. Up $7 today. $NVDA I think Citron told you to short this one... Someone buy @jimcramer dog a bone!" +"Thu Jun 21 12:41:46 +0000 2018","In the seven days the Dow has been straight down, the Nasdaq is up over 1%. ""That kind of divergence is extremely uncommon. So uncommon, in fact, that it has only occurred twice in the history of the Nasdaq dating back to 1971. "" - @bespokeinvest" +"Tue Jun 05 12:35:56 +0000 2018","So this all happened yesterday. New all-time highs: Small caps Microcaps Tech Nasdaq NYSE AD line SPX AD line Midcap and small cap AD lines Nasdaq 100 AD line NYSE common stock only AD line S&P 100 AD line This is strong market breadth and should lead to higher equity prices." +"Sat Jun 09 01:55:59 +0000 2018","i look at technology and the nasdaq and you guys keep telling me head & shoulders tops. I see all-time highs. I guess you see what you want to see. not every higher high has to be the head of a H&S top you know....." +"Sat Jun 23 05:10:03 +0000 2018","@traderstewie Russell 1000 is composed of the top 1000 largest stocks which include MSFT, FB and BA, among others. They are affected because the indexers (ETF, funds, etc.) who track the Russell 1000 will have to properly allocate their sizes based on the Russell 1000's revised weighting." +"Wed Jun 06 20:26:11 +0000 2018","Looking thru my watchlists and new scans.... Continue to see some very nice CHARTS down the pipeline..... Many Tech names are indeed extended but with today's strong move in SPY/DIA , seeing setups emerging in what was previously ""sleeping"" sectors!" +"Thu Jun 28 10:35:44 +0000 2018","It’s remarkable how quiet it is,despite being the last week of the quarter & half year. I expect some fireworks later in US & early Asian Session! Tomorrow is a big day Bulls you need to close above 6600 Bears you need to break 5750 Move your fuc*n ass off & get over with it 🎯" +"Fri Jul 20 20:10:39 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $GOOGL $NFLX $BAC $DIS $CMCSA $EBAY $IBM $GE $MSFT $PZZA $MS " +"Fri Jul 27 21:34:50 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $FB $TWTR $AMD $NVDA $SPOT $AAPL $GRUB $AMZN $GOOGL $EBAY $MSFT " +"Thu Jul 12 16:29:41 +0000 2018","Intra-day Snapshot on: $AAPL $AMZN $NFLX, $FB $SPY $QQQ $TSLA $MSFT $NVDA #stocks #stockoptionalerts #BreakoutStocks " +"Fri Jul 20 20:09:32 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $GOOGL $NFLX $BAC $DIS $CMCSA $EBAY $IBM $GE $MSFT $PZZA $MS " +"Fri Jul 27 21:33:32 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $FB $TWTR $AMD $NVDA $SPOT $AAPL $GRUB $AMZN $GOOGL $EBAY $MSFT " +"Wed Jul 25 13:17:20 +0000 2018","Did you short $RETA at the perfect entry price? @DailyStockMoney members did 💎🔥Join us today FREE🔥💎 $SPY $QQQ $TWTR $DDE $HEAR $TNDM $BLIN $BOXL $RIOT $TSLA $AMZN $TORC $CHFS $APPL $DIA $HMNY $QQQ #daytrading #stockmarket " +"Fri Jul 27 21:33:06 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $FB $TWTR $AMD $NVDA $SPOT $AAPL $GRUB $AMZN $GOOGL $EBAY $MSFT " +"Fri Jul 20 20:09:09 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $GOOGL $NFLX $BAC $DIS $CMCSA $EBAY $IBM $GE $MSFT $PZZA $MS " +"Mon Jul 30 20:56:03 +0000 2018","The tech bloodbath continues. Top technology stocks have fallen further, marking the first time the Nasdaq has had three consecutive declines of 1% or more in nearly three years. " +"Wed Jul 25 20:29:11 +0000 2018","RECORD CLOSE for #Nasdaq & DOW spikes into the close as the US/EU reach a positive #trade deal! We are predicting BIG US #GDP numbers this Friday & talked autonomous driving with #Uber & $f Ford spinning out it's $4bln unit to compete with $gm Cruise $googl Waymo " +"Tue Jul 03 09:57:38 +0000 2018","#BreakingNews #NASDAQ: ""While most commentators seem to think that a full-scale #tradewars between the world's two largest national economies will yet be avoided, the omens are not good for a resolution of this issue anytime soon."" #IndexFutures are up. " +"Thu Jul 12 17:43:46 +0000 2018","$TWLO stock. I am calling outperform 2 weeks. Current price $61.63 #stocks #stockmarket #stocktrading #trading #trader #daytrading #stockcharts #finance #wallstreet #futures #investor #investing #NYSE #NASDAQ" +"Thu Jul 12 20:12:31 +0000 2018","The Nasdaq hit an all-time high Thursday, thanks to big tech names. Other major indexes all rebounded as earnings season continues. " +"Sat Jul 21 18:26:49 +0000 2018","Earnings 📈📉 $ALGN $AMZN $AQ $BA $BEAT $BIIB $BYD $CME $CMG $DECK $DNKN $EA $EW $EXPE $FB $FCX $FFIV $FSLR $GOOGL $GRUB $HOG $INTC $IRBT $LPNT $LRCX $LVS $MA $MCD $NOW $NVCR $PENN $PYPL $SBUX $SIVB $SPOT $T $TAL $TEAM $TREE $TWTR $TXN $TZOO $UAA $UPS $VRSN $VRTX $WDC $WIX $WWE " +"Sat Jul 14 22:31:54 +0000 2018","New post (There's No Way a $50 Price Tag Makes Sense for Roku Stock) has been published on Biedex: Stockmarket News. Trading Tips, Realtime Quotes, Technical Analysis. - > Roku (NASDAQ:ROKU) is a very polarizing stock with big bears and big bulls ... - " +"Thu Jul 12 20:20:09 +0000 2018","In the long run, earnings drive the stock market. That’s easy to forget when trade wars and slow economic growth dominate the headlines. #Earnings #NASDAQ #SP500 #NYSE #Assets #Retirement #Commodity #Money #Investing #Economy #StockMarket #BanyanHill " +"Mon Jul 30 18:46:00 +0000 2018","Remember what caused the FAANG shares to rise in 2017? Now it takes them down @zerohedge @NorthmanTrader @TheBubbleBubble #aapl #amzn #nflx #goog #twtr $fb " +"Sun Jul 15 13:52:10 +0000 2018","Bearish setup emerging in tech stocks. #NQ_F formed a clean bearish rising wedge, which puts Fridays break to new highs at risk of being a bull trap. One more mild high would test wedge resistance again and set a steep bearish RSI divergence. Break of ~7330 confirms downside $QQQ " +"Fri Jul 06 20:00:53 +0000 2018","P/L:Decent day. Recognized the setups were not my ideal setups. Nailed the open on $ANW and $BBOX although couldn't get any real size on it esp. on $ANW which didn't really pop just dumped, had to settle for half sized secondary short. $TAIT $XBIO #bigmacs. Walked after. $NVIV " +"Tue Jul 24 17:48:23 +0000 2018","Trillion Dollar Tuesday – Amazon, Alphabet, Apple and Google Race to the Market Top $QQQ $SQQQ $GOOG $AAPL $AMZN -- " +"Wed Jul 25 01:10:45 +0000 2018","Classic bull trap today for those buying the highs in indices but particularly nasdaq $NDX $QQQ. Downside follow through wouldn't be surprising from a seasonality perspective. Nasdaq and $SPX both see major seasonal peaks in mid July followed by weakness into late summer " +"Sun Jul 22 17:47:58 +0000 2018","EARNINGS: Mon: $HAL $HAS $PETS $GOOGL $STLD Tues: $VZ $LLY $HOG $LMT $MMM $JBLU $T $IRBT Wed: $BA $FCX $UPS $GD $GM $FB $AMD $V $GILD $QCOM $F $PYPL Thur: $MCD $MA $CMCSA $MO $SPOT $UA $WWE $AMZN $INTC $CMG $SBUX $EA Fri: $TWTR $XOM $CVX $ABBV $MRK " +"Wed Jul 25 19:43:38 +0000 2018","i HAVE BEEN BULLISH THIS MARKET AND HAVE BEEN CORRECT WITH MANY WINING $aapl $spy $googl $ba $amzn $nflx WINING PLANS. STOP BEING A STOCK CLOWN YOU OR OLD WORLD THINKER LIKE THIS GUY $study HE IS STILL MASSIVELY WRONG FOR 2 YEARS NOW!! $STUDY MY STREAM JOIN THE WINING SIDE " +"Sun Jul 15 22:26:41 +0000 2018","Top 15 | IBD50 [via @IBDinvestors] Current Outlook– Confirmed Uptrend Distribution Days– SP500, 3 Nasdaq, 4 Some Strong Charts & Levels to Watch– $ABMD $GRUB $TTD $FIVE $TWTR $ALGN $GOOS $LGND $VNOM $NFLX $KEM $TTGT $BZUN $SEDG $PANW " +"Tue Jul 31 12:32:53 +0000 2018","Nice sell-off for FANG and $QQQ and the 173-171 area would be the zone for dip buyers to step back in and pretend like nothing happened. Will be watching the strength of any bounce closely - there's quite abit of empty space below and 164 is next down on any failure #NQ_F $NDX " +"Fri Jul 27 16:14:51 +0000 2018","Tech earnings so far in 5 words: $TWTR: goodbye users, hello clean-up! $AMZN: race to trillion? got this! $FB: uh oh, spaghettio, Instagram help! $NFLX: subscriber miss? nbd, spend more! $GOOG: fines? can handle, we goog! #CheddarLIVE" +"Sun Jul 22 19:41:28 +0000 2018","It’s going to be a BIG week in EarningsLand. Buckle up! $GOOG $AMZN $AMD $FB $TWTR $BA $T $V $INTC $CVX $HAL $LMT $PYPL $MA $VZ $MMM $CELG $MCD $HAS $F $ABBV $XOM $SBUX $BIIB $KO $AAL $PETS $ALGN $CMG $GRUB $RTN $UAA $GILD $NTGR $UTX $HOG $WDC $AMTD $NOK $DGX $UPS $JBLU $GM $LRCX" +"Fri Jul 06 14:39:16 +0000 2018","$ROKU $AMZN $GOOGL $NFLX $SPY all plan that were mentioned on my twitter and confirmed inside of PowerGroupTrades all did well even in this choppy week now that is skill that crushes most out their that was my only focus all winners within a small selection of idea`s. $STUDY " +"Mon Jul 16 22:55:03 +0000 2018","$AAPL has not confirmed the slightly higher high in the $NDX. When the two disagree, AAPL usually ends up being right about where both are headed. " +"Thu Jul 05 03:36:02 +0000 2018","$DJIA has been lurking just under 200MA for the past 7 trading days. That MA had previously acted as support. If DJIA starts downward from here, that means lurking is over and the downtrend is getting going for real. " +"Sun Jul 08 19:07:36 +0000 2018","The Big Picture expert for the $SPY $AMZN $GOOGL $TSLA $NFLX give you a motivational sound of what to come from me turn it up people feel the Power!!" +"Thu Jul 26 03:03:02 +0000 2018","Recorded Live stream for JULY 25 $AMZN $SPY $SPX $AAPL $JPM $GOOGL I explain how to become a member inside of PowerGroupTrade make sure to subscribe to my YouTube Channel PowerGroupTrades Video link here $STUDY " +"Sun Jul 15 22:21:26 +0000 2018","5 Things To Watch this week @Investingcom •Trump-Putin Summit •Earnings •Powell Testifies •Retail Sales •China GDP Some ERs/Levels M $BAC $NFLX T $CSX $GS $JNJ $MLNX $UAL W $EBAY $IBM $MS Th $DPZ $ETFC $ISRG $MSFT $SKX $SNA $SWKS $TSM F $CLF $GE $VFC " +"Thu Jul 26 01:26:24 +0000 2018"," Live stream now $AAPL $TWTR $NFLX $AMZN $GOOGL $TSLA $BA $SPX how to become a member plus a plan live a poping live stream for the serious people that want massive success in life " +"Tue Jul 31 18:31:55 +0000 2018","Q2 earnings already reported: $FB $AMZN $NFLX $GOOGL $TWTR Q2 earnings reporting today: $AAPL $BIDU Q2 earnings reporting in August: $TSLA $BABA $NVDA Get exposure to the tech sector with #FANGplus ➡️ " +"Mon Jul 02 13:00:36 +0000 2018","10 stocks have contributed more than 100% of the S&P 500's YTD returns. $SPY $AMZN $MSFT $AAPL $NFLX " +"Fri Jul 20 01:10:11 +0000 2018","Amazon needs more capacity, so does Microsoft--who can help? Nvidia. It is not a crypto stock. Data, AI, Gaming... those are the tickets...$NVDA!" +"Sat Jul 14 16:10:54 +0000 2018","The race to a trillion is on. Here is what share price $AMZN or $AAPL would need to hit to reach the milestone. Would anyone bet on the underdogs? $GOOG $MSFT $FB " +"Mon Jul 02 14:26:54 +0000 2018","$NFLX .... with a 'HOLY GRAIL' setup here.... Strong stocks like $NFLX, $TWTR that pullback to the 20 day MA usually test and hold that area before resuming uptrends.... Worth eyeing both these names this week... What's a 'HOLY GRAIL' setup? " +"Sun Jul 22 23:56:53 +0000 2018","You: BIG EARNINGS THIS WEEK; $AMZN $AMD $FB $TWTR $GOOGL $BA $T $V $INTC $HAL $LMT $PYPL $MA $VZ $MMM $CELG $MCD $HAS $F $ABBV $XOM $SBUX $BIIB $KO $AAL $PETS $ALGN $CMG $GRUB $UAA $GILD $HOG $AMTD $UPS $JBLU $GM $CVX Me: " +"Tue Jul 24 11:54:03 +0000 2018","So many bullish setups, so many stocks hitting all time highs, so many earnings beats. This is why I don't waste my time with talking heads or twitter pessimists. #WhatBearMarket" +"Sun Jul 08 01:45:32 +0000 2018","Some of the biggest winners are obvious and actually exist in our daily lives as verbs. $TWTR is one such company. And it has also connected all of us together on our market journey. Daily, Weekly, Monthly. I think ol Tweety Bird can retrace fully in time in a few more quarters. " +"Wed Jul 25 22:41:58 +0000 2018","This 20% plunge in Facebook is not exactly what you want to see in a FAANG-driven market like this. It's like the ""Nifty Fifty"" boom all over. People thought they were ""can't lose"" stocks until they crashed in the 1973 - 1974 bear market: $FB $QQQ " +"Mon Jul 30 16:47:38 +0000 2018","#earnings tomorrow morning $SHOP $PFE $PG $BP $LL $CMI $RL $SLCA $SNE $INCY $AMT $ARNC $CHTR $IPGP $IGT $VMC $HMC $ADM $BTE $ERJ $HUN $I $IRMD $OSK $IRDM $JCI $ETN $MAS $AGCO $APTV $XYL $WCG $AME $CS $PES $SHPG $SHOO $ECL $ACCO $SNY $STNG $TO $WLH $TKR " +"Sat Jul 28 14:21:39 +0000 2018","Some implied moves for earnings next week: $CAT 4.8% $STX 8.9% $ILMN 6.2 $SHOP 8.7% $LL 11.9% $AAPL 3.9% $BIDU 6.8% $TSLA 9.0% $SQ 8.1% $WYNN 6.0% $FIT 12.9% $FEYE 10.2% $TEVA 7.8% $REGN 5.0% $W 14.8% $SEDG 13.6%(mthly) $AKS 10.0% $ATVI 6.3% $FDC 7.0% (mthly) $ANET 8.9%" +"Fri Jul 13 20:32:14 +0000 2018","Market Cap (billions), 4 largest companies in the world (3/9/09 -> Today)... $AAPL: 74 -> 940 $AMZN: 26 -> 880 $GOOGL: 92 -> 837 $MSFT: 135 -> 810 Combined: $327 billion -> $3.5 trillion " +"Tue Jul 24 18:05:29 +0000 2018","Will look at these prices a year from now: $BTC Bitcoin 141.9 B $8,223.88 $NFLX Netflix 154.5 B $355.49 $GLD Gold $70.2 B $72.92 $AG Silver $1.3 B $6.53 $FB Facebook $616.6 B $213 $APPL Apple $946.2 B $192.51 $GOOG $860.1 B $1,237 $TLSA $50.13 B $295.25 Lets see where we get" +"Mon Jul 02 02:36:05 +0000 2018","keep in mind nasdaq $comp not impossible to see a bounce & dip then bounce back so left w/ bottom stick green candle on monthly following June's neo-classic shooting star. so trade very carefully in July. mkt might move very quickly both ways." +"Fri Jul 20 14:51:21 +0000 2018","Tech Bubble Alert: the combined market capitalization of Facebook, Google, Amazon, Microsoft, and Apple increased $260B in the past two weeks alone: by @NorthmanTrader $MSFT $NFLX " +"Sat Jul 14 12:32:59 +0000 2018","I really, really want to be bearish on US equities but with $GOOGL breaking out of a wedge, its really difficult to argue the case of broad weakness yet. Same with the ISM still elevated. " +"Fri Jul 27 22:11:15 +0000 2018","Patience is wearing thin w/ tech stocks this earnings season. #Facebook suffered worst battering in the history of U.S. stocks. Intel, which topped all forecasts, had $20bn wiped from its value. #Netflix plunged even though its net income sextupled. " +"Fri Jul 27 21:01:37 +0000 2018","It's been a deadly earnings season for big tech names like $INTC, $NFLX, $FB and $TWTR " +"Mon Jul 23 15:51:10 +0000 2018","Here's who reports earnings this week 🚀 Mon - $GOOGL $GOOG $STLD $WHR $ZION Tue - $T $VZ $LMT $JBLU $BIIB $IRBT $MMM $LLY $TXN Wed - $FB $AMD $F $GILD $PYPL $V $BA $HM $KO $ABX Thu - $AMZN $INTC $SBUX $CMG $FSRL $SPOT $MCD Fri - $TWTR $XOM $ABBV $CVX " +"Thu Jul 12 14:56:26 +0000 2018","Bearish stock clown wrong the big picture in stocks like $AMZN and $GOOGL while we kill it. Do not be a bay scalper you will just get baby gains and burn out. Instead $STUDY with the #BIGPICTUREEXPERT. BEARISH STOCK CLOWN LITTLE SCALPER STILL WRONG SINCE $spy 225 THINK!" +"Fri Jul 27 21:30:24 +0000 2018","07/27/18 - View today's #MarketOutlook from @Market_Scholars here: Discussed: $SPY $SPX $QQQ $DIA $RUT $IWM $VIX $TNX $UUP $GLD $GOOGL $NFLX #FANG $HSY $INP $AMZN $FB $INTC $EIS $XLP $HSY" +"Wed Jul 25 17:36:53 +0000 2018","#earnings before the open tomorrow $MA $MCD $CELG $UAA $RTN $AAL $SPOT $NOK $CMCSA $ABMD $LUV $WWE $VLO $MO $COP $AGN $ALK $SYNT $BMY $DNKN $TREE $MPC $GNC $BUD $DHI $MCK $TSCO $ALXN $CME $PHM $YNDX $RDS.A $TECK $AZN $HSY $CVE $XRX $IP $DSX $ALLY $MPLX " +"Mon Jul 23 14:09:29 +0000 2018","Microsoft is up nearly 50% in the past year. A $200B swing in market cap. Netflix is up 90%, even after getting hammered last week (it was up 120% before then). A $80B swing in market cap. Amazon is up 75%, a ~$300B swing in market cap. What 1999 promised has actually arrived." +"Tue Jul 24 17:19:06 +0000 2018","$NFLX hasn't looked right since their earnings .... and for it to be down today after $GOOGL's nice gao up, makes me think $NFLX not done testing lower prices " +"Thu Jul 05 17:05:28 +0000 2018","GREAT GAINS IN $googl $roku $nflx $spy LOOKS GOOD POOR STOCK CLOWN WRONG SINCE $spy 225 NO SKILL NO PLANS JUST GUESSING A LOST SOUL TIME TO GO WORK AT MCDONALDS" +"Tue Jul 31 22:55:53 +0000 2018","Apple $AAPL just did that. Again. They beat on earnings. They're also that much closer to hitting $1 TRILLION in market cap. If you missed it, read this: " +"Fri Jul 27 20:06:14 +0000 2018","Tech sell-off knocks the Nasdaq 1.5% lower. Dow loses 76 points, but still advances for the 4th week in a row. Twitter plunges 21% as user count declines. Intel falls 9% after reporting results. " +"Tue Jul 03 02:11:04 +0000 2018","When you wake up early morning today. If you hold long Dont look the hangkong index. (-950) Look for SGX and Dow recovery you will feel good and take your breakfast. HK high beta index, it's nature now a days like PC jewellers or just dial. Chance are high for sharp bounce" +"Tue Jul 24 13:39:19 +0000 2018","Dow jumps 100 points at the open. Nasdaq soars 1% to record high. Strong earnings lift Google owner Alphabet 5%. Whirlpool sinks 11% as tariffs spark surprise loss. Watch live " +"Tue Jul 17 15:35:35 +0000 2018","forget about little baby scalper guessing we want the big gains in stuff like $AMZN $GOOGL stop being a stock clown and start waiting for confirmation and Get long the right stocks for the massive gains if your a short your a stock clown old world thinker #NOSKILL $SPY Clown" +"Mon Jul 23 12:29:54 +0000 2018","A few analyst calls ... $AMZN reit. Buy, PT $2020 -Stifel $BIIB $335➜$396 -Canaccord $EA $157➜$159 -Stifel $FB reit. Buy, PT $255 -Mizuho $MSFT $116➜$128 -Argus $ROKU $50➜$60 -Needham $SPOT Init. Buy $230 -BTIG $UAA $15➜$22 -Telsey $WIX $87➜$115 -Barclays" +"Tue Jul 24 20:06:59 +0000 2018","NASDAQ - Google turns table on Amazon announces Cloud Services Platform knocks roils smaller cloud names. Russell 2000 - continues to mark time since rebalancing in late June when biggest and strongest names shift into Russell 1000 Solid session in stealth rally from March lows" +"Tue Jul 10 14:46:32 +0000 2018","Poor $SPY bearish stock clowns just wrong again while I kill it in gains loving life with powerful skill correct the big picture since feb 11 2016 with so many big picture $SPY wining plans plus $AMZN $GOOGL $TSLA $ROKU just killing this month, stock clown wrong since $SPY 225" +"Sun Jul 08 18:28:06 +0000 2018","Mindset: find the next $AAPL $NVDA $FB $AMZN etc. Focus on the Best 1-5 stks. Helps weed out noise so we don’t miss the truly special ones Rev/eps growth minimum 50% (100%+ best). Revenue more important, shows customer demand. Strong price action, Expanding volume =Inst’l demand" +"Thu Jul 26 21:14:05 +0000 2018","07/26/18 - View today's #MarketOutlook from @Market_Scholars here: Discussed: $SPY $SPX $QQQ $DIA $RUT $TLT $TNX $UUP $QCOM $NXPI $HSY $INTC $SBUX $EXPE $CMG $AMZN $FB $XLK $EIS $IWM" +"Sun Jul 15 13:00:10 +0000 2018","A huge week of earnings is about to kickoff. Mon - $NFLX, $BAC, $BLK Tues - $GS, $UNH, $JNJ Wed - $IBM, $MS, $AXP, $EBAY, $AA Thurs - $MSFT, $ISRG, $SWKS, $DPZ, Fri - $GE, $HON Over 400 names are reporting. Here is your full earnings calendar. " +"Mon Jul 30 12:38:46 +0000 2018","Earnings this week Mon - $CAT $AKS $SPWR $STX $ILMN $SPG $FDC Tue - $AAPL $BIDU $SHOP $PFE $P $LL $AKAM $FTI Wed - $TSLA $X $S $SQ $CHK $FIT $WYNN $FEYE $MRO $TRIP Thu - $GPRO $ATVI $SHAK $TTWO $REGN $MGM $AIG Fri - $PBR $CBOE $FIZZ $TM " +"Tue Jul 31 21:38:18 +0000 2018","Watch if AMZN can b/o 1792 early tmr am and if googl b/o 1244 fast within first 15 min. if they BOTH do, tech run huge. Fed still important tmr." +"Tue Jul 31 14:15:56 +0000 2018","Here we go 🙌 Apple $AAPL reports earnings after TODAY'S closing bell. Over 239,000 people are watching it on StockTwits. Apple is up 12% YTD, and it's 4.7% away from having a market cap of $1 trillion. " +"Tue Jul 10 01:38:00 +0000 2018","no need to post any chart. just remember $amzn $nflx charts both SUPER amazing w/ great chance to see ATH along the upper boll on daily chart. $googl might be the next. $fb already explosive. i mentioned this back at end of May - #FANG gonna lead the mkt." +"Tue Jul 03 13:56:35 +0000 2018","10 stocks have contributed more than 100% of the $SPX 500’s YTD returns. $AMZN $MSFT $AAPL $NFLX $FB $GOOG $MA $V $ADBE $NVDA" +"Mon Jul 30 14:02:44 +0000 2018","Tech stocks are getting shellacked right now. Look at these moves. The market has been open for 30 minutes. 😳 Netflix $NFLX -5% Twitter $TWTR -4.5% Facebook $FB -3.5% Adobe $ADBE -4.5% Snapchat $SNAP -7% Shopify $SHOP -4.5% Square $SQ -5% " +"Wed Jul 25 20:16:57 +0000 2018","Facebook misses after ""investors"" go wild jamming techs into number. That's 2 outta 3 FANG misses (FB & NFLX). ""FANG"" down to ""AG."" And the ""A"" better not miss tomorrow night." +"Mon Jul 30 17:11:14 +0000 2018","From the Highs Twitter: -34% Facebook: -24% Netflix: -21% Alibaba -13% FAANG Index: -11%* Amazon: -6% Google: -5% Nasdaq 100: -5% Nvidia: -5% Apple: -3% Via @BearTrapsReport *NYSE FANG+ Index " +"Tue Jul 17 15:34:23 +0000 2018","You don't want to see next week's earnings list: Alphabet Amazon Facebook Qualcomm Intel Texas Inst. Exxon Chevron McDonald’s Coke Starbucks UnderArmour Chipotle GM Ford Fiat UPS American Air Southwest Merck Boeing UTX 3M Lockheed Northrop AT&T Verizon Visa Mastercard Paypal" +"Fri Jul 27 16:00:11 +0000 2018","Weird day. Nasdaq gapped up, now down 0.7%. NYSE A-D went from +500 at the open to -600. And the DJIA thus far has stayed in a 60-point range. This is not a market where liquidity is flowing easily." +"Fri Jul 13 11:35:07 +0000 2018","What happens in Bull markets: $FB: All-Time High $AMZN: All-Time High $MSFT: All-Time High $GOOGL: All-Time High $QQQ: All-Time High" +"Tue Jul 24 14:07:59 +0000 2018","All-time highs today are all the cool kids: * Costco * IHS Markit * Norfolk Southern * Adobe * Salesforce * Facebook * Alphabet * Microsoft * MasterCard * PayPal @CNBC @SquawkStreet" +"Sun Jul 22 11:41:00 +0000 2018","The 200 day SMA is one of the biggest signals in the market telling you which side to be on. Bull above, Bear below. Bad things happen to stocks and markets when this line is lost." +"Sun Jul 29 11:17:45 +0000 2018","For trend followers the 200 day SMA is one of the biggest signals in the market telling you which side to be on. Bull above, Bear below. Bad things happen to stocks and markets when this line is lost." +"Thu Jul 26 09:47:49 +0000 2018","Here's how some big tech stocks are looking pre-market: $NFLX -1.9% $AMZN -1.6% $AAPL -0.8% $TWTR -3% $SNAP -3% $FB -17% " +"Wed Jul 25 15:09:38 +0000 2018","There is a lot of activity on earnings and gaps and some breakouts occurring, but risk is still akin to a sideways market. I'm not too aggressive in this market, keeping about half my portfolio in cash until conditions improve and I see better action from individual stocks." +"Thu Jul 12 00:39:29 +0000 2018","Two years ago today, the S&P 500 made a new all-time high after not making one for nealry 14 months. The NYSE AD line broke out to new highs well ahead of the SPX, signaling a healthy market under the surface. Sound familiar?" +"Thu Jul 19 11:28:53 +0000 2018","Get short this market, get short $SPY $SPY Puts, get short $TSLA $AMZN $NFLX $WTW get long volatility $VXX and even VIX calls. It’s the end of the night, the music is getting quieter, and only a few left dancing. Never had higher conviction we are close to a major correction." +"Mon Jul 30 15:28:49 +0000 2018","While all eyes are on Nasdaq bloated pigs crashing down like $FB and TWTR where all funds, moms & pops have been piling in for quite a while, opportunities arise elsewhere where less eyes are watching. Your job is to understand follow what the market is telling you." +"Tue Jul 24 16:14:00 +0000 2018","Strip out the 17% ($4 tln of market cap!) of the market that is Facebook, Microsoft, Apple, Amazon, Netflix and Alphabet, and the market has barely budged this year. This is the most concentrated market since the dotcoms; before that the Nifty Fifty. Heed Rule #7." +"Thu Jul 12 19:49:33 +0000 2018","anyone who has shorted the nasdaq has, by definition, gotten it completely wrong $QQQ with new all-time highs today. This sort of behavior is not something we usually find in downtrends" +"Thu Jul 05 12:25:05 +0000 2018","The 200 day SMA is one of the biggest signals in the market telling you which side to be on. Bull above, Bear below. Bad things happen to stocks and markets when this line is lost." +"Wed Jul 18 14:56:08 +0000 2018","Here is where $FANG was trading the last time the National League won the MLB All Star Game: $FB $31.47 $AMZN $219.50 $NFLX $11.46 $GOOGL $291.13 Today's prices: $FB $209 $AMZN $1840 $NFLX $376 $GOOGL $1208" +"Mon Jul 30 20:32:51 +0000 2018","Last week: Nasdaq +18% YTD and nobody cared, all was normal, great buying opportunity. This week: Nasdaq -4% from the ATH and everyone is in shock and awe." +"Mon Jul 02 20:04:04 +0000 2018","AOT trades today: $NFLX up +$7.11 from our entry $BABA up +$2.30 from our entry $TWTR up +$0.40 from our entry $IQ : up +$0.30 from out entry" +"Tue Jul 31 09:39:30 +0000 2018","I feel like everyone is resting the fate of US indices today solely on $AAPL earnings...pretty frightening if you think about that" +"Thu Aug 02 17:06:18 +0000 2018","#Apple's Stock Price Crosses $200 Mark to Reach New All-Time High #TechNews #AppleNews #StockMarket " +"Wed Aug 01 13:40:06 +0000 2018","Shares of $AAPL Inc are inching closer to a $1 trillion valuation, after the company forecast blowout current-quarter sales and analysts on Wednesday. It's up 4.5% at $198.5 in premarket trade - an all-time high. #apple #stocks #market #nasdaq #nyse #iphone #growth #business " +"Wed Aug 08 13:38:24 +0000 2018","We're watching markets open after Tesla CEO Elon Musk said he wants to take the company private. CVS is up more than 3% after its pharmacy business topped expectations. 21st Century Fox will report earnings after the market close. " +"Mon Aug 13 14:52:00 +0000 2018","$TSLA stock has risen 30.1% (from $295-$387) since our #BullishWedge BUY alert posted last week - Get our next Buy/Sell alert #PatternRecognition #stocks Log in to read our daily analysis & price forecast on Tesla, $SPY $AAPL $AMD $FB & other top companies #stockchartpatterns" +"Wed Aug 15 14:36:04 +0000 2018","New post (How to Profit From ROKU Stock When It Takes a Pause) has been published on Biedex: Stockmarket News. Trading Tips, Realtime Quotes, Technical Analysis. - > Roku (NASDAQ:ROKU) already had a solid price chart heading into its quarterly ... - " +"Sun Aug 19 14:00:02 +0000 2018","$TSLA stock has dropped $82 ( 27.79% ) since our #HeadandShoulders SELL alert posted last week! Target HIT, now what? #PatternRecognition #stocks Log in to read our daily analysis & price forecast on Tesla, $SPY $AAPL $BAC $FB $AMZN $VZ $MSFT & other winners #stockchartpatterns" +"Thu Aug 02 18:35:28 +0000 2018","That must've been one sweet, SWEET bite #SteveJobs! Apple is now first US company to hit $1 Trillion value. #AAPL stock has surged over 50,000% since its 1980 IPO " +"Fri Aug 17 15:17:17 +0000 2018","$AMZN 1870 Stock options have risen to (+614%) 16.00 from 2.24 since our BUY alert 9:49 AM today based on a head & shoulders breakdown pattern that triggered today #StockChartPattern Here's what else we're watching today: $SPY $QQQ $SPX $AAPL $TSLA $NVDA $FB $AMD $BABA" +"Thu Aug 30 17:37:26 +0000 2018","Inverted chart of AMZN. Biggest monthly bar in history. Biggest stretch ever from 10 mma. Huge bar. Nearly identical AAPL chart. " +"Thu Aug 02 21:29:04 +0000 2018","Historic day for #Apple $aapl as it crosses through the $1 TRILLION DOLLAR MARKET CAP today! Not bad for a company who's survival was questioned back in 1996! Meantime $googl #Google is reportedly looking to get back in to China with a censored mobile search app! @FoxNews " +"Fri Aug 17 15:01:19 +0000 2018","Is it just me or has the market's safe harbor been reduced to a single stock, $AAPL? Absolutely incredible freight train. $SPX $NDX $IWM " +"Wed Aug 01 14:27:16 +0000 2018","Which Way Wednesday - Strong Bounces, Weak Follow-Throughs #FOMC #Fed #Futures $AAPL $DIA $GIS -- " +"Sat Aug 11 01:38:32 +0000 2018","Remember when $APPL aired this iconic Super Bowl ad when Steve Jobs was alive? Now they and other big tech are deplatforming people. These stocks are technically all shorts right now 👉 $GOOGL $FB $TWTR " +"Mon Aug 06 02:36:23 +0000 2018","Some Long Set-ups | Idea Gen $AAXN $ADBE $ALGN $AMD $COUP $CREE $CRM $FIVE $FOSL *** $LULU $MA $MDB $MSFT $NTAP $REVG $SIVB $TEAM $V Can 🍒pick vs. Indiv. Risk Profile & Timeframes (*would check ER dates) " +"Tue Aug 07 13:26:45 +0000 2018","Toppy Tuesday - Markets Continue to ""Ignore and Soar"" $SPY $AAPL $UTI #Futures #Hedging -- " +"Fri Aug 24 11:20:38 +0000 2018","Software-Related have been on🔥 But if $SPLK $ADSK ignite next leg – Watchlist of some Nice Charts… w/*Actually More Room on Daily (& poss. Alpha Trades) *🍒pick vs. Time-frame | Idea Gen $ADBE $COUP $CRM $CSOD $DOCU $FFIV $HUBS $MSFT $NEWR $NTNX $OKTA $ORCL $PANW $PVTL $ULTI " +"Tue Aug 28 20:26:35 +0000 2018","Another green day in private twitter. Feels great knowing 1000 people were green with me. $SPY consolidated sideways, best it could do for the bulls at this point. Hopefully we continue puke out shorts &get another leg up tomorrow. We're long $DNKN cause America runs on dunkin 🙂 " +"Sat Aug 11 16:04:33 +0000 2018","$SPY lots of people are predicting a ugly week ahead. Keeping it simple: Uptrend line supports held with 20dma right below. Short term bullish trend intact until proven otherwise " +"Mon Aug 27 15:52:39 +0000 2018","$AMD Ignore Advanced Micro Devices’ Stock Price and Focus on the Business $SPY $GLD $SLV $QQQ $DIA $DJIA $IWM $TLT $EEM $ETH $BTC $LTC $XRP #stockmarket #commodities #investing #finance #stocks #gold #silver #bonds" +"Tue Aug 28 01:49:54 +0000 2018","2 for 2 as far as these ""Coiling patterns"" go !! First it was $IWM .... and now it's $QQQ .... $QQQ broke out with supreme sexiness! UP, UP and AWAY !! " +"Thu Aug 09 02:36:16 +0000 2018","VWAP anchored ""from the event"" in this case, the event is earnings.. $AAPL $AMZN $NFLX $TWTR " +"Wed Aug 08 12:47:53 +0000 2018","Just like $SPX and $SPY (which have seen declining volume on 3/4 of the previous rally days and yesterday was one of the lowest in months) tech stocks $QQQ are in the same boat. Low volume rally and the bearish wedge coiling for the past several months are a major risk to longs " +"Wed Aug 15 00:53:31 +0000 2018","In $SPY, the weight of $AAPL, $AMZN, $MSFT, and $GOOG/ $GOOGL is 14.04% of the ETF. In $QQQ they are 41.91%. Is it logical? No. But it is what it is. You can chart 5 stocks and almost see half of the weight of Nasdaq. Exploit reality, don't complain about it. " +"Thu Aug 02 17:42:42 +0000 2018","How bout that $SPY chart, folks?! Long and strong ever since the opening bell!!.... Up almost +$3 since posting this chart at the open! Learn to spot those RSI + MACD divergences! Especially on indices, this pattern is as strong a buy signal as you ever gonna get! imho " +"Wed Aug 22 00:48:15 +0000 2018","Tech stocks $QQQ have gone nowhere all week and thats because its been coiling up in a perfect triangle, which means a significant move is coming. This pattern has a bullish bias so most traders likely expecting a break up, but caution is very warranted after todays failed rally " +"Sat Aug 11 02:21:16 +0000 2018","These are the 10 biggest stocks in America by market cap equally-weighted, going out at new all-time weekly closing highs for the 5th consecutive week $AAPL $GOOG $AMZN $MSFT $FB $BRKB $JPM $JNJ $XOM $BAC " +"Wed Aug 01 19:57:46 +0000 2018","BANG on what I said about $AAPL in this detailed Video last night it simple just proves why I am the big picture expert simple the best stay tuned as I lead you in massive health as well people what it take to be a true billionaire in life both health and wealth!!" +"Tue Aug 07 14:53:34 +0000 2018","Well there is some news out today like the most job openings in American history, strong corporate earnings and a stealth market rally that belies the narrative stocks have slumped since tariff talk/action begun." +"Tue Aug 14 20:33:45 +0000 2018","Everyday I get asked why I trade mainly $SPX . This yr I wanted to try & really focus on it because there is huge volatility in it with 3 expiration’s a week. This creates big opportunities P/L YTD: + in $SPX $SPY $GOOGL $AMZN $AAPL & - in $NFLX $BABA $NVDA $FB $BA $COP $TSLA " +"Wed Aug 01 12:03:02 +0000 2018","08-01: the top scored Health Care company is CASCADE CORP $CASC scored at 62.43 Key words: GOOD, PRICE, BOUGHT, TRADING, GREAT, STRONG, BULLISH, CLOSED, MISSED, MARKET, BOOM, SELL, BUY, SELLING, STOCK, BUYS, CONFUSING . . $TWTR #stockmarket $ADBE $SPY $MU $AMD #startup #news" +"Thu Aug 16 17:53:23 +0000 2018","Here is a new INSPIRATIONAL Video before the special big announcement Game changing health Video coming soon from the #BigPictureEXPERT for really counts IN THE MARKET $AAPL and the $SPY Correct massively since feb 11 2016 $STUDY the power " +"Thu Aug 16 13:45:31 +0000 2018","$AAPL but but the stock clown clown bookie the little scalper said $AAPL was to high at 140? still massively wrong just like the $SPY at 225 $AAPL over 212 so far . #NOSKILL last nights Live stream here in the link Listen to the truth think!" +"Fri Aug 17 23:09:25 +0000 2018","$AAPL Just another Greater the 100% gains in large priced options for us. Video Explains the detailed facts the market leader is back in full force time to get into the right stocks to make those great Gains $STUDY #BIGPICTUREEPERT STRIKES AGAIN" +"Thu Aug 30 21:09:11 +0000 2018","$AAPL this will be our 4th wining options plan in a row greater the 100% gains in large priced options since earnings #BIGPICTUREEXPERT STRIKES AGAIN WE HAVE BEEN KILLING IT! GREAT GAINS IN AMZN AS WELL. Witness the Power " +"Wed Aug 29 22:16:08 +0000 2018","Been saying this rising wedge (blue lines) on Nasdaq $comp daily chart. Typically rising wedge is followed by break down, but when break up happens, accelerate up. See if can reach black line resistance level around 8160-8170 range. " +"Tue Aug 14 14:03:47 +0000 2018","$AMZN is trying to join $AAPL in the Four Comma Club. They are closing in. Giddy up. 🐎 " +"Wed Aug 01 13:05:45 +0000 2018","#Chipotle's #stock price is set for a strong rebound today after #Powell #Ohio store reopens following overblown concerns of two patrons feeling ill. Stock price could climb 4-5% today. #StockMarket #WallStreet #stocks $CMG #MexicanFood #NYSE #Nasdaq" +"Thu Aug 16 15:28:46 +0000 2018","$AAPL ... what a beast... Notice... how as market was taking a hit yesterday, $AAPL was flat or slightly green? That's the definition of ""Relative Strength"" !! " +"Thu Aug 02 13:38:33 +0000 2018","Today is a good test for the $SPY, $QQQ... as they RETEST support.... Note... ..on this RETEST, we need to watch how the MACD and RSI behave here... if RSI and MACD continue to form a HIGHER LOW as $SPY, $QQQ retests support, odds increase for a strong bounce phase soon " +"Wed Aug 29 14:53:02 +0000 2018","$amzn remember my twit from last week. as i said, when buying near-strike OTM and then stocks up, those OTm gonna be deep ITM then EXPLODING. 13=>50 (now at 51)" +"Wed Aug 15 12:30:06 +0000 2018","Have warned you all SPX COMP not b/o yet. Futures dropped big pre market. 5ma downwards dead crossing 10ma on daily not good, although could be supported again by mid B.B. anyway, as I said hard to trade so either play small or sit & watch." +"Wed Aug 22 02:39:33 +0000 2018","$nq_f futures recovered 25 pts from low - need another 25 pts from here to confirm recovery. so if it can get back to 7402+ before tmr open and stay above it, good signal. otherwise more consolidations. keep in mind daily chart 5ma for both $es_f and $nq_f still upwards." +"Fri Aug 17 11:54:44 +0000 2018","Let me out of here; I have had it with the shorts but unlike another top dog I am not talking $420 fully secured. I’m talking gaming, data center and autonomous driving dominance. So let them wallow in my so-called disappointment $NVDA! " +"Thu Aug 02 21:36:28 +0000 2018","The biggest stock in the world hit our upside target today of 207 based on the 261.8% extension of the 2015-2016 decline $AAPL it's not our problem anymore " +"Wed Aug 15 14:22:32 +0000 2018","Tech has been the only thing propping this market up. With the recent earnings-related re-evaluations from to FB/TWTR & now Tencent, sentiment may be shifting the other direction. If so, we may have some near term headwinds despite solid earnings growth & positive US data." +"Thu Aug 16 01:46:45 +0000 2018","actually not good it popped up on US-China talk news. now 5ma dead cross 10ma on daily. overnight pop means bouncing back to 5ma. NOT a reversal unless $nq_f reach 7436 tmr by end of first 30 mins AND hold above it. breaking down 7390 before tmr's open would be bad." +"Mon Aug 27 14:22:40 +0000 2018","and when nasdaq $comp reach that upper line of rising wedge and start to fade, it's not just gonna be a mild drop but a 500-600 drop in a couple of weeks. so if you don't play with right strategy, get killed faster than you would expect. now just enjoy the mkt but know the risks" +"Sun Aug 26 15:53:04 +0000 2018","keep in mind there's still room to run to touch the upper line of this rising wedge pattern on nasdaq $comp daily chart. so not impossible see #FANG run hard leading tech. IF - and this is a BIG if - that happens, $amzn 1925 1952, $googl 1266 1272, $nflx 366 372, $fb 177 181." +"Wed Aug 01 09:39:52 +0000 2018","IBR Watch List: $TSLA ((short) earnings report 2day): > expected earnings = price drop. $BCCEF (will pop soon) $ZG (short) $MJMD (new long) $UMEWF $YIPI #stock #tesla #StockMarket #trading #greenTech #elonMusk #spaceX #market #news #investing #invest #environmental #news " +"Wed Aug 29 13:41:49 +0000 2018","#earnings after the close today & before the open tomorrow $CRM $DLTR $DG $BURL $ANF $CPB $TD $PVH $SIG $CIEN $HOME $KIRK $GES $MIK $TECD $MEI $TLYS $SMTC $GEF $ASND $PRCP $CULP $MESO also $RDHL $BBW $PDCO $GMS $TITN $EDAP $ITRN $PERY $DXLG $LOV $SMMT " +"Sat Aug 11 10:32:54 +0000 2018","#earnings for the week $NVDA $JD $HD $AMAT $WMT $CSCO $JCP $M $YY $SYY $BZUN $DE $TSG $CGC $GWGH $SPCB $CRON $AAP $VIPS $JKS $NTAP $NINE $SWCH $CSIQ $HQCL $AG $BLRX $TPR $JWN $A $CREE $EAT $CNNE $ESES $ARRY $TGEN $CAE $GDS $ROSE $SNES $SORL $EAST $AVGR " +"Mon Aug 20 13:38:32 +0000 2018","#earnings after the close today and before the open on Tuesday $KSS $TJX $TOL $MDT $SJM $COTY $JILL $TUES $NDSN $FN $RGS $PINC $LTM $TEDU $SITO " +"Fri Aug 31 12:44:10 +0000 2018","Over the past couple of weeks most major market indexes, except the DJ Industrial Average, registered all-time new highs. A pull-back that started yesterday is normal after the recent broad-based market rise. And, so far, it is orderly despite potential new tariffs against China." +"Fri Aug 17 20:03:56 +0000 2018","#MarketWrap Major indexes wrap up the week in the green. DOW +0.43%, NASDAQ +0.13%, S&P 500 +0.33%. Markets making recovery from negative open after US and China signaled work on a timetable to wrap up trade negotiations by November" +"Thu Aug 02 20:46:25 +0000 2018","Big and bigger. As Apple becomes the first to join the trillion-dollar club, Nasdaq's market cap-to-GDP ratio is now rapidly approaching the bubble peak during the dotcom era. " +"Sat Aug 04 15:19:55 +0000 2018","this whole crazy bull run led by #FANG $fb $amzn $nflx $googl and $aapl $msft $nvda $tsla $baba will NOT end until either Aug 2019, OR Aug 2021 if 2019 goes through ok. IF mkt top happens in Aug 2019, $spx will reach 3330. IF mkt top happens in Aug 2021, $spx will be around 3820." +"Tue Aug 07 13:48:21 +0000 2018","#earnings after the close $SNAP $DIS $AAOI $MTCH $AAXN $DDD $ICHR $PZZA $GWPH $ALB $FOSL $CWH $OPK $CYBR $BOFI $WEN $CARA $NEWR $CAR $WRD $PDX $DK $LC $CLR $BOOT $JAZZ $CLNE $CBLK $PE $CPST $DXC $ARWR $INGN $XEC $NVTA $SFLY $QDEL $MYO $VSLR $SBLK $BLDR " +"Sat Aug 18 12:48:24 +0000 2018","#earnings this week $BABA $MOMO $TGT $KSS $LOW $EL $TJX $TOL $MDT $SPLK $SJM $FL $URBN $COTY $PLCE $ADI $LB $DGLY $PSTG $VEEV $JLL $HRL $VMW $ADSK $QD $HPQ $RY $BITA $INTU $NM $GPS $TUES $ROST $NDSN $MYGN $WSM $RRGB $FLWS $PLAB $RGS $TTC $FLY $SAFM $FN " +"Wed Aug 01 13:32:04 +0000 2018","Apple, up over $8 on surging earnings this A.M., is now worth $976 billion, the most valuable American company of all time, rapidly approaching first ever $1 trillion market cap on public markets." +"Fri Aug 24 15:12:34 +0000 2018","Poor #NOSKILLS bearish STOCKCLOWNBOOKIE NOW ALL THE $AMD INVESTORS YOU HAVE MADE FUN OF SINCE 12 to 18 ETC, SEE HOW you REALLY HAVE NO SKILLS. While we make the Gains, YOU Are just a BABY SCALPER NOTHING MORE all talk with no plans. massively wrong $AAPL since 140 $SPY 225!" +"Wed Aug 01 20:13:02 +0000 2018","The Dow fell 79 points and the S&P 500 fell 0.1%. The Nasdaq was up nearly 0.5%, boosted by Apple’s 5% gain. Apple ended the day just shy of a $1 trillion market cap. " +"Mon Aug 20 17:49:46 +0000 2018","469 of $SPX Index companies have reported 2Q EPS so far: 78.9% beat EPS, 15.6% missed. This is the highest beat rate and lowest miss rate in the past 5 years & well above the averages of past 5 yrs (69.25% beat and 21.5% miss rate)." +"Fri Aug 31 14:00:34 +0000 2018","Amazon crossed $2,000/share for the first time ever this week. 💸 Its market cap is now $980 billion, which is bigger than both Alphabet and Microsoft. $AMZN is also now up 102,000% since its 1997 IPO. One of the biggest winners in history. " +"Sun Aug 05 22:36:34 +0000 2018","futures slightly higher. $es_f seen 5ma golden cross 10ma on daily. $nq_f almost there. only concern is hourly chart cloud still at pretty low levels. so not impossible to see hike & fade, or narrow consolidation, or overnight fade. anyway, let's see how it goes tmr pre-market." +"Wed Aug 01 19:51:08 +0000 2018","POOR stockclown CLOWNBOOKIE #1 $AAPl troll and #1 old world thinker massively wrong $AAPL being short since 140 ,150 160 170 etc etc While the #bigpictureexpert me just pumps out wining plan after $AAPL options wining Plan also the big picture for $AAPL stock FOR YEARS !!!!!" +"Wed Aug 29 20:16:54 +0000 2018","Live stream Tonight at 9;30pm Eastern Standard Time $AMZN $AAPL $AMD $GOOGL $SPY $SQ the #BIGPICTUREEXPERTSPEAKS. People I am simply the leader #1 I have explained the big Picture while most were bearish since april 2018 and have been massively correct" +"Wed Aug 29 19:37:41 +0000 2018","A massive day in gains for us while the stockclownbookie has been destroyed massively losing money and missing massive gains a double whamy loser .Poor poor bearish $SPY stockclown #NOSKILLS old world thinker time to go flip burgers I told you back in april $SPY to 300!!" +"Wed Aug 15 15:48:36 +0000 2018","$AAPL $AMZN $SPY $TSLA $QCOM $AMD New Live Stream Format Tonight #BIGPICUTUREEPERT SEE ME IN PERSON LIVE FACE TO FACE as I speak the facts 9:30PM EASTERN STANDARD TIME CANADA. THIS WILL BE ON MY YOUTUBE CHANNEL PowerTargetTrades see you then people!" +"Tue Aug 28 18:10:15 +0000 2018","There are certain aspects of the market that reminds me of when $MSFT held up during the market pullback in 86 just before the next leg up and then the 87 crash. " +"Fri Aug 24 15:25:35 +0000 2018","But the #NOSKILLS STOCKCLOWNBOOKIE SAID THE $SPY WAS TO HIGH AT 225 SAID I WAS CRAZY TO TELL PEOPLE TO BUY AND GO LONG $SPY, STOCKS LIKE $AAPL $AMD now we see the truth of how massively correct I am while he remains massively wrong. #NOSKILLS wrong for years old world thinker" +"Tue Aug 28 18:08:38 +0000 2018","$AAPL poor poor STOCKBOOKIECLOWN #1 SHORT BEARISH AND WRONG THE BIG PICTURE SINCE $aapl 140 TO EVEN 205 210 etc!! JUST MASSIVELY WRONG WHILE WE KILL IT AGAIN IN $AAPL. also the stock clown wrong massively since $SPY 225 poor little scalper old world thinker #NOSKILL stockclown." +"Fri Aug 03 13:59:41 +0000 2018","The stock market is a forward looking machine. Too many forget that. I pulled Apple’s forward estimates and financial ratios. The results are no joke: Fwd P/E ratio - 17 Fwd P/S ratio - 3.7 Fwd EPS - 13.47 Fwd revenue - $276 billion There’s nothing else out there like this 👇" +"Wed Aug 29 13:36:28 +0000 2018","The Dow opens flat, and the Nasdaq and S&P 500 open up 0.1%. Dick’s Sporting Goods falls 10% on weak sales. Roku sinks 6% on report that Amazon could launch a free streaming channel for Fire TV customers. " +"Thu Aug 30 17:23:24 +0000 2018","but the stock clown said $AAPL was to high at 140 and at 205 etc to sell, we have now our 4th wining plan in $AAPL from earnings for greater the 100% gains. while the great bearish StockBookieClown has lead his followers to massive failure no skill! $STUDY THE #BIGPICTUREXPERT" +"Tue Aug 07 18:06:41 +0000 2018","$SPY poor poor stockclown clownbookie said the $SPY was a bubble at 225 look at what happens when you listen to bearish stock clowns telling you to short $AAPL since 140. Lots of stock clowns like him but he is just #1 clown. I am simply the ultimate leader massively correct!!" +"Wed Aug 01 20:34:28 +0000 2018","LIVE STREAM TONIGHT AT 9:30PM EASTERSTANDARD TIME JAM packed with great info tonight plus I will be making a new plan live on my stream that I like on confirmation $AAPL $SPY $AMD I expand on the big picture for the market simply the #1 source of being correct see you then" +"Wed Aug 15 19:51:08 +0000 2018","$SPY $AAPL the leader is telling us what the big picture is for the market like I have always explained and have been massively correct on these matters. Join me tonight at 9:30pm eastern standard time LIVE as I speak the power and the facts that have stood the test of time!" +"Wed Aug 29 15:57:56 +0000 2018","while the stockclown #1 bearish wrong stock expert the stockbookieclown massively wrong $AMZN once again while we kill it. Just like being massively wrong the $SPY and $AMD and $AAPL everyone now can see who the leader is in making money with wining plans $STUDY my channel hard!" +"Fri Aug 31 15:45:18 +0000 2018","$SQ just another winner for us close to over 100% gains a super week for us in $AMD $AAPL $AMZN no one can match what I do plan for plan within such a small list 6 plans super wins all these stocks have been huge winners. $STUDY my Stream and my youtube channel PowerTarget Trades" +"Thu Aug 30 18:02:51 +0000 2018","$AAPL looks unstoppable at the moment!!! Massive buying frenzy as the stock goes into an almost parabolic run up here!! …. usually means a pullback is just around the corner" +"Mon Aug 27 14:16:56 +0000 2018","POOR POOR STOCKBOOKIECLOWN MASSIVELY WRONG $AAPL since 140 the $SPY since 225 which is in new highs agains! $AMD since 12 then 18 then 20 etc etc Just a stock clown old world thinker massively wrong while I have told people to go long and make big bucks instead. $STUDY" +"Thu Aug 02 17:33:11 +0000 2018","And that P/E below 20 includes almost a quarter of a trillion dollars in cash/short-term securities. Back that out and we're at ~15. Even at 1T, Apple continues to look like a bargain compared to the rest of the tech comparisons." +"Fri Aug 24 15:41:32 +0000 2018","$NVDA made an almost parabolic move up this week off key support.... Up 5 big days in a row and now flirting with an all time highs breakout … short term it is quite overbought so I wouldn't chase it here... Give it 1-3 days to pullback or stall out and it's gonna set up well" +"Tue Aug 28 02:37:30 +0000 2018","$STUDY the flood of massive winner on my stream from $AMD $ROKU $AAPL $GOOGL unlike anybody else simple the best plan for plan within a small list a super high win rate not possible by anyone else which simply puts the odds in your favour $STUDY the truth on my youtube channel" +"Sun Aug 05 15:29:44 +0000 2018","The American stock market has been shrinking. The market is half the size of its mid-1990s peak, and 25 percent smaller than it was in 1976. Why? Rise of mega tech, nobody wants to IPO, and concentration of power through software/data moats " +"Wed Aug 08 20:12:03 +0000 2018","Dow closes down 45 points. S&P 500 loses 0.03%. Nasdaq ekes out its seventh straight gain. Tesla loses 2.4% one day after Musk's proposal to take company private. " +"Thu Aug 23 13:35:40 +0000 2018","Markets drift lower. Dow falls 60 points. Nasdaq opens flat. Victoria's Secret owner L Brands sinks 7% after cutting outlook. Alibaba gains 3% as revenue soars. Watch live " +"Thu Aug 30 13:35:10 +0000 2018","The Dow fell 50 points at the open and the S&P 500 and Nasdaq fell 0.2% Campbell fell 4% after announcing it would sell its international and fresh food businesses. Amazon was up slightly, closing in on a $1 trillion market valuation. " +"Thu Aug 02 23:14:03 +0000 2018","told u all last night 5ma pressuring downwards on $es_f $nq_f daily chart very troubling. wake up this morning and they dropped A LOT over night. then why all in a sudden I turned bullish? coz $nq_f hit 60ma on daily AND power through cloud top on hourly #OptionSniperLearning" +"Wed Aug 15 17:32:28 +0000 2018","AMZN Googl not looking like a bottom on hourly chart. No reason to play bounce calls here unless clear b/o signal. If going down again, another 30-40 pt downside move easily." +"Mon Aug 06 19:40:08 +0000 2018","done for the day. amazing day really. not too often to see index and stocks moving up nicely. keep in mind check WEEKLY chart to get a big-picture sense about what's been going on. amzn googl nflx fb all can run huge IF googl runs - that's the one w/ greatest er among fang." +"Tue Aug 14 00:18:46 +0000 2018","spx comp both showing weakness on weekly chart. keep in mind almost every year it’s hard to trade from mid August till late September. may see some serious pull-backs if can’t b/o at current level. say again do NOT keep growing acct." +"Tue Aug 21 12:42:11 +0000 2018","i loaded stock shares of $nflx $nvda $tsla ystd. really like the bottom play here. could be wrong as stocks might just fall all in a sudden due to news/events but from a technical standpoint, ystd buy on dip w/ shares could be very rewarding. let's see how it goes." +"Tue Aug 14 19:35:26 +0000 2018","Tech strong. AMZN 1925 and googl 1266 are both key levels to watch. If can’t b/o, no good. If b/o, not impossible to turn the whole thing around and start a new run." +"Mon Aug 06 15:23:31 +0000 2018","For NASDAQ, NYSE and the like, watching the quarterly earning reports and revenues of exchanges like Binance was equal to Google watching the keynote of the first iPhone. #crypto @Nasdaq @NYSE @binance #cryptoassets #cryptomarkets #xrp #bch #eth #bitcoin" +"Thu Aug 02 20:10:02 +0000 2018","After tumbling in the morning, stocks came back strong to finish mostly higher. The S&P 500 rose 0.5% and the Dow was flat. The Nasdaq rose 1.4% after Apple became the first American company with a market value of more than $1 trillion. " +"Fri Aug 17 14:42:56 +0000 2018","#FAANG having its teeth pulled. Apple last man standing. From their highs #FB -20% #AAPL ATH #AMZN -3% #NFLX -25% #GOOG -6% AAPL doing the heavy lifting but for how long?" +"Wed Aug 29 14:33:49 +0000 2018","mkt simple. $amzn ATH. $msft ATH. and hell yeah $aapl ATH. so there's NO reason $googl won't see ATH. there's NO reason $nflx not back to ATH - that'd be HUGE." +"Mon Aug 20 21:05:44 +0000 2018","mkt very good. saw comments on nvda. it faded and so be it. if you bet on one name and it did not work out, that's your problem. said many times do NOT gamble by playing aggressively. if spread out $ on several names, totally fine. know the key levels to take loss / lock profits." +"Tue Aug 07 14:11:41 +0000 2018","If you already bot googl amzn nflx calls ystd and progressively locked some this morning, why in a hurry to buy more and wanna make more $$? This mindset will kill you sooner or later. Greed never good." +"Thu Aug 23 16:03:23 +0000 2018","If you dont know how to lock in profits, dont DM me to tell me about your loss. $QQQ was up +80%, $TWTR +150%, $FB +50%, if you let those go red, then thats on you. Im not running a paid service." +"Wed Aug 29 14:06:03 +0000 2018","@UgeneKrawec i really LVOE nflx weekly chart. 10ma is a very interesting reference point now. next week could see huge golden cross to 384 392 or even 403" +"Fri Aug 17 15:10:16 +0000 2018","The Apple train keeps rolling up again bucking the tech market downdraft. Hitting ATH again. Now @tim_cook is your chance to take a bite out of Tesla. Please use this cash for something other than buybacks. The future will change. Will Apple still be ahead? $aapl $tsla" +"Thu Aug 02 17:31:47 +0000 2018","while you're busy obsessing over an arbitrary $1T market cap for $AAPL, the real story here is that we're at new decade lows in Wall St. Sell Side Buy Recommendations. $FB has 86% buys on it, $BABA 98%, $GOOGL 88%... so why just 60% for AAPL? Love that hat tip @TSohn15" +"Fri Sep 14 20:05:40 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMD $NIO $QTT $BABA $AAPL $KR $SONO $ATVI $TLRY $TSLA " +"Fri Sep 07 18:07:28 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $ARWR $CLDR $DOCU $WDAY $ORIG $TSLA $AAPL $PANW $AMZN $WMT " +"Fri Sep 14 22:02:32 +0000 2018","Excerpt from, Think, Trade, & Grow Rich! ""Remember, if you miss the #stock train, do not chase it. The stock train runs on a roundtrip schedule; it will come back to your price station."" Read more? click the link #investing #StockMarket #motivation #money " +"Fri Sep 14 20:04:34 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMD $NIO $QTT $BABA $AAPL $KR $SONO $ATVI $TLRY $TSLA " +"Wed Sep 12 14:13:06 +0000 2018","$AAPL: I like Apple new phones........... #NIFTY #StockMarket #Trading #TechnicalAnalysis #Equity #Price #Money #SP500 #NIFTYFUTURE #nifty50 #Sensex #investing #trading #daytrading #stockmarket #elliottwave #options #OptionsTrading #Stock #AAPL, #Apple " +"Thu Sep 13 15:15:36 +0000 2018","A #fallingknife is a #stock that has had a significant drop, which may trick #investors to think they are getting a bargain because the price is so low Want more #StockMarket #trivia ? #stockmarkettrivia #investmenttrivia " +"Fri Sep 07 23:37:18 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $ARWR $CLDR $DOCU $WDAY $ORIG $TSLA $AAPL $PANW $AMZN $WMT " +"Fri Sep 07 23:36:43 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $ARWR $CLDR $DOCU $WDAY $ORIG $TSLA $AAPL $PANW $AMZN $WMT " +"Fri Sep 14 20:04:04 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMD $NIO $QTT $BABA $AAPL $KR $SONO $ATVI $TLRY $TSLA " +"Fri Sep 07 15:23:01 +0000 2018","$NFLX got the breakout. Went long Sep 7 355 calls at breakout point at 6.00. Locked calls at 7.35 as $NFLX got close to my price first target (355). 23% gain not bad! #stocks #stockmarket #finance #profit #stock #trade #trader #traders #daytrading #stockcharts #optionstrading " +"Thu Sep 27 19:24:22 +0000 2018","$RBIZ stock price is a steal. Grab before closing bell #stock #money #trading #bitcoin #stockmarket #wallstreet #stocks #investing #trader #invest #market #otc #pennystocks #otcstocks #NASDAQ #uplist #symbolchange #XRP #cnnmoney #CNBC #marketwatch #daytrader #trader #sp500 #NYSE " +"Tue Sep 11 18:51:36 +0000 2018","how the Algos and Dark Pools traded $SPY so far today...net sellers overall. Most of the rise in $SPY from a few high percentage index component issues and the energy complex. " +"Tue Sep 18 12:37:58 +0000 2018","$KNDI Kandi Technologies Group Inc. Don t miss the boat, tremendous surge in the stock price coming Short $SPY to hedge! #stock #stockmarket" +"Thu Sep 27 21:54:00 +0000 2018","$NOVN Novan Inc. This is a rare occasion, tremendous surge in the stock price coming Hedge by selling $SPY #trading #stockmarket" +"Sat Sep 15 03:25:59 +0000 2018","On the contrary my friends in local mnc business tell me there is no big thing happening as reflected by stock prices. These brokers write crap to generate revenues " +"Tue Sep 04 13:30:13 +0000 2018","Silicon Valley, say hello to Washington again. Facebook ($FB), Twitter ($TWTR) and Google ($GOOGL) are in the hot seat for the third time in less than a year. What implications will their testimony have on share prices? #TradeThatTrend " +"Thu Sep 20 13:17:30 +0000 2018","$sprv check out this. You do the math this isna steal under $1 with amazon. What is price with amazon buyout? #stock #stocks #stockmarket #stockstowatch #stocknews #stocktrading #StockMarketNews #amazon #investor #NASDAQ #OTC #HotStocks " +"Thu Sep 20 20:15:34 +0000 2018","It was a historic day on Wall St. The Dow surged to is first record high since January, led by gains in Apple and a decrease in trade fears. The S&P 500 also rose 0.8% to an all-time high, its first since late August. " +"Tue Sep 18 15:29:21 +0000 2018","$ITUS ITUS Corp. Don t miss the boat, enormous rise in price to follow Short $SPY to hedge! #finance #stockmarket" +"Thu Sep 13 17:12:26 +0000 2018","SGX nifty is up near 90 points/ dow up 150 points/crude fall 3 % INR in NDF market is up 0.5%. what else bulls need for tom ? Scan- I have learned not to manipulate the data based on news or what will happen next, as of now we are not having a single buy, interesting day ahead. " +"Fri Sep 28 22:12:53 +0000 2018","Last trading day of the Quarter -- S&P has best quarter since 2013 & tech heavy Nasdaq has 9th straight quarterly gain! This as #markets hit records this month! Discussed on @foxnews $spx $dji $ndq " +"Thu Sep 13 19:14:33 +0000 2018","WOW nailed $AMD sick day. $MU got lucky, was long when Tepper mentioned it. $TLRY did a good job staying away from short except for a late day SS vs 120 " +"Fri Sep 21 13:25:27 +0000 2018","TGIF - Quad Witching Today, Window Dressing Next Week $QQQ #China #Futures #PortfolioReview @MoneyTalkGO @TD_Canada -- " +"Wed Sep 19 17:26:41 +0000 2018","The market caps of $AAPL and $AMZN both reached a trillion $, albeit with different drivers. With the iPhone, Apple made itself a cash machine like no other in history, and Amazon transitioned from retailer to disruption platform. My updated valuations: " +"Sun Sep 23 23:29:43 +0000 2018","$AAPL pressure building with near-term lower highs as intermediate term horizontal support is tested in the location of the VWAP from last earnings report " +"Tue Sep 18 19:56:56 +0000 2018","P/L: Was under the weather so took it easy today but still got paid my +$1.1K for the day! 👍💵 No niche setups and too many grinders overall though for my taste $TLRY $NBEV didn't have too many panics. $VKTX was the easiest stock of the day, as it followed S&R the best. " +"Fri Sep 21 19:56:03 +0000 2018","P/L: Another day, another +$5K STRAIGHT to the Madaz Money stacks, baby! 💵🤑 Really starting to get my mojo back, just needed favorable market conditions to return. Nailed $NBEV both ways and $IGC as well. Just solid action all around! Hope all took advantage! $TLRY $AWSM " +"Tue Sep 04 14:19:39 +0000 2018","Nailed $AMD, has had great range and liq. $AMZN off that 5 min doji once spy bottomed and some $MNKD to mix it up. done for the day 💪 " +"Thu Sep 06 02:40:02 +0000 2018","Months ago, I built an unweighted FANG Plus index, which was interesting. Today, just for grins, I decided to build it again, minus AMZN and AAPL. Turns out they are nearly identical, up until July 2018. Now there is a big difference evident, especially compared to QQQ. " +"Thu Sep 06 11:16:49 +0000 2018","I am carrying all the shorts postion with few buys on IT stocks. Best things today market up- down - up- down-up and Net MTM postive. This market is not easy to play it need clam and cool else full chance of fool." +"Tue Sep 04 15:03:25 +0000 2018","As promised from Friday, here is my August P/L. Mainly $SPX . But there was some $AMZN $NFLX and $TSLA trades as well . Rough week last week and Gave back half profits on Friday. Learned from it. Still +$8k for the month. " +"Thu Sep 27 03:42:58 +0000 2018","$AMD $AAPL $AMZN $FDX I explain some very important facts and what it takes to win in the big picture of things. Here is my live stream A must $STUDY I show a great example with my posted winning $AMZN plan hit close to 90% gains in large options" +"Fri Sep 07 14:13:07 +0000 2018","Comparing valuations: Amazon: $1 trillion Best Buy Macy’s Target Costco Nike Combined: Sears $960 billion Home Depot Starbucks McDonald’s Barnes & Noble J.C. Penney Dollar Tree Office Depot Nordstrom Kroger Kohls —@JonErlichman" +"Fri Sep 14 00:27:02 +0000 2018","Our $AAPL trade explained in full detail.... STEP-BY-STEP! This is the 5 minute chart showing my entire exact thought process as the stock pulled back to test the 20 Day MA on daily charts(on Monday). Hope this helps!! " +"Mon Sep 17 20:43:24 +0000 2018","I wonder what seed fund could beat these returns? A look back -- Tech stock returns since the Lehman bankruptcy 10 years ago: NFLX: +8,978% NVDA: +3,112% AMZN: +2,447% AAPL: +1,160% CRM: +1,050% ADBE: +621% MSFT: +443% GOOGL: +443% SPX: +198%" +"Fri Sep 07 11:13:41 +0000 2018","@realDonaldTrump Nike was thinking that they closed higher yesterday (up .6%) than the Dow (up .08%,) & that true American Patriots will buy Nike products when they want to express love of the First Amendment, & American Values. Now scurry on back under your rock, Mr Fake President." +"Mon Sep 10 19:52:49 +0000 2018","remember my twit - the two key names $amzn $aapl still very weak. if they can't reverse back up, non-sense talking about mkt reversal." +"Mon Sep 10 15:13:17 +0000 2018","Really liking the look on this $AAPL setup here... a ""holy grail' setup to be exact.... Intra-day charts starting to look like it's bottoming here " +"Wed Sep 19 14:21:09 +0000 2018","been saying since ystd amzn googl chart not looking like a bottom. ystd loss in puts now turns into 2X profits. this is what chart read is about. ystd no one understands why playing puts." +"Tue Sep 11 12:57:39 +0000 2018","As I warned ystd, mkt did not look like a reversal ystd and that’s why need to be very cautious. Futures not good pre market. See if it could find bottom today. Nevertheless September is NOT the month for small acct holders. Play very small till clear signal either way." +"Wed Sep 05 11:59:19 +0000 2018","Lisa Su has reinvented the company just when Intel faltered. $AMD is no longer cheap but it does have the right products as does $NVDA; $172b v, $27 b says $AND can go higher..." +"Fri Sep 07 17:03:36 +0000 2018","This week's ""3+ minimum"" gigantic all day faders.. $ABAC $NCTY $MNKD $NVUS As always, never regret taking small gains here & there IF that's all the market provided. but NEVER accept not taking FULL advantage of gift setups when they DO showup. Cant wait for next week's ""big 3""" +"Thu Sep 20 12:31:29 +0000 2018","Yes as I said ystd, googl chart much better than AMZN with bottom stick green candle. See if it can power through 1184, that will send it back to 1206" +"Sat Sep 22 13:06:41 +0000 2018","#earnings for the week $NKE $BB $KMX $RAD $KBH $JBL $ACET $FDS $MANU $BBBY $NEOG $ACN $CCL $INFO $ATU $MTN $WOR $CTAS $MKC $CAG $ASNA $AIR $OMN $CMD $FGP $PRGS $ESNC $ANGO $CAMP $FUL $DAC $ISR $SCHL " +"Mon Sep 24 00:22:14 +0000 2018","Will post some charts later. Tired. That Tick hit on $VXX looks to be playing out so far. 👍 My short is also playing out as well on #ES_F. Those bands pointing down tell you something!!!!" +"Wed Sep 05 20:53:17 +0000 2018","Hey folks, Your home work tonight is simple! Take 10 minutes of your time and study this Nasdaq chart here .... Read the chart notes very carefully... Take your mind back to that time(or those times) during each of the Stock Market cycle and see if any of it holds true? " +"Sat Sep 29 21:35:21 +0000 2018","The end of Snap and Tesla is imminent, writes @profgalloway, ""moving us closer to a hunger-games economy with four religions (Apple, Amazon, Facebook, and Google)."" " +"Sat Sep 22 16:17:28 +0000 2018","Bhavcopy of days like yesterday are quite important. They help to know where the numbers are fishy. Though housing finance cos were the epicenter, some other stock too sent shivers. Those are worth putting in 'be careful' watchlist. Markets speak to you during such times." +"Fri Sep 14 23:40:36 +0000 2018","This week's #SectorSelector is available! Premium @Market_Scholars can view the full version featuring stocks hitting new 52-week highs & lows by clicking BLOG on our website. $AAPL $AMZN $CPRT $IR $K $ACIW $ACN $ACXM $ADBE $MA $V $QCOM $CRM $MSFT $GLW $VZ " +"Sun Sep 09 15:28:50 +0000 2018","$FB Monthly - a failed support doesn’t guarantee pps is doomed but I did gl short commons into the weekend considering macro noise. Not a LT perspective on my end... " +"Wed Sep 19 13:03:17 +0000 2018","Nearly all Citron shorts continue to reach near record highs... SHOP, check ... HUBS, check ... TLRY, check ... NFLX, check... INGN, check... W, check... UBNT, check... MSI, check...FLT, check...TDG, check and their longs... SNAP, TWTR, FIT, BB keep falling lol" +"Tue Sep 18 18:18:42 +0000 2018","$FB market cap per employee is about $15 million $AAPL market cap per employee is about $8 million $TLRY market cap per employee is about $44 million Should be fine" +"Thu Sep 20 12:18:28 +0000 2018","$AMD pt upped to 38 @ Stifel $AAPL Raised to Buy @ BMO PT $219 $ARGX Raised to $125.00 @ Wedbush $NKE- PT Raised @ Susquahanna TO $100 $NVDA Raised to BUY @ Benchmark PT $310 $SQ Raised to $100 @ Stifel $CAT Raised to $191.00 @ Baird $ADSK Raised to $180.00 @ Canaccord" +"Fri Sep 07 20:11:51 +0000 2018","Markets retreat as trade concerns return. Dow falls 79 points. S&P 500 loses 0.2%. Tech sell-off drives the Nasdaq down 2.6% on the week, its worst since March. Tesla sinks 6% after chief accounting officer suddenly resigns. " +"Tue Sep 04 15:52:45 +0000 2018","Amazon $AMZN traded above $2,050.50/share today. That means its market cap exceeded $1 TRILLION. It's right behind Apple $AAPL. They have a market cap of $1.1 TRILLION. " +"Mon Sep 10 20:13:33 +0000 2018","But the stock sheep stockbookie clown said $AAPL was to high at 140 then at 150 ,160-205 as you can see he is simple massively wrong the big picture a little scalper no #SKILL while I have made massive gains with many detailed options plans instead. join us in PowerGroupTrades" +"Thu Sep 20 15:19:07 +0000 2018","#DJIA at 26,638 is above the Jan 26 All Time High. #SP500 at 2925 is above the Aug 29 #ATH. #NASDAQ back above 8000. #DJTransports holding the breakout above 11,500. #@Russell2000 holding the breakout above 1700." +"Tue Sep 04 20:55:43 +0000 2018","$SQ $AAPL $SPY $AMD all wining plans in these the #BIGPICTUREEXPERT I WILL BE POSTING SOME NEW PLANS I like inside of PowerGroupTrades Tonight $STUDY we have killed it in 4 wining greater then 100% gains options plans In $AAPL since july, the aug month has been huge for us!" +"Tue Sep 04 15:04:03 +0000 2018","BUT BUT THE GREAT BEARISH STOCKBOOKIECLOWN SAID $amzn WAS TO HIGH AT 1700 AND $AAPl was to high at 140 and the $SPY was to high at 225 to short in a massive way. Simply massively wrong do not be a stock clown roll with the #BIGPCITUREEXPERT INSTEAD SIMPLY MASSIVELY CORRECT!!" +"Wed Sep 26 03:23:28 +0000 2018","$AMZN very typical falling wedge b/o on hourly chart. 100+ pts from bottom. i did not play it but congrats to those who did, cash out, and roll up. great name among techs these past few sessions. " +"Wed Sep 05 11:22:15 +0000 2018","$AAPL $SPY $AMD $AMZN $GOOGL $SQ $TWLO My PICTURE AND PICTURE LIVE STREAM TONIGHT AT 9:30am EASTERN STANDARD TIME COME JOIN THE #BIGPICTUREEXPERT AS I EXPLAIN THE DETAILED FACTS I am THE HEALTH AND WEALTH EXPERT SUBSCRIBE TO MY YOUTUBE CHANNEL PowerTargetTrades Now!" +"Wed Sep 12 00:41:15 +0000 2018","Live stream tonight at 9:30pm eastern standard time in about 1 hour from now $AMD $AAPL $AMZN $HD $SQ $SPY the #bigpictureexpert speaks about all these stocks, and the big picture and what I think about the market a great new update tonight come join us and sign up" +"Wed Sep 19 20:08:13 +0000 2018","$spy small losses compared to large gains takes great skill. If you have not made large gains this year compared to your losses this means the problem is in your mind and how you trade. Live stream tonight 9;30PM eastern standard time the #bigpictureexpert explains $AAPL $AMD" +"Thu Sep 13 20:07:18 +0000 2018","Dow rises 147 points, notching its third straight advance. Nasdaq climbs 0.8% as tech stocks rebound. Kroger dives 10% on disappointing sales. US oil sinks 2.5%. " +"Thu Sep 27 01:58:43 +0000 2018","I’ll be trading $SPX still NO DOUBT but few weeks ago I made it a goal to start swinging other names/trades over few days more often as I had a big loss in $SPX . Hence my $AMZN $NFLX $FB overnights the past few days . Never stop getting better 🤙🏼" +"Wed Sep 19 13:12:12 +0000 2018","Live Stream Tonight 9:30pm eastern standard time $AMD $AAPL $SPY stop chasing the hot stocks tips without a plan. We catch gains but with skill like 300% gains in $AMD since the 19.70 break point, killed it many times in $GOOGL $AMZN $AAPL options for large gains with skill" +"Wed Sep 26 10:58:14 +0000 2018","New Live stream format Tonight 9;30pm eastern standard time I explain why my adaptive thinking system is the best for catching great gains witness how we caught this $AMZN move from yesterday day because of it. Massive gains in $AAPL $AMD while many lose instead of making gains" +"Mon Sep 03 00:14:12 +0000 2018","Weekly Close: Very Bullish Daily Close: Bullish Overall: Bullish, will add to my long lower between high $70XX and mid $71XX. Interested to see how tomorrow's NY Open will affect the market as tomorrow is Labor Day in the US." +"Tue Sep 18 20:08:28 +0000 2018","Stocks rally as Wall Street brushes aside trade war fears. Dow climbs 185 points to the highest level since late January. Nasdaq gains 0.8%. Tesla sinks 3% on DOJ probe into Elon Musk. FedEx loses 6% after raising concern about tariffs. " +"Wed Sep 05 00:37:21 +0000 2018","if you have been a $SPY $AAPL $AMD stock clown bearish the big picture then you deserve to lose in a massive way. Mark my words if you do not have big picture skills or work with the best which is less then 5% in this market right now you will not survive or have wealth $STUDY" +"Tue Sep 25 13:36:03 +0000 2018","Dow opens 60 points higher. Nasdaq trades flat. Facebook falls 2% as Instagram co-founders exit. General Electric loses 2% to touch fresh nine-year low. Watch live " +"Mon Sep 10 20:06:04 +0000 2018","US markets close mixed. Dow falls 59 points as Apple dips 1% on concerns about tariffs. S&P 500 and Nasdaq snap four-day losing streaks. Tesla climbs 8%, rebounding from Friday’s slide. " +"Thu Sep 27 17:48:03 +0000 2018","Today, on markup day before quarter end - markup AMZN,AAPL&other faves to pump up portfolio performances (with gold -10 bucks for the same reason) strength in major miners (ABX,AEM,NEM etc) is telling. Telling us Vanguard VGPMX selling pressure is at/near end.Major rebound ahead?" +"Mon Sep 24 13:25:38 +0000 2018","again as i said a month ago, Sep is tough for trading. so either just sit and watch now waiting for mkt to settle or play very small (and quick). Oct totally different story." +"Mon Sep 10 19:27:04 +0000 2018","mkt not a reversal here - at least not yet. still can go either way. say again, do NOT gamble. if you have small acct, this mkt right now is NOT for u. just sit it out & watch. otherwise use very small $$ playing." +"Mon Sep 10 13:05:06 +0000 2018","$amzn can go either way here. 5ma might dead cross 10ma today depending on price actions AND volume. macd already dead cross on daily. 1977 1952 are both key levels to watch, if hike & drop below 1952, very bad and possibly go to 1882 in 2 weeks." +"Wed Sep 12 14:06:25 +0000 2018","VERY clear strategy today. $nflx $tsla both super strong while other tech names weak. so why waste ur $$ spreading out to other weak names and try to buy on dip? FOCUS is key. amzn if goes to 1966 or around that level, will be on my radar again." +"Mon Sep 24 14:47:35 +0000 2018","spx dow drop more than nasdaq - exactly the opposite from last week. remember 3rd quarter approaching end this week - tons funds need to adjust their holdings. only bargain in major tech names now is $nflx which has not moved anywhere past 3 months so could be favor of big funds." +"Tue Sep 18 15:34:56 +0000 2018","$spx back to 2906 key level. daily/hourly chart much better. like tech names, spx also back to where drop started. when this kind of strong bounce all happened in one day, it's typically pretty strong mkt signal. let's see if reversal confirmed." +"Wed Sep 19 22:32:41 +0000 2018","futures daily chart very interesting. $nq_f daily 5ma starts to go DOWNWARDS while 10ma up, meaning Thursday gonna see big move either way. IF up, need to power through 7564 to pull up this 5ma." +"Tue Sep 11 13:48:04 +0000 2018","Five things every real trader should know right now: 1. $AMD is at 12-year highs 2. $SNAP is at all-time lows 3. Tinder $MTCH is at all-time highs 4. An action figure company is breaking out 5. Buffett says the iPhone is underpriced #TheDailyRip " +"Tue Sep 18 15:19:18 +0000 2018","i am still looking at amzn 1955 googl 1178 these two key levels. if can't close above these two levels today, no reversal confirmed." +"Thu Sep 27 13:11:39 +0000 2018","nflx ascending triangle b/o ystd. 382 is key reference level now. if power through, 384 392 fast. if hike and fade again, need to wait till next week premium killing first." +"Tue Sep 04 22:31:43 +0000 2018","Great run for AMZN NVDA today. Still room to run. Googl not good breaking down 1217 as I twitted earlier this morning but 1206 could be hard bottom - watch this level closely. NFLX needs a bit more consolidation - weekly chart still great." +"Mon Sep 10 01:45:44 +0000 2018","$nflx keep in mind the big picture is falling wedge b/o on daily chart BUT technically need to form right shoulder around 331 level for a strong bounce. another run above 61.8% level 357.4 will confirm reversal to uptrend." +"Fri Sep 07 15:09:51 +0000 2018","mkt looking good on this bottom bounce. but be careful if stock or mkt can't pass over 5ma on daily - if that's the case, see strong bounce then 5ma dead cross 10ma on daily for a huge dip. but if volume good on bounce, may see it power through 5ma which will lead to huge hike." +"Wed Sep 19 20:18:27 +0000 2018","remember what i said $googl - big red candle followed by long upstick today we need a long bottom stick green candle for reversal. and it DID!! $amzn same rationale but chart not as good as googl. their put plays ystd big loss turn into big profits today earlier. tmr another day." +"Mon Sep 10 01:38:58 +0000 2018","keep in mind so many names are a bit far from daily 5ma BUT still in downtrend or weak bounce. be careful this week - things can go either way easily and fast." +"Tue Sep 11 13:25:56 +0000 2018","IF/WHEN mkt finds a bottom, $nvda should be the go-to name as its chart is THE best among all big tech names (except for amd of course)." +"Sun Sep 23 22:35:16 +0000 2018","futures down. magic number for $nq_f is 7502 - if it can pull back to 7502 and pull up with a long bottom stick before mkt opens tmr am, not impossible to see a good run. but if drops through 7502, mkt in trouble. if drops below 7470, mkt drop might accelerate for another 50 pts." +"Mon Sep 10 00:21:45 +0000 2018","Seeing a lot of people already going into next week acting like it’s a buy the dip on names like $GOOGL $FB $TSLA $NFLX you will get destroyed thinking like this. Play the trend right now trend is down. Until we see signs of reversals stop fighting the trend. Keep things simple." +"Fri Sep 21 18:28:40 +0000 2018","as i said at the end of August, September is hard for trading. this is coz mkt was supposed to drop in Aug but it did not and while mkt up in Sep, most stocks ups and downs. huge premium killing all month. but October gonna be great w/ pre-er run." +"Wed Sep 12 19:52:09 +0000 2018","SUPER AMAZING day. BEST day this month so far. absolutely killed nflx tsla amzn calls. gonna enjoy rest of day. signing off here. have a great rest of day folks! remember to progressively lock gains and CASH OUT to bank acct, do NOT keep growing acct. if u can't do this, no good." +"Wed Sep 12 15:43:06 +0000 2018","Dow Jones Industrials closing in on all-time highs. Last piece of the puzzle: first Nasdaq 100, next Nasdaq, then Dow Transportation Index, then S&P 500, then Russell 2000. Its a big world out there, much to be excited about." +"Thu Sep 27 14:47:32 +0000 2018","My own assessment of the ""market"" always starts and ends with individual stocks. It doesn't matter if the indexes are strong. It's like going into a store because the lights are on and the doors are open, only to find nothing on the shelves. No buyable merchandise, no trading." +"Fri Sep 07 18:29:14 +0000 2018","Signs of an unhealthy market: FAANGM stocks up 30% YTD, the S&P 494 up 3%. Over half the 2018 gains came from six stocks. Historians know what that means." +"Fri Sep 21 17:55:37 +0000 2018","While the Dow is making headlines and new highs, the NASDAQ (and many individual stocks) have lagged. This may change in coming days, but in the meantime, I've been nailing down profits into strength waiting patiently with my remaining cash while better entry points develop." +"Wed Sep 26 18:30:26 +0000 2018","My secret to trading is quite simple. Only watch a few charts/plays, and keep them on your watch list along with the indexes and monitor those stocks all the time. It's boring, but very effective hence why I'm only posting on $NVDA and $NFLS $BA back on radar as well" +"Tue Sep 04 15:46:18 +0000 2018","when $AAPL $AMZN drop -- market drops -- it dangerous when stock market is propped on a few names -- how the hell did market overseers allow this??" +"Fri Sep 07 18:49:20 +0000 2018","I'm gonna stick my neck out a bit here and say, Monday will very likely be a nice bounce day for the market(especially $SPY and $QQQ / $Nasdaq" +"Wed Sep 19 17:44:02 +0000 2018","According to my stream today, I am missing out on swanky new $AAPL products and I missed out in 140K opportunity with $TLRY if I invested 10K at the IPO...good day so far 🙃😜🤪" +"Thu Oct 11 18:48:40 +0000 2018","$RBIZ Bottom here .0027! Stock price is about to blow! #NASDAQ #OTC #StockMarket #pennystocks #uplist #oversold #CNBC #jimcramer #madmoney #WallStreet #NYSE #Stockpicks #hotstocks #trading #Investment #money #daytrading #cash #stocks #daytrader #ethereum #blockchain #XRP #bitcoin " +"Fri Oct 05 23:35:06 +0000 2018","Market Capitalization Meaning: Why Price Doesn’t Always Equal Value via @YouTube #stocks #stockmarket #money #investment #trading #market #markets #TSX #TMX #nasdaq #news #investing #finance #business #wallstreet #alpha #alphanews #Questrade" +"Sat Oct 20 23:41:38 +0000 2018","Warren Buffett: Just Looking At The Price Is Not Investing | CNBC via @YouTube #stocks #stockmarket #money #investment #trading #market #markets #TSX #TMX #nasdaq #nyse #news #investing #finance #business #wallstreet #alpha #alphanews #Questrade" +"Sat Oct 27 00:41:29 +0000 2018","The Latest “Buzz on the Street” Earnings: Featuring (NASDAQ: $EXPE $INTC $GOOGL $AMZN) (NYSE: $SNAP) #Alphabet, #Amazon, $AMZN, #earnings, #Ecommerce, #EPS,... " +"Wed Oct 24 13:30:12 +0000 2018","This Thursday marks earnings season’s biggest day — when techs like Google ($GOOG), Amazon ($AMZN), and Microsoft ($MSFT) report. While EPS and revenue estimates are important, there’s one key figure that’s grabbing attention right now. " +"Tue Oct 02 20:12:59 +0000 2018","+16.7kish profits today. Holding $LLY a few weeks out. $JNJ a few weeks out and some weeklies. Some $SPX for this week. $BA November. $AAPL I got end of day after being stopped out early. Really wild close. " +"Wed Oct 31 15:31:19 +0000 2018","Go to and join our chatroom on discounted price $AMRH $LKSD $MITK $KMPH $EXAS $EBAY $STNG $S $ACAD $IGT $TLRY $TSLA $FB $AMZN $AAPL $SPY $AEZS $DIA $QQQ #stockmarket #DayTrading 👇👇👇An example of our alerts 👇👇👇 " +"Thu Oct 11 21:34:08 +0000 2018","Another SELLOFF on Wall Street! #Nasdaq close to CORRECTION territory (-10% from recent highs) with $fb #facebook $nflx #netflix in bear markets! Covered on @foxnews $amzn #amazon $aapl #Apple $goog #Google $mfst $jpm $c $bac $dji $spx $ndq " +"Fri Oct 26 00:35:25 +0000 2018","I would say it can be very ugly day tomorrow. Why on earth did the #Peeps go long in regular hours with big heaters like #AMZN #GOOG coming out with earnings? #BeatsMe (no pun intended). I will go focus on my business: #Doha® #DOHALaptops. l'll stay away from #CNBC tomorrow." +"Mon Oct 01 19:44:34 +0000 2018","Smart money bullishness back to late January levels. AMZN GOOG and AAPL back to upper bands. We'll see what happens.... " +"Fri Oct 26 18:15:45 +0000 2018","Dow recover 400 point- SGX up 80 points, Europe recovers, ICICI ADR up 4%, monday gap up 100 points bla bla blaa blaa. Sorry i cant change my data, i need to follow that, & as of 3.30 pm everything is Sell & No buy. My shorts VAR is full, so we will just run Trade with TSL. " +"Tue Oct 23 13:09:20 +0000 2018","How to pull OHLCV stock price data for all S&P 100 companies and save it to file in ONLY 10 lines of code. You gotta check this out ---> $SPY $SPX #Quant #QuantitativeFinance #StockMarket #investing" +"Fri Oct 26 20:52:21 +0000 2018","RSI(14) of NYSE McClellan Summation Index closed at 1.78 yesterday, I am sure it is lower today. Since 98, only two other instances with McSum this oversold. First Oct 2000, at the beginning of the bear market , second 9/11 attack. " +"Tue Oct 09 21:39:52 +0000 2018","$MEET The Meet Group Inc. This is a buy, this price will probably move up. Short some $SPY to hedge #Investing #StockMarket" +"Tue Oct 30 00:56:56 +0000 2018","$CRM Inc. Likely a positive transaction, this price is of great potential. Sell $QQQ to hedge #Stocks #StockMarket #money" +"Wed Oct 24 00:44:35 +0000 2018","$CRM Inc. This is a good opportunity, this price is of great potential. Short $SPY to hedge! #Stocks #StockMarket #money" +"Wed Oct 24 22:10:11 +0000 2018","S&P 500 $SPX turns red on the year. $AMD $ALGN demolished after market. @OJRenick asks: Who’s next? Earnings onslaught tomorrow: $AMZN $TWTR $GOOGL $INTC $CMCSA $SNAP $CMG $TSCO $MO $AAL Watch starting at 7AM CT for a packed day of earnings coverage. " +"Thu Oct 04 21:50:20 +0000 2018","After FANG took a tumble today, our traders play 'Trade It or Fade It' with Facebook, Amazon, Netflix, and Alphabet. $FB $AMZN $NFLX $GOOGL " +"Thu Oct 25 03:40:21 +0000 2018","Bear tip of the day: (yes, they're back) One of my fav ways 2 see Relative strength on largecaps is 2 look at price relative to institutions' favorite tool (200MA).Notice how $SPY sold off all the way to its 200MA, but $AAPL barely budged. The tutes are NOT selling, for a reason " +"Thu Oct 25 23:02:41 +0000 2018","Key factors so far Bullish -SPY is still above the low of Feb's selloff -we CANT enter a Bear market until $SPY hits $235 Bearish -DIA SPY QQQ are all below daily200ma -AAPL is the ONLY one of the big 5 still far above its 200ma -the yield curve hasnt been this SCARY since 2007 " +"Sun Oct 07 00:05:07 +0000 2018","$SPY Lots of great short setups if market decides to push down further.Posted ideas in private twitter. Bearish until we reclaim 5/10dma. Could see some consolidation sideways/bearflag and flush down below horizonal support/prior ATH. Lots of bearish weekly candles everywhere " +"Sat Oct 27 17:32:57 +0000 2018","$SPY $QQQ $IWM $VXX update. Trend is still down, distribution days piling up. $SPY big sup confluence ~250-253. Shorts worked well when the large wkly wedges broke. Trickier now as price comes into wkly support areas. #Chop 🌺Patience pays. Preserve Mental & Monetary capital. " +"Sun Oct 14 17:09:08 +0000 2018","Friday's reversal is interesting. Nasdaq trying to RECLAIM the broken 200 Day MA after over-shooting below it. Needless to say, next week will be a ""Make or Break"" week for the Nasdaq. $NAMO sitting in ""very oversold"" territory now so let's see what the bulls do with this! " +"Fri Oct 26 12:14:22 +0000 2018","@vminfIower @netizenbuzz Worlwide stock market has been impacted so much recently due to the decline in tech stocks in US and has to do with the trade war that has been going on with US and China. Malaysian stock market also experiencing major decline this week. Japan Australia also affected" +"Wed Oct 10 19:58:05 +0000 2018","on oct 07 I warned about $AAPL pullingback while many so called pros said higher they are nothing compoared to my skills. Now look at what happened to the market unlike the stock clown who short since $SPY 225 I am able to be right both ways $STUDY what I said in that Video!" +"Sat Oct 20 14:02:26 +0000 2018","Current status quo of #FANG is not exciting on weekly chart. $fb worst chart as it broke down through 100ma and cloud. $googl at cloud top vital level. $nflx 5ma about to dead cross 10ma w/ huge $ out post ER. $amzn better but if ER no good, down to 1600 possible. " +"Sat Oct 20 14:19:07 +0000 2018","$aapl no one would doubt it’s the strongest tech name in the mkt now. BUT be very careful next few weeks as weekly chart MACD may see dead cross this coming week with 5ma also possibly dead crossing 10ma. Not an exciting technical signal. " +"Tue Oct 02 04:28:23 +0000 2018","DJIA near an all time high. But FANGs are in a downtrend since June. And QQQ bonking underside of broken uptrend line. This market still has problems. " +"Wed Oct 31 19:53:19 +0000 2018","these SPY 272p now at 2.5 from 1.83. QQQ 170p now at 1.9 from 1.65 so up only a bit. nice hedge play. can consider keep SPY puts only into tomorrow. techs technical pullback into tmr is a much better setup than closing hugely up to conclude this month. Tesla still best chart." +"Wed Oct 24 02:58:30 +0000 2018","The market forces at work.... notice how despite the insane volatility recently.... $GOOGL and $AMZN are holding steady in these digestion patterns ahead of their earnings on Thursday.... " +"Tue Oct 30 15:51:13 +0000 2018","these QQQ nov2 163c now @ 4.5 from 3.17, 164c now @ 3.8 from 2.57, 165c now @ 3.18 from 2.22. as i said, if you don't wanna tkae more risks, can lock most and hold few into tmr. again, KEY is whether futures close above daily chart 5ma." +"Sat Oct 27 17:40:56 +0000 2018","Mon: Fed/Evans Tu: $AAPL event, $FB $BIDU W: Eom, ADP report Th: $AAPL $AMRN eps Fri: Jobs report, $BABA 11/6: Midterm elections 11/8: FOMC mtg, $DIS 11/10: $AMRN data? 11/14: FedChair/Powell 11/15: $NVDA 11/21: $VIX exp" +"Mon Oct 15 12:54:32 +0000 2018","keep in mind $es_f $nq_f both still have 5ma on daily chart sharply downwards. also keep in mind premiums in tech still very high due to incoming ER - starting with $nflx tmr after mkt close. so ups and downs today can kill premium. i will be on sideline today watching only." +"Mon Oct 29 19:05:49 +0000 2018","Alphabet stock return is now at almost zero for 1 year. Netflix down 1/3rd for the year, fb negative for 1 year. Amazon and Apple are still shining with 1 year returns" +"Wed Oct 31 12:23:03 +0000 2018","$nvda at 210 pre-market already! What a run!! $nflx next in line possibly into 310-320 territory first then run into next week. $tsla need to take over 348 first - once it does, it’s gone! 371 gap fill then ATH." +"Wed Oct 17 15:55:02 +0000 2018","So are we just near the lower end of a massive range in Semi's and we resolve higher, or is this massive distribution right at the March 2000 Highs? $SOX $SMH $XLK $QQQ " +"Sat Oct 27 12:38:45 +0000 2018","#earnings for the week $FB $AAPL $BABA $GE $IQ $MA $BIDU $EBAY $CHK $XOM $EA $TEVA $GM $UAA $TNDM $BP $SPOT $ON $FDC $ADP $CVX $KO $AMRN $SBUX $X $ABBV $PFE $FIT $PAYC $YNDX $OLED $ABMD $WTW $ANET $WLL $LL $FEYE $DDD $RIG $SNE $KEM $NWL $STX $BAH $FTNT " +"Thu Oct 25 21:19:11 +0000 2018","The U.S. stock market is erasing today's rebound in afterhours after Amazon and Alphabet's earnings misses. As I said earlier, I was ""not impressed"" by today's bounce: " +"Tue Oct 16 17:09:19 +0000 2018","At this point, a lot of ""bad news"" has been factored into $NFLX and most other Tech stocks for that matter.... but in the end, only the market's opinion matters!" +"Mon Oct 15 13:36:05 +0000 2018","tons tech names dropping after mkt opens. remember what i said - premium killing first. sideline watching only. don't do anything stupid. ups and downs will kill premium fast." +"Thu Oct 25 20:50:05 +0000 2018","(2/2) such as $amzn $nflx $fb $msft $aapl $googl. BUT, as i said a yr ago, we are approaching structural adjustment. those names will be history as most start to slow down. economy too good is THE problem for mkt now. need consolidation for a few years then up big again." +"Wed Oct 03 18:07:32 +0000 2018","A look at the top #earnings releases scheduled this month $AMD $NFLX $FB $COST $AMZN $AAPL $TSLA $STZ $LEN $MSFT $SGH $AYI $SQ $BAC $GE $INTC $JPM $TWTR $CLF $T $IQ $SNX $GOO $C $SNAP $PYPL $BA $IBM $V $ROKU $WBA $F $WFC $CAT $UNH $FAST $LRCX $DAL " +"Tue Oct 30 02:25:47 +0000 2018","mkt huge drop in past few weeks. premiums still SUPER HIGH for many tech names. so three things here: (1) sharply downward daily 5ma gonna pressure any bounce to kill premium; (2) ups and downs on hourly chart kill OTM call/put premiums fast; (3)if/when daily 5ma up, bounce hard" +"Thu Oct 18 01:52:21 +0000 2018","mkt & many tech set-up almost same today - open high then pull back to 10ma or cloud top. but daily 5ma turning upwards today which is positive signal. could see big hike towards mid BB on daily chart. BUT be alerted weekly chart 5ma pushing down - can see HUGE dip if news bad." +"Mon Oct 15 20:10:54 +0000 2018","Another end of day sell-off (not a good omen for stocks). Techs stocks continue to lead the decline (Nasdaq down 66 points - almost 1%). The market's lead sled dog - Apple - closed on the low of the day. And the VIX (fear gauge) actually fell slightly (no capitulation today)." +"Sun Oct 28 22:59:37 +0000 2018","Earnings this week include Facebook $FB, General Electric $GE, General Motors $GM, Starbucks $SBUX, Alibaba $BABA, and... Apple $AAPL. Follow it all here: " +"Wed Oct 24 21:25:07 +0000 2018","Live stream tonight 9pm eastern standard time $CAT $HD $GS $NVDA I talk about being correct $HD $CAT $NFLX $GS and the big picture of the market long term and the importance of adapting thinking $TSLA up huge is more proof of a mixed market and how $AAPL is above 210 still" +"Thu Oct 11 18:54:09 +0000 2018","$SPY I was massively right since feb 11 2016 the $SPY to go higher even back in april and I warned days before this massive about this pullback with $AAPL now that is proof of some massive skill, while many pros told people to buy oil stock like $CVX a few days ago to get killed!" +"Wed Oct 17 19:41:31 +0000 2018","Live stream tonight a new time 9:00 pm eastern standard time $SPY $AAPL $AMZN $GOOGL $HD $CVX I give a new big picture update on my thoughts on the $SPY and the key numbers and what is happening adapting is key" +"Tue Oct 02 13:38:54 +0000 2018","Markets open little changed. S&P 500 and Nasdaq dip 0.1%. Tesla rises 2% after saying it delivered 83,500 vehicles in the third quarter. Stitch Fix dives 23% on growth slowdown. Watch live " +"Fri Oct 26 23:59:24 +0000 2018","That's why if u notice, when i trade largecaps, I only trade $TSLA $NFLX $NVDA $AAPL $MSFT etc. they all have a beta very close to 1.0, so they follow the market EVERYDAY, tick for tick. This makes them 10x easier to trade since it's so easy to spot relative strength/weakness." +"Fri Oct 26 13:23:51 +0000 2018","Sign of how crazy this tech market is. Front page of WSJ highlights these “disappointing” results. Amzn revenue ⬆️29% to $56.6 billion Goog search rev ⬆️ 22% to $27.1 bln. But both missed Wall Street by less than 1%. Expectations are in the stratosphere." +"Wed Oct 24 19:51:18 +0000 2018","Will post some charts when I get to Asia tomorrow. In meantime, Smart Money bulls still not 70% (last nt data), VIX is low, no NASI buy signal. Watch $AAPL. Also keep eye on indexes (and $DAX) vs their 10dmas." +"Tue Oct 09 17:06:09 +0000 2018","everything resisted by 60ma on hourly chart. that's true for the vast majority of tech stocks this morning. if you know that 60ma level, you know how/when to DT." +"Mon Oct 29 19:45:58 +0000 2018","Tech stocks are getting beat like the Dodgers right now: $AMZN -7% $BABA -6% $NFLX -6% $NVDA -6% $MSFT -4% $IBM -4% $SQ -4% $GOOGL -4% " +"Mon Oct 08 14:52:05 +0000 2018","signing off here. nothing to watch really. only three names on my radar for the day - nvda nflx amzn. technically, now $nflx > $amzn > $nvda check my morning twits one by one - that's all you need to know for today and this week's strategy. keep in mind always NO rush to make $$." +"Thu Oct 11 13:59:19 +0000 2018","ONLY one reference today - $nflx. that's it. that's how tech would react. NFLX move upon open says everything - bounce back to mid BB on hourly chart. so every tech will follow." +"Mon Oct 22 15:07:43 +0000 2018","signing off here for now. will check back later. remember, mkt can go either way fast at this point. so be cautiously optimistic about this morning's price actions. three KEY references are $AAPL $NFLX $AMZN. watching them tells u big $$ movement at this point." +"Mon Oct 29 13:35:10 +0000 2018","US stocks enjoy strong start. Dow climbs 225 points, or 1%. Nasdaq jumps 1.5% after its worst week since March. S&P 500 gains 1.3%. IBM slides 4% on deal to acquire cloud computing company Red Hat for $34 billion. Red Hat spikes nearly 50%. Watch live " +"Sat Oct 27 17:20:00 +0000 2018","Update on #FANG status quo on weekly chart. $FB worst as it’s breaking down a support levels $AMZN reaching weekly 50ma while $NFLX broke down. $GOOGL best among four. Anyway, worse yet to come. This dip is NOT over yet. 10-20% more downside move possible. " +"Mon Oct 22 18:44:47 +0000 2018","all three (aapl nflx amzn) fading a lot - which shows weakness of bulls. keep in mind es nq still not out of ""danger zone""." +"Tue Oct 16 14:33:21 +0000 2018","on a second thought, probably better use other tech name calls (instead of nflx calls) to hedge for nflx puts. if nflx er good but only moves 3-4%, otm call gonna drop huge but other tech names gonna pop up." +"Tue Oct 30 20:24:59 +0000 2018","IF - and this is a BIG if - $FB runs tmr AND $aapl runs thereafter, there's chance $amzn back to 1600+ by end of week. KEY resistance above - 1552 1576 1593 1600 1621 1635" +"Tue Oct 09 12:56:57 +0000 2018","$amzn better chart after ystd's drop to cloud bottom on daily (which is also mid BB on weekly). need hike above 1878.4-1881 range - that'd confirm a strong bounce play. still not impossible to see 1896 1908 or even 1933 this week IF mkt starts to recover here." +"Thu Oct 25 03:56:01 +0000 2018","Also if they liquidate $AAPL, it'll obviously tank, and that will OBLITERATE the market. remember, $AAPL has the BIGGEST weight on the entire SP500, including the Nasdaq. A sharp selloff on $AAPL will crush the indices due to its weight alone. Pray that they dont sell $AAPL lol" +"Mon Oct 08 20:12:10 +0000 2018","Markets rebound from early sell-off. Dow closes up 40 points, erasing a slide of 224 points during morning trading. Nasdaq loses 0.7% as tech stocks continue to struggle. Tesla falls 4%. Google owner Alphabet and Amazon slide 1%. " +"Mon Oct 08 15:36:28 +0000 2018","Ugly overall $SPY $QQQ $DIA market, no plays for me now, remember Sept/October statistically the months with the most market crashes and leaders like $AMZN which is now down 9% in 6 days usually fade first before a big crash so be safe! #protectprotectprotect" +"Fri Oct 19 00:45:31 +0000 2018","for a second consecutive day post earnings, $nflx seen negative cmf - big $$ flooding out. nothing to do with its own biz, but probably due to fear of mkt fluctuation. as i said, this earning season could be the worst in 5 yrs starting w/ nflx. be very careful into rest of #FANG" +"Wed Oct 03 13:57:50 +0000 2018","$amzn rejected twice by cloud top on 15min chart. it's KEY name in mkt today, not aapl which doesn't matter now as everyone knows it's going up. but amzn is really deciding force for NQ to see ATH. so keep an eye on it." +"Sun Oct 14 19:13:41 +0000 2018","Just as I predicted in past newsletters, investors are crowding into (hiding in)a small number of large cap techs (AAPL, MSFT etc), as they did in late-2000 & again in 2008 These stocks are holding up the major market indices & masking the broad & deep declines in the tech sector" +"Wed Oct 31 12:43:47 +0000 2018","Now it all comes to $appl earnings. New month starts tmr. Big drop in October make monthly chart very interesting now as 5/10ma on monthly both far far above. If aapl good, $es_f to 2782-2796, $nq_f to 7136-7211 next week possible." +"Wed Oct 24 00:26:50 +0000 2018","futures $es_f $nq_f setting up very interesting on daily - with 5ma sharply downwards BUT 10ma up. could see a dip on Wednesday then pull up to form a bottom - but amzn earnings definitely have big impact afterwards." +"Thu Oct 25 21:01:30 +0000 2018","Slight revenue misses (but big earnings beats) at both AMZN & GOOG. Cloud businesses slightly weaker than expected too. Market could read results either way. As of now, reacting negatively. Should be fascinating trading tomorrow. dip-buyers might have been lured into trap today" +"Mon Oct 29 18:15:42 +0000 2018","so many ppl are saying $aapl $fb earnings can save the mkt... really? if earnings good, may save the tech for a day or two or 1-2 week bounce, but that has nothing to do with mkt bottom reversal. i said again and again this ER season could see stock performance worst in 5 yrs." +"Tue Oct 09 13:56:23 +0000 2018","read CHARTS - if you don't do it, you know nothing about levels or why stocks up or down. amzn to cloud top on 30min but far away from 5ma on 60min - that's why it pops and fades. read charts is a MUST." +"Tue Oct 09 17:01:23 +0000 2018","$amzn needs b/o 1896 tmr (Wednesday). if it does, see 1908 or even 1934 fast. $nflx needs b/o 357.4 on Wednesday, if it does, see 364 coming. today is VITAL as they can't fade too much and MUST close above 1864 and 349 respectively otherwise big fade into tmr." +"Mon Oct 08 14:46:17 +0000 2018","technically if today mkt see bottom on hourly, 50/50 chance we see $amzn back to 1934, $nflx back to 364, $nvda back to 274 this week. but that doesn't mean u should go for those aggressive price strikes as ups and downs during the process will kill OTM premiums fast and easy." +"Thu Oct 11 15:27:26 +0000 2018","$es_f $spy touching 50ma on daily. see if $amzn supported here. if it does back up to 1742+ easily. 1750c now @ 11 if you wanna play - HIGH risk this time. signing off here. gotta go for fishing." +"Tue Oct 16 13:56:33 +0000 2018","NFLX earnings can go either way. and other techs will follow. if you wanna play both sides 1:1 to maximize your potential gains, high open this morning could be good entry for puts. Oct19 290p @ 3.1 good to consider as one of those options. but if u do it, get calls later." +"Tue Oct 02 19:09:02 +0000 2018","wow these AMZN 1980p now @ 26 from 12.6 if you still have it. was not liking amzn chart earlier today but that bounce was very good. now bounce dead. next support 1955." +"Tue Oct 23 19:09:08 +0000 2018","QQQ oct26 172p now @ 1.35 good to consider - i don't feel mkt set up a bottom here. 5ma may dead cross 10ma on daily chart tmr. so at this point, only consider this as a strong technical bounce, not a bottom reversal. if NQ b/o falling wedge, that'd be more convincing." +"Mon Oct 22 13:27:29 +0000 2018","remember one thing - premiums still very high for most of tech names. so ups and downs kill premiums fast. again, this mkt is NOT for small acct owners. this is NOT ur game." +"Fri Oct 12 13:34:12 +0000 2018","Dow soars 400 points, or 1.6%, at the open. Rally follows two-day slide that erased 1,378 points from the Dow. Nasdaq surges 2.3%. S&P 500 gains 1.6%. Netflix, Amazon and Apple all rise sharply. Citigroup jumps 4% on strong earnings. Watch live " +"Tue Oct 16 22:39:46 +0000 2018","My favorite ticker in the whole world. My pig. My ATM. $NFLX knocked earnings outa the park. Looks like techs in general loved the earnings report LOL. $SQ even ripped after hours. HOMERUNS!! I love this job 😎🍻" +"Wed Oct 31 13:35:45 +0000 2018","Dow jumps 250 points, or 1%, at the opening bell. S&P 500 climbs 1.1%, Nasdaq soars 1.7%. Facebook gains 5% despite disappointing revenue and user growth. GM rallies 6% on big earnings and revenue beat. Watch live " +"Wed Oct 10 14:30:53 +0000 2018","mkt still very bad. tech sell-off possibly into November. as i warned u all starting weeks ago, this could be worst ER season for tech names in 5 yrs. be prepared. $amzn $googl $fb $aapl $nflx $nvda $mu $baba $msft $intc $tsla" +"Wed Oct 24 19:49:48 +0000 2018","something dramatic just happened today if you didn't notice it. $amzn breaking down 1700 before ER. $googl breaking down 1100. $nflx almost dropping to 300. $fb breaking down 150. these all are phenomenal numbers - tells the status quo of bull/bear's psychology" +"Fri Oct 26 11:39:51 +0000 2018","Mkt bounced a bit from a deep hole overnight. $SPY $QQQ $NFLX $TLRY puts from ystd gonna pay VERY well. Remember to lock gains and then wait for mkt to settle. It’s again time for premium re-balancing. So no need to take risks here - just progressively lock gains & relax today." +"Fri Oct 19 17:48:07 +0000 2018","ONLY saver of all tech now is $aapl - monthly chart still like a beast. but if falls to below 5ma on monthly, everything bullish ends for it and gap fill downside to 190.29 - that'd literally pull down all tech no matter what kind of fantastic ER they have (e.g., $nflx)" +"Tue Oct 16 18:31:12 +0000 2018","tech leading strong bounce here. calls pay very nicely. puts down a lot. remember you need both sides of plays if you plan to hold into nflx earnings." +"Wed Oct 24 19:28:54 +0000 2018","The overall markets are now taking out morning and multi-week lows, the $DIA $SPY $QQQ are all down roughly 10% from their recent highs, ALL of you should be safe as my warnings are finally paying off" +"Wed Oct 10 14:05:07 +0000 2018","Sell off continues in US stock markets. Important tech stocks breaking down. Friday’s close could bring Hyperwave sell signals to several including Amazon. Beginning to raise some cash using Consensio." +"Tue Oct 30 01:28:25 +0000 2018","gonna see BIG opportunities in $nvda $nflx $tsla either later this week or next week. nvda back to 200-207. nflx to 320-331 possible (but this one highly risky as may break down to lower low first). tsla to ATH. don't jump in early as premiums super high - will get killed fast." +"Mon Oct 15 20:17:14 +0000 2018","Hope you all listened to me and did not not participate in mkt today. Exactly as I said ore market, today just premium killing. Lots of tech names with OTM call price falling by 30-50%. OTM puts also dropping. Absolutely no need to trade anything." +"Tue Oct 30 13:14:10 +0000 2018","Be careful today/this week, no time to plays a hero with the $DIA $SPY $QQQ and $FB $AMZN $NFLX $GOOG just absolutely scary right now...there will be bounces, but I'd wait for absolute panic first" +"Mon Oct 29 18:50:16 +0000 2018","Ugly tech selloff continues. This is just a horrid October for tech stocks. Even Netflix and Amazon are down to 100 PE. ;-) Hang in there the market is repricing risk. Always extremes Mr. Market. $NFLX $AMZN" +"Sat Oct 13 22:10:19 +0000 2018","December 31, 1999 was near the top of the tech bubble. What happened to Dow technology stocks since? Apple (AAPL) up 5,949%, Microsoft (MSFT) up 87%, IBM (IBM) up 30%, Intel (INTL) up just 9%, and favorite Cisco Systems (CSCO) is down 14%. Who knew? It's why l own index funds!" +"Wed Oct 10 19:02:47 +0000 2018","let me get this straight...crypto bubble, weed bubble, debt bubble, china bubble, rising rates, Fat Nixon and the markets are crashing? $SPY" +"Wed Oct 10 22:51:54 +0000 2018","I think there's a decent chance the market suffers a mini-meltdown. I know the probability is low based on the number of times this occurs. But you have some huge back-logged profits in names that are heavily index weighted. If institutions start locking them in... lookout below!" +"Wed Oct 10 22:21:46 +0000 2018","Haven't been on Fintwit today...Im sure its a lovely bear fest. Im just going to throw in a couple of charts for fun that Ive been following and pointing out for a while now. Netflix $NFLX GMI crash pattern and H&S top (often go together)..." +"Thu Oct 18 15:51:22 +0000 2018","$spx broke $2788 then 2781 that stopped me out of my remaining $spy for a loss. It Happens. Don’t let it get away from you. $nflx breaking $376.50 and $aapl below $219 gave me clues" +"Fri Oct 26 19:11:23 +0000 2018","From their respective All time highs printed a few weeks ago.... $FB -33% $AMZN -22% $GOOGL -19% $NFLX -30% $Nasdaq -13%" +"Fri Oct 19 18:17:03 +0000 2018","If we were In a stronger market. $nflx wouldn’t have broken $356.50 post earnings gap. And $nvda wouldn’t have went down on a $GS upgrade (yesterday) Small clues help" +"Tue Nov 27 04:34:44 +0000 2018","Interpreting Price Action With Chart Patterns for Crypto and Forex Trading Read--> Trading My IRA Stock Market News & Education #Investing $SPY #stockmarket #stocktrading #bitcoin #futures #equity #options # Charting refers to technical analysis that … " +"Fri Nov 09 21:31:20 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $BKNG $TRIP $ROKU $TWLO $ETSY $YELP $FNKO $TTD $SQ $Z $ATVI $MTCH $KORS $ETSY $CVS " +"Fri Nov 30 22:55:09 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AAPL $AMZN $GOOGL $FB $NVDA $ANF $TLYS $TIF $NTNX $CRM " +"Mon Nov 19 19:09:41 +0000 2018","#Nasdaq on its way to wipe out a #YTD gain. Even #China outperformed S&P. #Vix30 would probably tend the bottom. #NASDAQ100 reached the record high on Oct, 1. #GS calling for 1.5% #GDP #SPX2800 looks like the top. #FebruaryLow must be retested amidst wanton #DeathCross. #FB??? " +"Wed Nov 21 11:39:26 +0000 2018","#NYTIMES, and there is the #Doubletop apart from #DeathCross formed in other gauges and for individual stocks, even #AAPL.There is a lot more #Headwind than otherwise. But the structures for #USEquities have been technically damaged and #SPX2800 is now going to be top we chase. " +"Sat Nov 17 14:46:41 +0000 2018","Stock Trends Online - weekly North American stock listings detailing trends and price momentum of thousands of #stocks #stockmarket #analysis #nyse #nasdaq #tsx #amex " +"Wed Nov 14 04:50:06 +0000 2018","""(#moviepass) stock price...is currently valued at two cents a share."" #disaster #fail #StockMarket #WallStreet #Hollywood " +"Fri Nov 30 22:53:30 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AAPL $AMZN $GOOGL $FB $NVDA $ANF $TLYS $TIF $NTNX $CRM " +"Fri Nov 09 21:30:02 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $BKNG $TRIP $ROKU $TWLO $ETSY $YELP $FNKO $TTD $SQ $Z $ATVI $MTCH $KORS $ETSY $CVS " +"Tue Nov 06 06:02:00 +0000 2018","Apply Now-> #stocks #investing #finance #money #NASDAQ #PENNYSTOCKS #NYSE #OTC #FreeWebinar #StockMarket #TechnicalAnalyst #MomentumIndicator #forex #forexmarket #forextrading #forexreview #Dubai #Qatar #ForexSeminar " +"Mon Nov 26 16:45:45 +0000 2018","Think about #FAANG #Gold #Silver #Oil or #Bitcoin and this chart. Where we are on each one, I leave it up to your own interpretation. $FB $AAPL $AMZN $NFLX $GOOG $QQQ $USO $GLD $SLV $USO #OOTT " +"Sun Nov 18 13:09:33 +0000 2018","Let the analysts spook speculators. It makes the stock cheap and allows the investor to buy a wonderful company at a fair price. 😏#StockMarket #AAPL" +"Fri Nov 09 21:29:30 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $BKNG $TRIP $ROKU $TWLO $ETSY $YELP $FNKO $TTD $SQ $Z $ATVI $MTCH $KORS $ETSY $CVS " +"Fri Nov 30 22:53:04 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AAPL $AMZN $GOOGL $FB $NVDA $ANF $TLYS $TIF $NTNX $CRM " +"Tue Nov 20 23:40:44 +0000 2018","Another BIG drop for the #StockMarket with #Dow S&P500 Wiping out 2018 Gains! #Oil #technology #retailers were the drags as we head into #Thanksgiving & #blackfriday $amzn #Amazon $aapl #Apple $googl #Google $fb #Facebook $nflx #Netflix $kss $tgt $m $low $cvx $xom $cop $dji $spx " +"Wed Nov 14 19:21:17 +0000 2018","#Dow drops 350 points as #Apple and bank shares slide #StockMarket " +"Fri Nov 30 00:49:02 +0000 2018","The Latest “Buzz on the Street” Show: Featuring Federal Reserve Announcement $AAPL, $AMZN, $NFLX, $GOOGL, #FederalReserve, #Apple, #Amazon, #Netflix, #Google, #NASDAQ,... " +"Mon Nov 19 23:37:04 +0000 2018","#Market sells off again today with #apple $aapl dipping into bear market territory on reports of #iphone production cuts! The bears are growling $dji $spx $ndq #facebook $fb falling to lowest since Feb '17 $googl #google $amzn #amazon $nflx #netflix @foxnews #specialreport " +"Wed Nov 28 20:57:31 +0000 2018","#StockMarket is soaring today on #FederalReserve Chair Powell's comments & a #SantaClaus rally underway? Meantime $gm #GM #GMLayoffs still on the mind of #realdonaldtrump who is now revisiting #automotive tariffs of 25% #GeneralMotors Covered @foxnews $dji $spx $ndq $f $fcau " +"Fri Nov 02 14:39:59 +0000 2018","Stuff is really extended. Lightened up quite a bit this morning. Would love to see a higher low on the 10 day in the days to come. We'll see. ($AAPL chart looks absolutely horrible btw) " +"Thu Nov 01 13:45:59 +0000 2018","Thursday Thoughts - Holding Nasdaq 7,000 is up to Apple (AAPL) $AAPL $SPY $QQQ $IBM #GE #Futures #Silver #Coffee -- " +"Thu Nov 01 22:46:31 +0000 2018","It’s a good time to start burying sales data. iPad and Mac consistently down this year, and iPhone has peaked. Questions over Apple’s next trick remain, as it continues to squeeze iPhone services revenue for years. Wall St only cares about $$$, and ASP will soar due 2 price hikes" +"Sun Nov 04 07:12:33 +0000 2018","Graphics and Animations: Yahoo Finance Stock Price Scraper - Mosaic of Dow ... #code #pythoncode #programming #StockMarket @WebScrapingUSA #Web #Finance #Financial #Yahoo @YahooFinance" +"Tue Nov 20 14:18:50 +0000 2018","Tumblin' Tuesday - FAANG Failure Freaks Out Investors $SPY $AAPL $FB $AMZN $NFLX #Hedging -- " +"Thu Nov 01 17:31:17 +0000 2018","while on oct 29 I had wining plans for $AMZN $NVDA $GS for a higher market that were all 100% correct winners this old world thinker like most of them called the market 100% wrong once again just like he did in dec 2016 at $SPY 225 just keeps being massively wrong $STUDY truth. " +"Thu Nov 01 21:10:53 +0000 2018","P/L: Banked JUST UNDER $6,000 today on $AAPL $SLS $PXS and $UVXY! Once again yelling from the rooftops that if you pick your spots carefully you can bank BIG in many different market conditions! Working on $AAPL #earnings FAST MONEY Video as we speak! DON'T MISS IT! " +"Wed Nov 28 19:01:57 +0000 2018","It's too difficult to trade the constant G20, Fed, and Trade War headlines & the chart paints a much simpler picture. Tech stocks (#NQ_F, $QQQ) have been leading $SPX and NQ is now coiling into a perfect bullish falling wedge on the daily chart and a break-out would target 7250+ " +"Wed Nov 21 14:21:51 +0000 2018","Hope isn't lost for tech stocks and therefore $SPX yet 1) $QQQ held support today of its main uptrend line from 2017 which keeps its uptrend in tact & 2) It also held support of a perfect falling channel from October. If its going to recover to the 200dma at 170 this is the zone " +"Wed Nov 28 21:24:18 +0000 2018","Best day since August $SPX $NFLX $AMZN $AAPL. Left easily $50k+ on the table between them. SPX 2700 went 2.5 to 43.5 and 2710s went 1.1 to 34.2... I won’t get in to where AMZN and NFLX went .. all hindsight. I’ll take these profits any day 🙏🏼🙏🏼. " +"Mon Nov 05 12:03:10 +0000 2018","11-05: the top scored Information Technology company is SUNPOWER CORP $SPWR scored at 83.1 Key words: REPORT, UPGRADED, LEADING, GOOD, SERIOUS, STOCK, PRICE, BEARISH, POSITIVE . . #innovation #blockchain $AAPL #sentiment $ADBE #stockmarket #business #news $MU $AMZN #startup $TWTR" +"Mon Nov 05 16:30:10 +0000 2018","Today's Information Technology market mover is SUNPOWER CORP $SPWR is up 4.60%! Key words: REPORT, UPGRADED, LEADING, GOOD, SERIOUS, STOCK, PRICE, BEARISH, POSITIVE . . $AAPL #growth $RBIZ $FB $CBOE #sentiment $ETH $AMZN #crypto #bigdata #ideas $BTC #stockmarket #machinelearning" +"Tue Nov 20 23:44:38 +0000 2018","$APT still trending down. Major TL breached and failed at backtest. Wait for the break and let market tell you what to do. Even if it breaks, expect a grind due to so much left side overhang. " +"Thu Nov 15 22:20:31 +0000 2018","Did the right side of a Eiffel Tower pattern get started at the bearish monthly hanging man pattern at (1)? $NVDA $QQQ $SMH $SPY " +"Thu Nov 08 03:36:13 +0000 2018","Here is the recorded link to the nov 07 live stream $AAPL $AMD $SPY a great live stream $GS lots of great key info to think about $STUDY learn think enjoy" +"Thu Nov 01 10:50:20 +0000 2018","Oct 31 live stream I show how I had a plans for $GS and $NVDA $AMZN $TWTR all wins and called for a $SPY bounce all while their was great fear oct 29 I explain the facts a powerful livestream to study and I explain adaptive thinking at its best " +"Tue Nov 13 08:19:53 +0000 2018","""Such news should have only affected specific businesses & sectors, but instead, 414 / 504 companies on the S&P 500 declined on Monday, with only the defensive sectors managing to end the day in green. 🤯"" #iPhone #Apple #AAPL $AAPL #NASDAQ Read more ⬇" +"Tue Nov 20 02:23:38 +0000 2018","Cues for today Nifty conquers 200 DMA of 10754 FIIs buy 1103cr in cash market 300cr delivery buying in ITC, 400cr in reliance Will global cues dampen sentiment? Dow down ~400 points FAANG stocks correct ,Apple, Amazon, Netflix now in bear market Nikkei down 200 points" +"Wed Nov 07 15:55:18 +0000 2018","Love the technial chart action in $NVDA here .... coiling very nicely this week and looks about ready to pop. Keep an eye on this one ahead of earnings next week " +"Fri Nov 09 18:43:11 +0000 2018","U.S. stocks fall amid a fresh batch of weak earnings from the technology sector and concerns that a bear market in oil prices may mean trouble for the economy " +"Fri Nov 02 03:58:29 +0000 2018","$QQQ $SPY very clear falling wedge b/o with 50% level as strong resistance. mid BB on daily also pressuring downwards. EVEN IF job report good Friday am, be very careful after a run to that 50% resist. IF job report bad, w/ $aapl bad, not impossible gap fill downside. $spx $comp " +"Fri Nov 09 19:20:34 +0000 2018","Looking at way $AAPL, $FB, $NFLX, or $GOOGL acted this week, you wouldn't think the Dow shot up by almost +900 pts(at its peak this week)... If anything, the WEEKLY charts of $IWM and $Nasdaq showing that caution should still be warranted right now " +"Wed Nov 28 19:48:18 +0000 2018","The rally continues for stocks and $QQQ up $8 now from my post. Powell comments seem to have given an ""all clear"" to stocks so I'd expect to see a shortable pullback in the 170-173 zone. There's good resistance there of: 1) Both 50 and 200 DMA's 2) The black channel from October" +"Wed Nov 28 13:40:47 +0000 2018","After media last week that FANG entered a bear market tech $QQQ is not surprisingly outperforming $SPX now & my bounce scenario is looking good. A PB is likely today but still looking for QQQ to make its way to channel resistance ~172. A break there would open a much larger run" +"Tue Nov 27 16:15:39 +0000 2018","Really starting to like how $AAPL is acting ... ""ignoring"" bad news last couple of days. Printing a nice #FallingWedge to boot Two days in a row, it has mounted reversals and starting to get attractive(risk to reward) on long side for at least a short term bounce " +"Mon Nov 19 19:21:43 +0000 2018","Each of the five FAANG stocks $FB $AMZN $AAPL $NFLX $GOOGL are now in a bear market " +"Mon Nov 19 16:16:27 +0000 2018","Why are big tech stocks like Apple, Facebook, etc. plunging? Because they should never have gone that high in the first place. They were/are the modern version of the Nifty Fifty phenomenon that ended in tears in the early-70s: $QQQ $FB $AAPL " +"Sat Nov 10 16:00:42 +0000 2018","My assessment of the ""market"" always starts and ends with individual stocks. It doesn't matter if the indexes are strong. It's like going into a store coz the lights are on & the doors are open, only to find nothing on the shelves. No buyable merchandise, no trades @markminervini" +"Thu Nov 01 14:22:18 +0000 2018","signing off here. not gonna trade at all for the day or tmr. just completely sideline. aapl earnings today after close. big move either way. be very careful - don't assume it's gonna be beat and run. trade on facts, not assumptions." +"Fri Nov 02 21:46:54 +0000 2018","Outperformance of EM to the upside (which should have higher beta to downside to US stocks) is more evidence that the October sell-off ended and the market is risk-on into YE" +"Wed Nov 28 14:18:20 +0000 2018","keep in mind this week will conclude November and we move into December starting next week. know where 5ma is AND will be on monthly chart. very very interesting chart depending on how we conclude this week. $amzn monthly BEST among these three. $nflx worst. $nvda HUGE potential." +"Fri Nov 23 15:45:51 +0000 2018","This is what 3 hrs of sleep does to you. Im up huge on $TSLA & $NFLX puts and was gonna tweet some insight into the play, but thought to myself ""remember u gotta wait till u're done. dont crowd it"". Then i remembered im fucking trading NFLX TSLA, not illiquid low float trash 😂" +"Thu Nov 08 21:07:02 +0000 2018","#MarketWrap Major indexes close mixed on relatively quiet day after Wednesday's surge. Fed wraps up 2 day November meeting leaving interest rates unchanged with 4th hike expected in December. DOW +0.04%, NASDAQ -0.53%, S&P 500 -0.25%." +"Sun Nov 04 23:26:50 +0000 2018","Earnings next week Mon - $INSY $BKNG $MYL $RACE $REN $OXY $MAR $SOHU Tue - $NIO $TWLO $BHC $HEAR $CARA $ETSY $CVS $PBR Wed - $SQ $GRPN $ROKU $QCOM $WYNN $TTWO $EDIT Thu - $DIS $ATVI $YELP $DBX $TTD $HTZ $SWKS Fri - $JCP $GNC $MDXG " +"Thu Nov 29 01:58:02 +0000 2018","Live stream on now will close this at 10pm get a chance to speak with the big picture leader $AAPL $AMZN $AMD $SPY $TWTR I talk about the facts beyond anyone else no guessing here just powerful skills going to give a new update about the market " +"Mon Nov 19 20:43:16 +0000 2018","“FAANG” loses its bite. In the last three months.. Facebook Apple Amazon Netflix Google ..have combined to lose a trillion ($1,000,000,000,000) dollars in stock market value." +"Fri Nov 16 21:05:11 +0000 2018","#MarketWrap Major indexes close mixed with President Trump's comments about trade pushing DOW, S&P higher while $NVDA continued to drag tech down on the Nasdaq. DOW +0.49%, NASDAQ -15%, S&P 500 +0.22%" +"Thu Nov 01 13:52:18 +0000 2018","#earnings after the close $AAPL $SBUX $TNDM $X $OLED $WTW $ANET $GPRO $FTNT $KHC $TDOC $SEDG $EXEL $SHAK $GERN $MELI $EOG $SYMC $CRC $ATHN $CTRL $GTES $PBYI $RP $CRUS $UNIT $CBS $ACIA $SKT $WU $TSRO $EQIX $MET $APPN $BLDR $ADMS $CORT $CC $ARCB $MSI " +"Wed Nov 28 17:19:17 +0000 2018","$SPY $AAPL $AMZN I have been bullish and I will explain a big picture update tonight I speak power I have a lot of document proof in everything I say join me Live tonight 9:15pm eastern standard time Canada for powerful market direction and proven deep advice even in deep fear!!" +"Wed Nov 28 17:08:28 +0000 2018","$SPY poor guessing stock clowns and poor #1 bearish stock clown stockbookie wrong again the big picture if you want to understand how to make money in markets the right way join my live stream tonight 9:15pm eastern standard time Canada where I prove and explain the facts $AAPL" +"Fri Nov 30 14:50:01 +0000 2018","$spy IN 2019 WE WILL SEE WHY I AM THE BIG PICTURE LEADER. The stockbookieclown has been wrong the big picture for the $SPY since 225 just like most old world thinkers have. It is a new era the $AAPL leader $AMZN leader $SPY leader and heath leader is here people $STUDY" +"Wed Nov 28 20:58:22 +0000 2018","$SPY live stream tonight 9:15pm eastern standard time $AAPl $AMZN $AMD $FDX no can read the market like I can, I projected this move before the facts no one can do this like me, no one!! I challenge any service if they think they can everything I say has been documented" +"Wed Nov 21 13:52:54 +0000 2018","$AMZN $BA $AMD $SPY $AAPL $TWTR $FB $DIS Live stream tonight at 9pm Eastern Standard Time I explain my thoughts on these stocks and the big picture of the market what I am seeing and what I expect to happen. The key is to adapt with the market and understand what it is saying" +"Mon Nov 05 20:27:07 +0000 2018","The #bigpictureleader will be speaking about the $SPY and $AAPL $AMD $GS $BA $NVDA $AMZN $TWTR this wed Nov 07 at 9:00pm eastern standard time Canada for 1 hr keep that spot open get a chance to ask questions also subscribe to my youtube channel PowerTarget Trades now!" +"Wed Nov 28 14:01:07 +0000 2018","remember these KEY levels - $amzn 1554, 1566, 1581, 1593, 1608, 1624, 1655, 1673, 1689 $nflx 266 271 276 284 286 291 $nvda 151 157 162 164 170 176" +"Tue Nov 20 15:06:02 +0000 2018","@AP Stocks open sharply lower on Wall Street as a rout in major technology companies continues amd several big retailers report weak results. " +"Wed Nov 14 20:50:08 +0000 2018","Live stream tonight 9:00pm Eastern Standard Time $GS $AMD $TWTR $FB $DIS $AAPL $AMZN $MSFT adaptive thinking and adaptive change is a must in order to make money in the markets both long term and short term. The Market changes daily I will be explaining about all the stocks" +"Fri Nov 30 15:33:18 +0000 2018","Saw that market bear trap a mile away and grabbed some OTM calls. whenever you see weakness in the big names but VIX stays weak = strap ur Hussein Bolt cape on and RUN. The Option market never lies. $NFLX $NVDA $TSLA $SPY $QQQ $IWM" +"Tue Nov 20 13:15:26 +0000 2018","Wow market diving mode. AMZN 1466 NVDA 137 nflx 262 pre-market. As I warned ystd, those who bot mkt bounce in big trouble... absolutely no need to jump in ystd during bounce..." +"Fri Nov 23 02:48:09 +0000 2018","Remember, Apple has #1 market cap & is in all major indexes, so it's a major drag for markets (and ETFs), though if Apple's stock falls another 5.7% (around 10 points) it will lose its crown to MSFT - assuming MSFT holds its current stock price." +"Mon Nov 12 21:04:55 +0000 2018","#MarketWrap Major indexes close deep in the red with poor performance in the tech sector. DOW -2.32%, NASDAQ -2.78%, S&P 500 -1.97%. Worst single-day drop for NASDAQ in nearly 3 weeks, worst day for DOW in a month." +"Mon Nov 19 23:18:50 +0000 2018","The tech selloff today is just basing action, volatility rises around lows, news is uglier but price is around the same levels, just be patient for new highs next year. We like $AMZN and $NFLX." +"Tue Nov 20 16:07:46 +0000 2018","Market Check Remarkable reversal in Boeing lfts Big Board two hundred points off session low Chips led by Applied Materials leading technology back...lots of buying of most beaten down names including Facebook Send my your questions on stocks, the market and economy #AskPayne" +"Wed Nov 28 16:08:34 +0000 2018","If powell talk good, mkt runs super to daily chart mid BB. if talk no good, amzn down to daily 5ma so that's 40-50 pt drop which will for sure drag all tech down to earth. so know the risk. that's why i kept saying from ystd progressively lock gains." +"Fri Nov 02 13:37:17 +0000 2018","Dow gains 135 points on hopes for a US-China trade deal. S&P 500 advances 0.4%. Nasdaq inches lower as Apple slides 5% on disappointing outlook. Starbucks soars 8% on earnings beat. Watch live " +"Fri Nov 23 17:41:02 +0000 2018","All eyes on $aapl today. Already dropped to weekly cloud top. If can’t support today and reverse back up, will likely see weekly cloud bottom 166-167 levels next week for a super strong bounce." +"Thu Nov 08 19:38:58 +0000 2018","fed statement not good for mkt. gonna see more consolidation/drop here. amzn tsla relatively strong but not for other names. no need to take risks here. do not buy on this dip." +"Mon Nov 19 14:49:34 +0000 2018","#FANG very clear on monthly chart with what's happening. $fb worst so broke down through monthly chart mid BB long ago. $googl already reached but around that level. $amzn $nflx dropping to mid BB likely." +"Mon Nov 19 20:48:49 +0000 2018","$aapl $googl $amzn $nvda all lower low now. this speaks for everything you need to know about today. say again, don't do anything stupid to screw up your profits. just completely sideline and watch." +"Tue Nov 20 21:11:42 +0000 2018","Still another day and another pounding(DJIA down 550+) yet no capitulation. Lots of attempted dip-buying, especially in tech. VIX just 22.57. Bubblevision's (CNBC) Fast Monkey tradrs at noon excited about morning rebound-most of which evaporated in PM. More beatings until give-up" +"Thu Nov 01 13:11:01 +0000 2018","$amzn very strong pre-market. still not breaking through hourly cloud - so a lot of room for upside move. $aapl earnings today could be catalyst to send it sky high. if aapl er no good, amzn likely dive hard again for double bottom." +"Wed Nov 14 18:17:01 +0000 2018","if $nq_f bounce here from 6776, might be very bad set-up into tmr. likely see strong bounce followed by a huge fade or even deeper dive tmr. best way for mkt move today is to drop below 6776 then stay low into tmr. dive again to 6734 6719 for a bottom. then crazy crazy EOY run." +"Thu Nov 15 16:50:30 +0000 2018","so many ppl ask about $aapl. it's at weekly 50/60ma support level with 5ma way up that's true. but also today is inside candle following a huge red candle. i won't play this one, neither side. too risky as multiple scenarios possible. ups and downs can kill both calls & puts." +"Mon Nov 19 19:12:33 +0000 2018","Huge winning day today with nflx AMZN NVDA puts. Now completely sidelined. Gonna enjoy rest of day! Say again, DROP your $$-making mindset and forget about buy on dip. If you can’t resist making $$, no good as an option trader." +"Thu Nov 08 14:07:46 +0000 2018","$APPL- Katy Huberty Of Morgan Stanley: Apple is approaching a services-led margin inflection, comparing it to when Amazon (AMZN) began breaking out AWS revenue and profits at the start of 2015. Huberty raised her price target on Apple shares to $253 from $226! #GiddyUp" +"Tue Nov 20 16:44:36 +0000 2018","mkt very strong with NQ takes over key 6584 level so easily and defended it successfully. amzn nflx leading tech to strike back!" +"Tue Nov 20 00:08:31 +0000 2018","on a day (Nov 19) Nasdaq $comp drops to mid BB on monthly chart second time in a row, we see daily chart starting to dead cross. this tells something." +"Fri Nov 02 01:00:48 +0000 2018","aapl earnings not good. job report tmr morning. good feeling just standing sideline watching with no position. no hurry to make $$ in this kind of mkt condition. absolutely no hurry." +"Sat Nov 10 16:04:58 +0000 2018","I said this 3 yrs ago this mkt bull run is led by big techs $fb $aapl $amzn $nflx $googl $msft $nvda coz of new tech revolution. Now we are on the edge of a NEW transition to sth diff coz profit margin & mkt share all diff out of it. This is like premium rebalancing in options." +"Thu Nov 29 03:11:24 +0000 2018","BEST day of the year today. Amazing run with $amzn $nflx $nvda calls. Even if you buy after Powell talk out, gains still awesome. I twitted pre-market about bouncing to mid BB on daily chart - hopefully most of u have picked that up after Powell talk out. Protecting profit now." +"Wed Nov 14 18:22:54 +0000 2018","already SUPER day with all $amzn $nflx $qqq put plays. don't gamble or screw up your profits. stay calm. mkt not setting up good with a bounce here. need to wait till clear signal for bottom reversal. enjoy rest of day folks! just made it to Atlanta....." +"Fri Nov 09 15:17:47 +0000 2018","VERY profitable day with put plays. completely covered call loss from ystd and way more. keep in mind mkt can go either way. what's really bad is china stock like baba bidu plus stocks that broke KEY levels such as nflx tlry." +"Tue Nov 20 18:29:45 +0000 2018","mkt pulling back to mid BB on hourly chart - which was trending downwards so a technical pullback is good. keep an eye on ES NQ hourly chart 5ma. can't trending downwards again otherwise mkt likely diving again. hope you all listened and progressively locked gains this am." +"Fri Nov 02 13:41:21 +0000 2018","A good morning for jobs and a good morning for the market: stocks mostly traded higher at the open today after the release of better-than-expected employment data, but Apple's losses left a dent. " +"Fri Nov 30 20:48:24 +0000 2018","Compare this weekends FinTwit commentary vs last weekends Total 180 for most part as last weeks theme was we will retest lows & they probably won't hold 99% of world has no clue and are just recent move extrapolators This weeks action was nice...will it hold? Tell u next week" +"Mon Nov 19 20:12:58 +0000 2018","Tech sell off way overblown. This is a re-calibration of high PE stocks to lower PE's thanks to rates and trade wars. This seems to be a retest. Other than facebook, we do like Apple, Amazon, Netflix and Google. $Goog $AAPL $AMZN $GOOG" +"Sat Nov 03 17:53:39 +0000 2018","Ever wonder what the overlap is between these major indices (S&P 500, Dow Jones, and Nasdaq 100)? 100% of the Dow Jones is in $SPX 16.7% of the Dow Jones is in $NDX 82.7% of Nasdaq 100 is in $SPX" +"Fri Nov 16 13:24:42 +0000 2018","* NVIDIA down 18% * Williams-Sonoma down 13% * Nordstrom down 12% * AMAT down 9% ""Incidentally, each company posted EPS either in-line or ahead of the street"" - @TommyThornton" +"Tue Nov 13 13:08:40 +0000 2018","""The FAANG trade is dead. Dead in the sense of it as a homogeneous group. This not long after the New York Stock Exchange created a FAANG index.. Now the group has completely splintered with the Apple earnings news the last straw. Each stock will now stand on its own""- @pboockvar" +"Wed Nov 14 18:24:17 +0000 2018","Indices, trying very hard to ""hang on"" ... but under the surface, there's a lot of damage taking place ... and notice how every day, it's a different sector that's getting hit(Rotation). Today it's clearly the Financials and Large cap tech stocks: " +"Fri Nov 02 09:27:08 +0000 2018","Trump saves face after $AAPL plummets, Calls XI to talk about trade -- again, this should be viewed as a market intervention by WH admin. Trump bet his presidency on stocks -- now it shows you how desperate admin is before midterms to boost 401ks" +"Fri Nov 23 16:32:24 +0000 2018","$aapl broke below Tuesday’s reactionary low of $175.50 and couldn’t reclaim it. Next week will be very interesting to see if we can find a low in the $160’s and test $spx 2603 area." +"Tue Nov 27 19:07:10 +0000 2018","Doing very little now after the loss in $NVDA and $GS this week. Learned from @traderstewie that after a couple of losses, it’s time to regroup and observe the market" +"Thu Nov 29 15:59:51 +0000 2018","For the first time in years, yesterday we got a broad market volume ""thrust"" accompanied by a Follow Through Day on both the NYSE and the NASDAQ. Notwithstanding some backing and filling, a bottom is likely in place and now it's just a matter of base-building and stock selection." +"Fri Dec 28 22:52:12 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $TSLA $BA $LMT $PQG $FB $AAPL $NFLX $GOOGL " +"Fri Dec 21 22:06:32 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $GIS $GSK $PFE $ORCL $MU $TLRY $AMZN $AAPL, $GOOGL $FB $NFLX " +"Fri Dec 28 22:48:16 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $TSLA $BA $LMT $PQG $FB $AAPL $NFLX $GOOGL " +"Fri Dec 21 22:04:03 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $GIS $GSK $PFE $ORCL $MU $TLRY $AMZN $AAPL, $GOOGL $FB $NFLX " +"Fri Dec 21 22:03:18 +0000 2018","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $GIS $GSK $PFE $ORCL $MU $TLRY $AMZN $AAPL, $GOOGL $FB $NFLX " +"Sun Dec 16 18:24:41 +0000 2018","Happy Sunday Tweeps. Anyone else getting a jump start on the trading week? Comment below what your watching to share ideas with your fellow traders. More eyes the better My focus will be $SPY $IWM $LULU $FB $NVDA $AMD $QQQ $AAPL And whatever my small cap scan picks up " +"Fri Dec 14 02:07:43 +0000 2018","(NASDAQ: $AAPL $QCOM $MSFT) (NYSE: $TWTR) The Latest “Buzz on the Street” Show: Featuring Technology Stocks Rebound as Trade Tensions Ease $AAPL,... " +"Fri Dec 07 00:46:53 +0000 2018","#volatility DEFINITELY the name of the game on #wallstreet today! #stockmarket turns around TRIPLE DIGIT LOSS on hopes #FederalReserve may not be hiking rates as much in 2019! Covered on @specialreport with @bretbaier tonight $dji $spy $ndq $amzn $fb $nflx $Googl #economy " +"Thu Dec 13 00:46:47 +0000 2018","$CXDO Crexendo Inc. Profitable trade spotted, this price is of great potential. Sell $QQQ to hedge #StocksToWatch #StockMarket #money" +"Mon Dec 31 22:58:59 +0000 2018","$CERC Cerecor Inc. We go long, this price will probably move up. Hedge by selling $SPY #Trading #StockMarket #money" +"Thu Dec 27 12:39:45 +0000 2018","$IDRA Idera Pharmaceuticals Inc. There comes the ride, this price will go up. Short $SPY to hedge! #Finance #StockMarket #money" +"Wed Dec 26 21:26:00 +0000 2018","$ARTW Art's-Way Manufacturing Co Inc. We go long, this price will probably move up. Short some $SPY to hedge #Trading #StockMarket #money" +"Thu Dec 06 15:27:04 +0000 2018","$SPWH Sportsman's Warehouse Holdings Inc. This is a buy, this price is likely to go up. Short some $SPY to hedge #StocksToWatch #StockMarket #business" +"Mon Dec 17 01:28:30 +0000 2018","$RVP Retractable Technologies Inc. We are bullish, this price will probably move up. Short some $SPY to hedge #Finance #StockMarket #trade" +"Mon Dec 10 16:00:55 +0000 2018","#trading #stockmarket #stocks #NASDAQ Stock selloff snowballs as investors price in slowing world economy via @Elite Investor" +"Fri Dec 21 21:13:44 +0000 2018","P/L: WHAT A WAY TO END THE WEEK! 💵😎 Pleasantly surprised with the action with a down market but man we were due for some small cap action! $MRIN got stuck short, switched to long and banked nicely. $OBLN failed washout long, no bounce to short size but made back some. $UVXY " +"Thu Dec 27 21:08:33 +0000 2018","P/L: WHAT A DAY AGAIN! 💰😎💵 Somehow didn't lose on ANY Trades again out of 40 or so scalps. $WATT was on the correct side of the trade every single time.. $BTAI nice little wallet padder off the scanner play sahort. $ADIL bagholder short. $UVXY paying for ketchup packets. " +"Tue Dec 25 10:08:37 +0000 2018","Is There an Urgency in this Stock Market Sell-off? [Premium Articles] $SPX $SPY $ES_F #stocks #investments #StockMarket #stockmarketcrash #stockwatch" +"Wed Dec 26 20:44:24 +0000 2018","I posted this inside of PowerGrouoTrades dec 21 in massive fear $SPY are you enjoying this massive rally today in $AAPL $BA $MA? well as a big picture leader I had plans to catch gains for this as skill always wins unlike the people who guess and scalp who are wrong for years! " +"Fri Dec 21 21:10:55 +0000 2018","II Bullish/Bearishness gap is STILL too wide. Bearishness is stubbornly low. Likely have more downside ahead. Need a capitulation washout to put in a tradeable bottom on this move. $SPY $IWM $QQQ " +"Wed Dec 12 16:07:14 +0000 2018","$SPY $NFLX what I said what was going to happen when we faded yesterday is playing out today this is from understanding what the market is saying and what is the big picture look at how we acted today just amazing come to my Live stream tonight 9PM EASTERN STANDARD TIME CANADA " +"Sun Dec 02 15:25:21 +0000 2018","$AMZN this post marks an important turning point and the big picture for the $SPY $AMZN has started to confirm what I call a powerful long term signal for higher prices for both the $SPY and $AMZN, I will be giving updates on my live stream about as I am the big picture leader " +"Mon Dec 03 16:30:06 +0000 2018","Today's Health Care market mover is KURA ONCOLOGY INC $KURA is up 10.94%! Key words: REPORT, PRICE, TARGET, STOCK, POSITIVE, BEARISH, BAD, OPPORTUNITY, UPGRADE . . $AMD #news #futures $TWTR $MU #business $AAGC #market #tech #stockmarket #cryptocurrency #crypto $FB $CBOE $NFLX" +"Sun Dec 23 00:38:14 +0000 2018","Having been short $QQQ $USO and $NVDA (as posted) since early November with minimal long exposure has worked very well. I stay objective to the data however. Here are some interesting technical readings from this week's trading. I am still short 4 to 1 in U.S. stocks/ETFs. " +"Fri Dec 28 15:30:30 +0000 2018","as i said, mkt in risk pulling back to hourly chart mid BB or even daily 5ma. so no surprise to see this fade. NQ downs almost 1%. see if amzn can hold and lead tech to pull back up." +"Thu Dec 27 15:52:26 +0000 2018","Apple and other companies bought back lots of their own shares - and then the plunge in stock prices hit. Essentially, the market is telling these companies they overpaid by billions of dollars. My story with @theofrancis. via @WSJ" +"Sat Dec 01 15:04:11 +0000 2018","weekly chart status quo. $amzn higher high AND b/o neckline. 1709 1734, 1755, 1784 above. $nflx higher high but not strong enough. 291 297 303 314 above. $nvda higher high but not even close to neckline. 167 174 181 192 above. $tsla reversal confirmed. 357 366 372 377 above. " +"Thu Dec 06 15:46:46 +0000 2018","FANG monthly chart VERY different. $fb weakest & break down mid BB months ago. $amzn back to mid BB then up big but now may see 5ma dead cross 10ma. $nflx strong support by mid BB with 5ma already starting to recover from dead cross 10ma. $googl 5ma about to dead cross 10ma." +"Fri Dec 07 01:19:19 +0000 2018","Nasdaq was up more than 200 points from intraday low. US markets wiped out most of the losses. Fed likely to pause rate hike. SGX Nifty up 80-90 points." +"Mon Dec 31 16:52:18 +0000 2018","These SPY puts up nice but now mkt seems to find support. Remember to lock gains with these puts. Then just sideline and watch. No need to take risks into new year. May see tech run again with AMZN NFLX leading. But still big risk." +"Fri Dec 07 20:19:57 +0000 2018","The best picture of the day. Santa Claus in the house, all RED !! $AAPL $WFC $GOOG $FB $MSFT $NVDA $ADBE $JPM $BAC $V $C $CSCO $MA $AMZN " +"Mon Dec 03 06:12:28 +0000 2018","So basically SPX has chopped since the October puke. Markets squeezing into the stage where the bulls tell us, ""they told us so"". Will continue to wait for ranges to tighten and for volume to drop off. Patience, all about patience. If there's no edge, there's no trades." +"Fri Dec 28 16:56:43 +0000 2018","this twit from pre-market is my ""twit of the day"", very clearly tells you possible scenarios and it happened exactly like i predicted. if you use, for example, nflx 250p upon open, it takes from 0.8 to 2.4 so 3x easily as hedge. now names back up. see if amzn lead tech higher." +"Sun Dec 23 19:51:53 +0000 2018","The Nasdaq is now officially in a bear market ( The Nasdaq's bear market is very concerning because I believe it will lead to the bursting of the tech startup bubble. Learn more: $QQQ $AAPL $FB " +"Wed Dec 26 20:46:37 +0000 2018","SUPER rally day. Everything trying to get back to the starting point of hourly chart big dive from previous wave. So AMZN 1484 NFLX 262 possible. See if there’s any pullback tmr am. If not, like see those levels first then dive again." +"Sat Dec 22 14:53:46 +0000 2018","No #earnings this week (w/ analysts), so a look at Jan $NFLX $BAC $BA $BBBY $KBH $SGH $STZ $MA $JPM $C $GS $JNJ $UNH $WFC $AA $LRCX $CJPRY $SLB $ABT $LEN $UNF $AKS $BMY $LW $VLO $RPM $AXP $SMPL $SNX $MSM $WYI $CMC $HELE $FAST $PHM $CSX $INFO $CALM $LNN " +"Mon Dec 10 14:05:19 +0000 2018","$spy many people want to guess and assume until the market says for 100% sure the odds favour higher for the right stocks. $AMZN is a new leader right now $AAPL is not leading but has already hit over 200 a shares this year so it was the leader at one point markets always change" +"Fri Dec 28 19:10:39 +0000 2018","among #FANNG only $googl almost close to daily cloud bottom, $amzn close but still not there. $aapl $fb $nflx far away. very interesting pattern." +"Wed Dec 05 00:23:29 +0000 2018","In 2004, the market took 3 legs down, but $AAPL held during each leg and set buy points. I was buying the stock in a difficult market. Never once was I under any real pressure on any of the entries. Focus on stocks! " +"Fri Dec 21 01:55:52 +0000 2018","I predicted this huge dive of Nasdaq $comp $nq_f five months ago back in July. Now an update of this 20-yr monthly chart. Very clear trend broke and free fall to 5200-5500 range in 2019. $spx will follow. " +"Fri Dec 28 15:07:46 +0000 2018","be careful this morning. mkt can go either way today (either pull back and hike again, or hike a bit then fade). remember spx comp both far far away from their daily 5ma (which is down there)." +"Mon Dec 10 20:37:30 +0000 2018","while many can not see the Big picture in the fear for the $SPY $AMZN and $AAPL $NFLX $BA the market is saying higher the odds favor this as all negative news has been baked in we are in new times unlike ever seen before in history but the big picture remains good" +"Wed Dec 26 17:01:37 +0000 2018","$AAPL $BA $MA $AMZN $SPY live stream tonight 9pm eastern standard time. I will be giving a key update to the big picture of the market. I will explain how this downturn can be a powerful new pivot never seen before in history. $SCO hit targets a good place to take profits" +"Mon Dec 31 19:57:34 +0000 2018","$SPY the market favors higher but that does not mean it will make things easy. sometimes things will go smoothly and sometimes not ,but the key is solid plans and sticking to the rules in order to catch the gains. I have done this so many times with stocks like $AMZN $AAPL $BA" +"Mon Dec 10 19:51:36 +0000 2018","today marks a strong bottom if this day confirms high odds $AAPL trys to test 200 before or towards end of this year. Many have been wrong about this stock ever reaching 200 I was bang on about this plus I have posted dozens of huge option wining plans for $AAPl along the way" +"Thu Dec 06 13:44:43 +0000 2018","S&P 500 corrected 10%, but FANG stocks are already in a bear market. Tuesday's action painted an ominous picture. Living through the 87 Crash (-22% in one day!) I know, when the market is falling, it can always get worse. Attached is my market memo to our clients this morning. " +"Tue Dec 04 17:33:23 +0000 2018","yesterday was a great big picture gift todays pullback is just another gift for the $SPY $AAPL $AMZN $NFLX and many other names we will be watching for confirmation" +"Wed Dec 05 16:35:54 +0000 2018","Special Live stream Tonight 9:00pm Eastern Standard Time Canada. $AAPL $BA $AMZN $FDX $NVDA $NFLX $SPY $TSLA going to be giving an update to all these stocks and another update for the big picture, in a Picture and Picture format live stream powerful info explained today" +"Tue Dec 04 20:54:30 +0000 2018","another gift from the $SPY I have my plans in place for more gains just loving this fear fear means money for those who know what to look for!!. This a new era and many need a leader like me!! $AAPL $AMZN" +"Wed Dec 19 13:45:48 +0000 2018","Live Stream Tonight 9pm Eastern Standard Time $SPY $AMZN $BA $AMD $AAPL $SCO I give an update to what I am thinking and what I am looking for and the state of the market and the importance of big picture thinking in order to catch the big gains and not be a baby scalper." +"Sun Dec 02 16:08:29 +0000 2018","$AMZN $SPY $AAPL $BA people I took a look at my scans and my deep rules of my adaptive system something unlike no other system and this market is massively bullish to have a great run into 2019 to many key stocks setup for higher the market is speaking to me with power!!" +"Mon Dec 03 14:28:27 +0000 2018","today it is raining money in $AAPL $AMZN $BA $FDX it is christmas for me already today,how about you? if you are a follower of the stockbookie clown I am sure you are crying today no gains but massive losses and wrong the big picture once again unlike the bigpictureleader" +"Tue Dec 18 14:11:08 +0000 2018","$STUDY $AMZN $AAPL to make the big gains what is important is to win at the big picture of things if you focus on that you will succeed even when you lose from time to time being correct. Many people lack the discipline to really succeed at the market they have already lost!" +"Thu Dec 27 22:25:47 +0000 2018","$SPY Two ""hammers"" in a row. Long lower shadow w/ close at highs. #IBDpartner Bounce likely to hold into next week. Upside targets include 38.2% Fib at $2519 and 50% Fib at 2573. @MarketSmith -- " +"Tue Dec 18 21:05:32 +0000 2018","#MarketWrap Major indexes close in the green but fall from session highs, as buyback begins from recent sell-off ahead of Fed rate hike decision on Wednesday. DOW +0.35%, NASDAQ +0.45%, S&P 500 +0.01%" +"Sat Dec 22 00:43:12 +0000 2018","Nike announced it had crushed earnings expectations, leading to a market surge today that found the company’s stock as the sole gainer in the entire Dow " +"Tue Dec 04 14:59:35 +0000 2018","FB strongest among FANG today so far. googl not bad. amzn waiting for hourly chart 5ma to pick up. nflx weakest." +"Wed Dec 26 13:55:41 +0000 2018","NQ up 1% pre-market. $AMZN up 25 pts but $nflx barely up. If things start to fade, watch nflx as it could be 1st to dive. 221 214 below. If nflx pulls up above 242 that will change the nature of today & expect tech to bounce hard. $amzn need 1386 to be good. If fades, 1284 coming" +"Fri Dec 28 15:45:35 +0000 2018","signing off for now. will check back later today. keep in mind about mid BB on hourly chart and daily 5ma. mkt can go either way and watch for AMZN as key reference (for intraday reversal or continuing break down)" +"Fri Dec 28 17:01:55 +0000 2018","amzn runs super. nvda NFLX not even started yet. calls for next week ready in line. let's see how they both go." +"Thu Dec 06 20:09:56 +0000 2018","$SPY $QQQ both seen ascending triangle on 5min chart. but for SPY, it also looks like rising wedge formation possible as we saw higher high from previous wave again and again. interesting formation anyway." +"Mon Dec 24 17:02:35 +0000 2018","$AMZN $MSFT $TWLO $TTD $NVTA $ANET $SHOP $NVDA Here are my wish list alerts, nearly all are already in the order book for GTC limits: Set your own alerts (for free) " +"Tue Dec 04 15:58:14 +0000 2018","signing off here for the day. remember what i said about implications of Wed market close on this week volume. know the risk. AMZN is next in line for big play IF mkt does want to go higher. 1766 1784 1795 1812 all key levels. if it doesn't run, no good for mkt." +"Thu Dec 06 16:43:03 +0000 2018","signing off here. tsla nflx qqq calls better than anything else at this point. but if mkt drops again (i.e., es below 2621 again), gonna be bigger risk into afternoon. know the risk. size ur plays. for most ppl, best is to sideline." +"Fri Dec 21 14:35:16 +0000 2018","Dow opens about 50 points higher on Friday after week of steep losses. Nasdaq gains 0.5%, bouncing away from bear market territory. S&P 500 edges 0.3% higher. Nike soars 9% after revealing strong sales and blockbuster growth in China. Watch live " +"Sat Dec 15 18:21:22 +0000 2018","80%. Yes, 80%, of ALL NASDAQ stocks are below their 200-day moving average. $QQQ $GOOGL $XLK $AAPL That hasn’t happened since early 2016. Here’s the chart. " +"Thu Dec 27 15:20:55 +0000 2018","AMZN back to daily 5ma. NFLX breaking down. see if 244 can hold. glad i locked my positions earlier above 250. if supported, back all the way up otherwise fade to 237 possible." +"Thu Dec 27 15:50:49 +0000 2018","for so many tech names, daily chart 5ma still pointing DOWNWARDS. probably gonna take another 1-2 days for this 5ma to turn flat or even upwards. so check back on the DIRECTION of daily 5ma tomorrow morning and see if it happens. this is going to be KEY for a bounce to be valid." +"Thu Dec 27 17:32:46 +0000 2018","tech names not looking good. glad i exited all positions earlier this morning. AMZN lower low for the day. need to get supported at 1398 otherwise 1389 or even 1374 coming. NFLX need to hold above 242.8 otherwise see 238 possible." +"Tue Dec 11 16:13:21 +0000 2018","BIG PICTURE this week so far - mkt ups and downs all in a sudden fast. but when mkt is up or down, the majority of tech names ups or down accordingly (except for AAPL for a day). This is coz trade deal and hearing uncertain. BUT today shows signal that differentiation will happen" +"Mon Dec 03 17:35:30 +0000 2018","#Amazon tops #Apple $aapl market cap intraday! After being the first to cross $1trillion now Apple falling behind #Microsoft $mfst & $amzn" +"Tue Dec 18 20:15:24 +0000 2018","if you played SPY puts into this mkt drop, can consider locking at least 1/2 puts positions for profits as SPX already lower low. daily chart very very ugly. technically, if today can't close with long bottom stick, tmr gonna see lower low (or if for a reversal, need higher high)" +"Fri Dec 07 15:11:39 +0000 2018","locked all call profits for big win. QQQ puts seem to be good into next week. but who knows. news will affect mkt dramatically. signing off here. have a great rest of day and weekend folks!!" +"Sat Dec 22 01:53:24 +0000 2018","Doing my regular weekend tech review. Stunning FAANG carnage. Apple 52-week low. Has lost $400B since peaking 2 1/2 mos. ago. AMZN down over 214 pts. this week alone, down 673 pts in little more than 3 mos. GOOGL 52-week low. NFLX -41% in 5 mos. FB -43% in 5 mos.(almost 2 yr low)" +"Wed Dec 12 22:00:44 +0000 2018","$1.4 TRILLION. That's how much Facebook, Amazon, Netflix, Google, Apple, Microsoft, and NVIDIA have lost during this massive correction. $FB $AAPL $MSFT $NVDA " +"Sat Dec 29 00:34:08 +0000 2018","what happens at beginning stage of bear mkt? 1) frequent high % move either way especially in hot names $amzn $aapl $nflx $fb $googl $tsla $nvda 2) short duration of bounce 3) more lower low higher high red/green engulfing candles 4) earnings NOT matter & often seen reversal move" +"Thu Dec 20 01:50:43 +0000 2018","ES NQ futures up a bit - this is VERY bad set-up into tmr. could see hourly chart bounce overnight then rejected by mid BB or cloud bottom then dive again. Eyes on NFLX AMZN AAPL puts tmr if mkt opens high & bounce on Thursday." +"Mon Dec 03 04:46:36 +0000 2018","HOW to tell where this mkt bull run stops, or how to measure strength of this run? Simple. $spx $dji both seem higher low with W bottom formation AND $es_f $ym_f now above daily cloud top. $comp lower low AND $nq_f not even reaching daily cloud bottom. So know where you watch." +"Mon Dec 10 20:12:47 +0000 2018","amzn not strong enough. googl very weak. aapl strong on china news. msft actually very strong today. nvda no good. nflx very strong. baba bidu both very weak. ba ok. banks all screwed. BIG PICTURE - complete chaos everywhere. anything can happen tonight. tough for both sides." +"Fri Dec 07 00:09:16 +0000 2018","NFLX reaching 284 after market. interesting big $ buying right before close today. tmr gonna be interesting but mkt move will definitely affect its price actions." +"Thu Dec 20 21:55:11 +0000 2018","On the other hand, if $amzn close hourly chart above 1488, may reverse but need hike above 1509 for further confirmation otherwise no good into next week." +"Tue Dec 11 16:43:59 +0000 2018","AMZN falling wedge forming on daily chart. only concern here is sharply downward 5ma (which means need a big bottom stick today for pattern reversal) AND mid bb still downwards. IF both happen, pretty high chance see falling wedge b/o. but if fails, 1634 1622 1614 possible." +"Tue Dec 04 21:10:24 +0000 2018","chart indicates 50% chance AMZN will gap up big on Thursday running to 1712-1726 range. but size plays always important - especially in a mkt like this." +"Fri Dec 28 01:39:32 +0000 2018","big bullish set-up on $spx $comp $dji after today's intraday reversal (the downside move today was coz of downward moving daily 5ma). see if mkt and stocks can bounce back to daily 10ma & mid BB. no matter what happens, be prepared & have your strategy/plan/contingencies ready." +"Tue Dec 18 15:46:52 +0000 2018","Mkt still possible to go down after small bounce - not strong enough here. Calls no good. Only keeping QQQ SPY NFLX puts. Not big plays. Wait for tmr confirmation." +"Wed Dec 12 02:13:42 +0000 2018","mkt moving on news but bulls hesitating. mkt needs a strong leader that doesn't fade when mkt fades. $amzn failed such expectation today. $googl $msft very strong for two days but not enough for a role as leader. $aapl no trust from bulls. again, trade on facts, NOT assumptions." +"Mon Dec 10 19:41:55 +0000 2018","$ES_F $NQ_F both tried to retest 60ma on hourly chart with NQ making new HOD. what's interesting, though, is $AMZN is not following, still 17 pts away from morning's top. so if NQ really a bottom b/o here, amzn should already see 1664 by now but it's not. be careful into tmr." +"Tue Dec 18 19:20:30 +0000 2018","from pure technical standpoint, to counter ystd's huge red candle, mkt and individual stocks need to close ABOVE ystd's open price with a mid to big green candle. NFLX NVDA GOOGL all fit into this category. AMZN not, nor were ES NQ." +"Fri Dec 21 18:33:11 +0000 2018","$FB, $NFLX, $NVDA, $GOOGL, $AAPL, $AMZN all at new lows today - FANG under pressure. Respect the Minervini 50/80 rule! " +"Fri Dec 14 19:28:50 +0000 2018","""Apple shares drop after influential analyst slashes his iPhone estimate."" Given that the entire market is down with Amazon and Microsoft shares down more than Apple, why not say Amazon and Microsoft shares drop after influential analyst slashes his iPhone estimate?" +"Sat Dec 08 01:26:56 +0000 2018","The market itself (semis, oil, homebuilders, yields, defensives ) is forecasting a slowdown, yet many are still hanging on to ""economic indicators"" and past earnings reports (yesterday's news) to tel them that there is no slowdown. $SPY $QQQ" +"Thu Dec 13 21:07:05 +0000 2018","SPX finishes roughly flat while 80% of Russell 2000 stocks are down, 40% more than 2% and 25% more than 3% over 60% of SPX and 65% of Russell 1000 names were also down Apple masking the pain" +"Tue Dec 18 03:58:46 +0000 2018","Downtrends trade much more differently than uptrends because shorts tend to take profits much faster than long only managers, and shorts know the rallys are vicious. Scaled some out today. A snap back starting in the next day or two would be expected. $SPY $QQQ" +"Wed Dec 26 21:07:17 +0000 2018","Nasdaq +5,84%. Dow Jones +4,99%. S&P 500 +4,92%. Tesla +10,39% Amazon +9,45% Netflix +8,46% Facebook +8,16% Apple +7,04% Microsoft +6,83% Google +6,48% VIX 29,77 -17,47% ¿PPT?" +"Sat Dec 29 23:33:22 +0000 2018","@ceaswar spx comp already in bear mkt. dji not yet. but overall we are in bear mkt. monthly chart tells you TREND. unless we close a month ABOVE monthly chart 5ma, otherwise we are in bear mkt. check the monthly chart yourself." +"Wed Dec 19 22:35:34 +0000 2018","60 percent of S&P 500 stocks closed in bear market territory today. That’s exactly 300 stocks down at least 20% from highs w companies like $GE $FB, $AAPL, $MU, $NVDA pps down 60.5%, 39%, 31.1%, 51.4%, and 52.7% respectively." +"Mon Dec 24 16:26:38 +0000 2018","(2) But Here’s The Thing: Due to the tech selloff, $TSLA now trades at a premium to many Silicon Valley darlings that don’t have the issues it does. Based on 2019 estimates, $AAPL is at 11x, $GOOG and $NVDA are at 18x. It even trades now at a premium to $AMZN(38x)!" +"Fri Dec 21 21:00:13 +0000 2018","Tech Bubble 2.0 Update (% drop from ATH's): GOOG -23% SNAP -83% SVMK -45% FB -42% DOCU -45% FTCH -49% PS -50% SONO -60% DBX -57% SPOT -48% BABA -38% AMZN -33% GOPRO -95% FIT -92% NFLX -42% BOX -46% PSTG -48% LC -91% P -80% Z -57% TWTR -63% FUEL -96% ZNGA -77% TRUE -66% HIVE -73%" +"Tue Dec 11 16:25:43 +0000 2018","Very pleased with that $AMZN opening gap up exit.... As a rule of thumb, when the market gives you a big gap up gift(especially in a bearish tape), YOU TAKE THAT GIFT!" +"Mon Dec 03 00:20:51 +0000 2018","$twtr bulls now coming out & they called this bounce. Am I the only one seeing how broken this market is? Powell had to lower his stance, and Xi/Trump are just delaying the inevitable. Good, get this all out of the way, cause when this bear growls, it won’t be pretty" +"Thu Dec 06 17:12:43 +0000 2018","Market down big today but strangely, I'm seeing many stocks on my watchlist that are flat or nicely green even.... Especially in the small and mid cap Technology names" +"Tue Dec 11 22:28:43 +0000 2018","Sometimes I like to think about NFL franchises as stocks. NE is the blue chip of blue chips, but with a 41yo Tom Brady is like AAPL in 2011 LAR, CHI, and SF feel like AMZN in '14/'15. KCC is a company that's always been solid but finally confirmed blue chip status OAK is ENE" +"Sun Jan 27 19:24:24 +0000 2019"," Facebook ready to report record earnings for 4th quarter 2018. Is Facebook stock price about to jump again? See the prices/earnings. #Facebook #Nasdaq #forecast #outlook #predictions #FAANG #stockmarket #earnings #2019 Checkout t…" +"Fri Jan 25 09:04:38 +0000 2019","Apple crashes 40%. Is it time to bite? Find our here: #apple #aapl #stockmarket #stock " +"Wed Jan 23 13:09:48 +0000 2019","According to 'Bay City Observer', ""Fvcbankcorp's (#NASDAQ: $FVCB) stock price recently hit 17.65. Since the start of the session, the stock has reached a high of 18.33 and hit a low of 17.46."" 🏦 #Shares #Stocks #StockMarket #StockExchange #FinancialMarkets #IPO " +"Mon Jan 21 14:46:10 +0000 2019","According to 'The CoinGuild', ""@viomi_tech's (#NASDAQ: $VIOT) stock price hit $7.66 at the conclusion of the most recent trading session."" #StockMarket #StockExchange #Stocks #Shares #Finance #IPO " +"Fri Jan 04 13:33:22 +0000 2019"," - "" i3 Verticals's (#NASDAQ: $IIIV) #stock opened at $24.65 on Wednesday. The company has a market cap of $634.34 million & a price-to-earnings ratio of 44.02. i3 Verticals has a 52-week low of $13.79 & a 52-week high of $25.50."" #StockMarket #Shares #IPO " +"Fri Jan 18 14:01:34 +0000 2019","If you followed my calls on #QQQ last few weeks I hope you loved those and profited from the #Projections. Today is likely to be the #BreakoutDay. Those who #Straddled #NFLX options, are likely to get burned today. #NASDAQ is at the breakout point. QQQ print above 167 is likely." +"Wed Jan 09 14:28:22 +0000 2019","#USEquities: #QQQ takes a stab at 160 #premarket; if it can knife through 162 and stay there today despite #AAPL becoming a healthcare company, markets have sustained some serious support levels and poised for really in January. Invesco price target is 176 near term." +"Tue Jan 29 12:56:38 +0000 2019","@CarbonBlack_Inc's (#NASDAQ: $CBLK) stock traded with surging change along with the volume 1.16 million shares on Friday. Shares are #trading price at $14.29 with move of 3.03%. - Read our article #StockMarket #StockExchange #StockNews #Stocks #Shares #IPO " +"Thu Jan 10 14:48:57 +0000 2019"," - ""@EveloBio's (#NASDAQ: $EVLO) #stock price is settled at $13.99 after #trading hours. Taking a look at the daily price change trend & size of price movement it is recorded that EVLO spotted a negative behavior with drift of -5.60%."" #StockMarket #IPO " +"Mon Jan 28 19:16:24 +0000 2019","$CAT has had always been the #Barometer of #Economic climate and at the same time, it is telling to note how decoupled #USEquities been from $AAPL. #QQQ may retest 150 and that could happen in short order. Be careful with playing the earnings this week." +"Wed Jan 02 22:39:52 +0000 2019","#Apple cider anyone? The #marketmaker will have the handsful tomorrow morning. Will #qqq breach #DecemberLow? #Peeps @cnbc don't have much to say. Miss of 10% on the top line? #AmericanCarnage of #TrumpTradeWar." +"Wed Jan 09 19:20:01 +0000 2019","Didza get the little bump in #QQQ immediately following my last tweet? It retreated briefly below 161 but did you get the 161.5 print as I said? Now I am calling for knifing through 162 and #RallyMode for the tech-heavy #NASDAQ. What do I know about #USEquities? #DeNada" +"Thu Jan 10 14:08:35 +0000 2019"," - ""@Lovesac's (@NASDAQ: $LOVE) stock moved on change of 1.60% from the open on Tuesday. It saw a recent price trade of $24.17, and 95,129 shares have traded hands in the session. #StockMarket #StockExchange #Stock #Shares #IPO " +"Wed Jan 09 15:22:42 +0000 2019"," -""@MeiraGTx (#NASDAQ: $MGTX) stock moved 2.27% to 10.79 on Tuesday. The #stock traded recent volume of 72020 #shares, this represents a daily trading in volume size. MeiraGTx maintained activity of relative volume at 1.96."" #StockMarket #StockExchange #IPO " +"Sun Jan 27 19:24:12 +0000 2019"," Facebook ready to report record earnings for 4th quarter 2018. Is Facebook stock price about to jump again? See the prices/earnings. #Facebook #Nasdaq #forecast #outlook #predictions #FAANG #stockmarket #earnings #2019 " +"Tue Jan 29 15:44:14 +0000 2019","""@Domotalk's (#NASDAQ: $DOMO) recent stock price hit 26.05. Since the start of the trading session, the stock has hit a high of 26.4 and dropped to a low of 25.37."" < Read the full article here #StockMarket #Stocks #Shares #Trading #Computer #Software #IPO " +"Tue Jan 15 14:29:44 +0000 2019","Are you investments hurting after the last market slide? Here's how to survive what comes next #investing #stocks #stockmarket #dow " +"Fri Jan 25 22:25:20 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AAL $JNJ $INTC $IBM $EBAY $AMZN $TSLA $NFLX " +"Wed Jan 09 14:47:51 +0000 2019","The US Futures surged amid optimism on US-China trade deal. #Stocks #apple Sensex #Dow #facebook #federalreserve #FinanceBrokerage #India #Micron #Nasdaq #Nifty50 #SP500Futures #StockMarket #Stocksnews #USFutures #USChinaTradeDeal @FinanceBroker_ " +"Thu Jan 03 23:18:39 +0000 2019","The Latest “Buzz on the Street” Show: Featuring Tech Sector Uncertainty (NASDAQ: $FB $AMZN $AAPL) $AAPL, #Amazon, $AMZN, #Apple,... " +"Wed Jan 30 21:13:00 +0000 2019","Stocks surge as Fed says it’ll be “patient” with rate rises. Apple and Boeing gains help after earnings beats. $AAPL $BA @mkobach and I recap the trading day on #ChattinWithCheddar " +"Wed Jan 02 15:57:09 +0000 2019","#EV Stock News: Tesla ( $TSLA) Q4 2018 Vehicle Production & Deliveries, Also Announcing $2,000 Price Reduction in US #stocks #investing #stockmarket" +"Sun Jan 20 19:28:37 +0000 2019","Tech Stocks $QQQ Big Picture: The multi-year uptrend is still in tact with the December low holding support. A pullback should be next to 157, but this may not be the top bears are looking for-any PB would form a large inverse head & shoulders for another possible rally leg $SPX " +"Thu Jan 10 07:18:39 +0000 2019","$SPY $QQQ $IWM update. Getting near wkly overhead resistance area. Consolidation would be healthy. Let price action lead you. Th: Powell 1/14: $C 1/15: Brexit vote, $JPM 1/16: $VIX exp, $BAC $GS $AA 1/17: $MS $NFLX 1/22-25 Davos 1/24: $INTC 1/29: $VXXB replaces $VXX, $AAPL " +"Sun Jan 27 07:59:04 +0000 2019","Tues: Drug price hearing, $VXXB replaces $VXX, $AAPL $AMD $KLAC Wed: Gdp,Fed/Presser, $FB $BA $MSFT $NOW 1/30-31: Ch/US trade mtgs Thurs: $AMZN Fri: Jobs report, Mfg PMI/ISM 2/4: $GOOGL 2/6: $CMG" +"Thu Jan 03 16:00:09 +0000 2019","8 years of FCF yield to EV for mega tech. Couple things stand out: 1) MSFT rerating 2) visible AAPL cycles 3) AAPL yield just getting back to midpoint of range 4) BKNG over 7% and hitting cycle highs 5) only AMZN a real outlier, but bulls say they have biggest reinvestment runway " +"Wed Jan 02 12:03:26 +0000 2019","01-02: the top scored Consumer Discretionary company is Gap (The) $GPS scored at 84.27 Key words: DOWN, ENJOY, LIFTED, FAVORABLE, STOCK, PRICE . . #tech #stockmarket #startup $AMD #cryptocurrency $TWTR $MU #blockchain #sentiment $CBOE $ETH $AAGC #crypto #market $NFLX #business" +"Mon Jan 14 07:33:28 +0000 2019","$SPY $QQQ $IWM paused at key wkly res area. $SPY 3wk rising wedge now tight,at resistance, w/extremely overbot osc. Many stks at key res. Long boat might be full. #OpenMind M: $C T: Brexit vote, $TLRY lockup exp, $JPM W: $VIX exp, $BAC $GS $AA T: $MS $NFLX F: MoOpex 1/24: $INTC" +"Mon Jan 07 15:20:36 +0000 2019","Decent action starting to manifest in many individual stocks.... but here's the type of hurdle the Nasdaq index need to overcome to the bulls back in control .... It's a big one " +"Tue Jan 01 20:36:18 +0000 2019","Analyzing the indices: As we start 2019, important to look at where we are NOW and where we came from... Hard to believe but $SPX dropped 20% in three months! Nasdaq dropped 24% since the October double top peak. Bounced 6% last week and major resistance isn't too far away " +"Fri Jan 11 01:50:07 +0000 2019","remember my twit from earlier this pm. $ba indeed was strong and hold above 351. $aapl indeed seen new HOD. $nflx was above 325 before close then down a bit but hiked over 330 after hours so can count it yes. $amzn was only exception. if amzn fails tmr, nflx aapl both need hike" +"Thu Jan 24 18:14:02 +0000 2019","As I said ystd, AMZN NFLX googl fb aapl nq all these tech names in dark cloud formation on daily chart. Unless we see some dramatic news today or tmr, rest of this week is just premium killing. will need more consolidation till next week before they can run again." +"Wed Jan 02 21:52:40 +0000 2019","remember what i said - for mkt and so many names, weekly 5ma still sharply downwards this week so not impossible to see huge dive to weekly lower boll. can $aapl trigger this crash? possible. $amzn $nflx $fb $googl all down post hours." +"Thu Jan 31 17:08:16 +0000 2019","The QQQ's just broke above minor resistance - this now extends its uptrend that began in late December; despite near-term resistance, this index still has further upside potential = bullish" +"Wed Jan 30 15:19:43 +0000 2019","#earnings after the close $FB $MSFT $TSLA $PYPL $V $QCOM $WYNN $X $NOW $CREE $MLNX $CRUS $MDLZ $AMP $ALGT $FLEX $MUR $FICO $ARCB $DLB $IVAC $LLNW $AGNC $CACI $LSTR $MUSA $TTEK $HOLX $CACC $MAA $CLB $CMPR $BSMX $AFG $BPFH $SRDX $STXB $SXI $THG $SEIC " +"Thu Jan 31 15:29:07 +0000 2019","#earnings after the close today $AMZN $CY $DECK $PFPT $AFL $EW $MCK $SYMC $YUMC $EPAY $ENVA $DGII $EMN $SKYW $CLS $LPLA $POST $ACBI $EXPO $FBHS $PKI $OTEX $CURO $KLIC $CPT $AJG $MATW $MTX $FFIC $NFG $SIGI $MOD $TGE $WAIR $MRLN $CLFD $FISI $HAYN $ESL " +"Tue Jan 15 21:03:10 +0000 2019","#MarketWrap Major indexes close in the green as tech sector rallies on price hike by $NFLX, China stimulus plans. DOW +0.65%, NASDAQ +1.71%, S&P 500 +1.07% $NFLX leading FAANG higher with streaming giant closing +6.55%. $JPM recovering from drop, closing +0.73%, $WFC -1.55%" +"Thu Jan 17 16:35:34 +0000 2019","#MarketWatch All 3 major indexes turn green in late morning trading. Looking ahead -- $NFLX will release Q4 2018 earnings after market close. Tuesday Netflix announced a price hike, sending shares higher and prompting Goldman Sachs, Guggenheim to boost price targets." +"Wed Jan 30 14:42:54 +0000 2019","#MarketWatch Major indexes open higher on strong earnings from $AAPL, $BA. Fed wrapping up its first policy meeting of the year today, expected to leave rates unchanged and stress 'patience' for their approach to future decisions. Trade talks kickoff with China in Washington." +"Sun Jan 27 12:58:11 +0000 2019","$CAT : in-line/miss, guides slightly down $AAPL (updated guidance): Hunch is miss and poor guide. Sentiment bad tho. $AMD: MISS and guide lower (!) $BABA: In-line/beat, guides down $BA: slight beat, in-line guide $FB: beat, but shit numbers/metrics $AMZN: slight beat, bad guide" +"Fri Jan 04 18:42:21 +0000 2019","$SPY this market move does not surprise me I have been saying this for weeks markets only down for the wrong reasons has nothing to do with the super money makers like $AMZN $BA $MA it has to do with stupidity it a new era and this market is its past years of 2000 or 2008" +"Thu Jan 17 13:05:57 +0000 2019","Well that (bear market rally) was fun. Now the real earnings season begins: TSM, largest semiconductor contract mfr. in world, slashes Q1 revenue guidance. Forecasts steepest decline (14%) to $7.3B-$ $7.4B in revenue in 14 yrs -since March 2009(recession) " +"Tue Jan 15 21:09:17 +0000 2019","The Nasdaq gained 1.7% on Tuesday as technology stocks raced higher. The Dow jumped 156 points, or 0.7%, while the S&P 500 advanced 1.1%. Netflix helped lead the market rally, jumping 7% after announcing a price hike. " +"Mon Jan 28 14:22:53 +0000 2019","Now the fun begins ... Next : Apple, Amazon, Microsoft, Boeing, Tesla and much much more earnings this week. Should be just awesome if all will disappoint like CAT or NVDA and have -10% in a day trade. Day after day." +"Wed Jan 30 18:26:25 +0000 2019","#MarketWatch $MSFT trading up more than 2% ahead of Q4 earnings release after today's close. Wall Street expecting strong quarterly performance from the tech giant, which currently holds the top spot in market valuation over other giants like $AAPL, $AMZN, $GOOG." +"Mon Jan 28 13:40:01 +0000 2019","Big week this week in the market. Tuesday: Fed meeting begins; consumer confidence; earnings Wednesday: Fed announcement; U.S.-China trade talks; GDP Thursday: Motor vehicle sales Friday: Jobs report Earnings: Amazon, GE, Apple, Tesla, Microsoft, Sony, Alibaba & others." +"Thu Jan 03 14:39:35 +0000 2019","$AAPL THREAD and why I’m ATTEMPTING to go long. Still and little knifey and this is a reminder to self watch for a candle close below MA before flipping sentiment." +"Sun Jan 27 17:12:21 +0000 2019","BIG earnings week: $AMZN $AAPL $AMD $FB $MSFT $BABA $TSLA $CAT $GE $BA $T $PYPL $VZ $UPS $V $MCD $LMT $MA $MMM $PFE $XOM $MO $AKS $SALT $ALGN $NUE $BIIB $NOK $WYNN $EBAY $RTN $ARLP $QCOM $HOG $BOH $GLW $BX $X $BMRC $SAP $AGN $WHR $SIRI $CVX @eWhispers " +"Thu Jan 03 15:34:14 +0000 2019","What would happen if $AMZN came out & said exact opposite of $AAPL & says spending was thru the roof... its dumb, maybe people get sick of $AAPL manipulating them into buying new devices because old ones stop working after a year ... meanwhile I tweet this from my iPhone 🤨🤷‍♂️" +"Wed Jan 02 16:15:05 +0000 2019","NQ up .25% from 2% down. AMZN now up 1.6%. fb up 3.4%. googl green. nflx still down 1.2%. can miracle happen with nflx pulling up for a bullish engulfing to 270-271.6 range today? eyes on it." +"Wed Jan 09 11:57:33 +0000 2019","$SPY How many traders this week have missed out on gains they should have had? $AMZN How many Traders this week should have made more money but missed on fear? $BA How many traders this week are stilll in fear from a few weeks ago? .in my livestream I will explain why $AMD" +"Wed Jan 23 16:15:21 +0000 2019","likely gonna be range day for rest of day around hourly chart mid BB. keep in mind amzn nflx googl nq fb aapl all these tech names now in dark cloud formation on daily. it will take some very substantial news/events for tech to regain the momentum otherwise lower later this week." +"Mon Jan 28 16:09:14 +0000 2019","signing off from here for now. aapl amzn googl all weak so not good signal for mkt. be careful ES NQ 5ma on daily both downwards so not impossible to drop further back to 50ma or mid BB. progressively lock gains & hold remaining calls. no need to take huge risk. great day & enjoy" +"Thu Jan 17 19:50:19 +0000 2019","market crazy move on trade deal news. nvda amzn nflx baba tsla all nice. see if they continue to buy in" +"Fri Jan 25 13:12:03 +0000 2019","Futures hiking with tech leading. AMZN NFLX both looking for strong move. AMZN above key 1663 resist. Nflx above key 331 resist. Let’s see how the day goes." +"Fri Jan 18 03:22:31 +0000 2019","#FANG $fb $amzn $nflx $googl all have reached mid BB on weekly chart - NFLX way more than that. $ba $bac $baba also did. BUT $spx $comp not yet there. dow neither. so if mkt leading names set up tone for mkt, naturally we should expect spx comp dow all print similar chart pattern" +"Wed Jan 02 15:34:04 +0000 2019","amzn strong. fb strong. googl weak. nflx aapl weakest. mkt not clear for a direction yet. may take a few more hours here as consolidation goes." +"Mon Jan 07 15:13:06 +0000 2019","googl too weak. dropped 1%. so is FB. both did very poor this morning, not like amzn nflx hiking (both fading now though). googl need to defend 1063. if can't, this week calls no good." +"Mon Jan 28 17:04:00 +0000 2019","mkt going down fast. tech nothing good. nflx was strong then pulled down by mkt. amzn googl aapl weak all morning. aapl was better than other names but looks like big $$ pretty hesitated lead a bull run into earnings." +"Sat Jan 12 01:26:37 +0000 2019","as i said a week ago back on Jan 4, tons names bounce back to daily mid BB, then 50ma, then cloud bottom or even more. exactly what has happened in the past week $amzn $nflx $googl $tsla. that said, $aapl $nvda not there yet - so both have potential. $tlry exploding not over yet." +"Wed Jan 30 14:25:25 +0000 2019","TSLA XLNX NFLX all possible runners today but can be hard and by risk - NFLX > XLNX > TSLA so be extra cautious about nflx - goes with amzn and down with it too." +"Mon Jan 07 14:59:14 +0000 2019","NFLX amzn both hiked and faded. if you read my twits pre-market, you know how important it is to progressively lock gains today coz premiums super high." +"Mon Jan 07 13:38:14 +0000 2019","$nflx $amzn both very strong pre-market. nflx already powered through Nov13 highest 301.8 level. next in line 304, 311 then daily cloud top 318, possibly Nov8 highest 332 level. amzn already through 50ma 1596, key resist above 1608, 1643 1658 1692 1706 then daily cloud top 1729" +"Thu Jan 03 14:10:47 +0000 2019","Futures $es_f $nq_f back a bit from a big hole. But $nflx almost back all the way up green while $amzn still down 1%+ pre market. See where big $$ in $aapl will flow into today. Powell tmr so risk is obvious. Next week call/put hedging each other is much better option." +"Mon Jan 07 15:54:05 +0000 2019","$amzn $nflx both hiking huge this morning. their daily and weekly chart tell all you need to know about how high this technical move can reach. $googl $fb both very weak today but could be next in line. $tsla super strong on REAL news. 331 already powered through $nvda set up BIG" +"Tue Jan 08 20:03:59 +0000 2019","$amzn $nflx $googl hourly chart all lower low BUT $es_f $nq_f not seen lower low yet. interesting here. if amzn nflx googl can't be supported, see lower low or inside candle tmr. but if this final hour turns to be bullish engulfing to close the day, likely explode hard." +"Wed Jan 09 13:43:24 +0000 2019","no news or tweets out about trade talk. see if any update comes out. futures ok. amzn strong pre-market. nflx aapl both were up nicely but now cooling down all the way back. tsla was down then back up. baba bidu both up nicely. gonna be interesting day." +"Wed Jan 23 20:48:59 +0000 2019","mkt bouncing from mid-day low. but tech not strong enough. dow up 150 pts while spx up not only 5 pts - this tells the relative weakness of mkt. note that nflx likely see 5ma dead cross 10ma on daily tmr. googl back to mid BB today and back up nice. amzn still in dark cloud." +"Tue Jan 08 04:28:08 +0000 2019","IF - and this is a BIG if - trade talk goes great, there's a chance we see $amzn at 1681 1726, $nflx at 325 332, $googl at 1108 1114, $nvda at 151 156 on the same day." +"Wed Jan 02 17:17:21 +0000 2019","if you have not yet noticed it, $amzn seen macd start to golden cross today on daily chart. $nflx $googl already seen it on Monday. $fb will see this tmr." +"Thu Jan 31 16:15:50 +0000 2019","$amzn earnings undoubtedly will have significant impact on all rest tech names. if AMZN runs super, $nflx at 353 tmr & possibly 380 next week. $googl at 1135 tmr & run to 1147 prior to earnings. $fb possibly gap fill to 175.8 tmr & run to 180 easily. ALL depends on amzn." +"Wed Jan 16 01:32:15 +0000 2019","$nflx pre-earnings move set up the tone for tech bounce into NFLX earnings. if nflx er great and runs towards 390-400 range, $amzn should be back to previous high when this downside move started - around 1778 level. similarly, $googl to 1135, $fb to 169, $aapl to 166." +"Thu Jan 10 19:25:47 +0000 2019","four names to tell the strength of mkt move (if any before EOD). amzn need 1664. nflx need 325. ba need to hold above 351. aapl need new HOD. if these things ALL happen before EOD, can tell this mkt is very strong. otherwise uncertainties into tmr." +"Wed Jan 09 20:03:32 +0000 2019","amzn nflx googl tsla tlry all seen hourly 5ma turning upwards. positive signal into tmr but again anything can happen as spx comp daily mid BB still downwards with price level far up there. again, use next week and feb calls as primary if you do play. this week only as lotto." +"Fri Jan 18 00:13:57 +0000 2019","ultimate rule to tell if ok to use aggressive valuation - can u live without it? $msft was no.1 coz Windows dominate world. $googl always top coz everyone use it. $amzn rising huge coz 100M+ prime member. $aapl was no.1 coz most want iPhone. $tsla $nvda $nflx not even close yet." +"Fri Jan 18 00:22:18 +0000 2019","$es_f $nq_f futures both green on $nflx ""not so exciting"" earnings. what if ES NQ both run big tmr? if that happens, not impossible to see nflx from 339 post-mkt all the way back green after premium killing upon open. this happened before so many times in tech names. just saying." +"Wed Jan 16 01:45:46 +0000 2019","minor losing day for me although mkt hiked. eyes were on nflx, tlry, nvda, cmg, tsla. upon open, nflx calls doubled & eventually 2.5-3X easily locked & rolled during pm 351 dip. tlry took loss w/ remaining calls. nvda weak all day - that's my primary loss. picked up amzn on dip." +"Thu Jan 31 20:28:43 +0000 2019","reactions after earnings so far - $aapl great. $fb super. $ba super. $msft bad. $nflx bad (but actually not bad ER). if $amzn miss or only making small moves either way, mkt $spx $comp not gonna be affected significantly as all eyes on $googl now. mkt always reward STRONG names." +"Thu Jan 24 02:26:14 +0000 2019","If and when I start to roll out of $SPY into tech singles, I will look to names that are near their highs (CRM, CIEN, WDAY) and not near their lows (FB, AAPL, MU, etc)." +"Thu Jan 24 15:57:14 +0000 2019","Remember what I said about AMZN GOOGL. Both daily chart still bad. Be careful into tmr. Not impossible to see tech big fade. AMZN is key reference. If fade today and supported, actually good for all tech. If small range into tmr, not good." +"Sat Jan 19 03:02:50 +0000 2019","big picture - mkt started this dip from 2800 on Dec3 till Dec24. 16 days total. reversed on dec26 & ran 16 days to ystd. Jan18 is Day 17 & set up tone. Dec3 level is KEY reference. Names that haven’t reached Dec3 levels will do. $fb $amzn $nflx $googl $spx $comp $bac $nvda $ba " +"Sun Jan 06 23:52:28 +0000 2019","big picture - there's a reason why $msft is now #1 in mkt cap - trade deal does NOT even matter to msft. it already has HUGE mkt depth in China. so during this tech-led mkt downside move, $msft dropped 18% from top. $fb -44% $aapl -39% $amzn -36% $nflx -45% $googl -24% $nvda -57%" +"Fri Jan 11 19:16:55 +0000 2019","ES NQ still high risk into next week. $spx $comp $qqq $spy all inside candle so far on daily, meaning technically might see a hike to daily 50ma first then down big to touch rising daily 10ma or even mid BB. how spx comp close today will be key. anyway, be VERY careful next week." +"Wed Jan 16 01:49:25 +0000 2019","yes i predicted this January huge tech bounce back in Dec. as i said back then, monthly 5ma is KEY indicator telling where we will go from here. NFLX earnings set up tone for rest. BUT there's only one nflx & other tech not likely see good ER. so be careful into Feb." +"Thu Jan 31 21:53:51 +0000 2019","Premium killing for AMZN but as I said good for mkt overall especially googl. Friday likely a rotation day to DOW. So possibly see BA run big. Googl also going to attract significant big $$." +"Wed Jan 16 01:47:26 +0000 2019","amzn calls already 40%+ and possibly gonna double tmr am if mkt good. tsla still chance to run. cmg still good set-up but progressively locked w/ only lotto size. my point is, there are gonna be days like today where u didn't do well while mkt crazy. that's ok. fight another day." +"Thu Jan 31 21:05:54 +0000 2019","$amzn numbers are great. actually super. but guidance not so exciting. see how it develops. remember if amzn up but only small moves, still good for mkt, especially googl." +"Wed Jan 02 14:48:59 +0000 2019","NFLX jan4 250p now @ 3.3 good to consider. need it to drop below 255 today for this put to work. if amzn leading tech for strong bounce, nflx may see 264 again before dropping. so know the risk." +"Mon Jan 28 14:52:20 +0000 2019","tech calls no good. nflx spy put hedge covered nvda remaining calls plus amzn pre-earning call loss. then xlnx tlry call BIG profits!!! logic is very simple - big $$ flowing into strong names that give assurance - that's $XLNX" +"Fri Jan 25 15:28:21 +0000 2019","$SPX $COMP $SPY $QQQ $ES_F $NQ_F all have spectacular view on daily chart - look at the cloud shape. now price levels about to move INTO the huge falling cloud... $nq_f $es_f actually already stepped right into it. 50ma still moving downwards. Monday will see huge move either way" +"Wed Jan 02 16:54:29 +0000 2019","also keep in mind for so many names, especially tech names, weekly 5ma still sharply downwards this week. so IF Powell Yellen Bernanke have consistent views on Friday, mkt can dive huge - spx possibly see 150 pts drop in one day. but if good talk, can reverse weekly 5ma back up." +"Thu Jan 24 14:27:44 +0000 2019","money flowing into amzn googl ystd as they both are approaching earnings. googl back to mid BB on daily. amzn close. how daily 5ma changes today is key tell. remember everything before earnings is about premiums, not potentials. trade on facts, not assumptions." +"Tue Jan 15 14:05:20 +0000 2019","all eyes on amzn today. if it falls, everything follows. if it hikes, tech all up. can go either way. 1646 1594 are two threshold references." +"Sun Jan 27 16:06:16 +0000 2019","Many say mkt has reversed from bearish to bullish again. As I said, still in bearish mkt until proved otherwise. Now just monthly chart strong tech bounce. Need $SPX conclude >2791, $COMP conclude >7486 for Feb or March to confirm reversal. Before that happens, nothing changed." +"Wed Jan 16 23:52:27 +0000 2019","$nflx earnings on Thursday. 387 is key to tell. If er great and move over 387, pretty sure we see ATH coming in 2-3 weeks. $amzn $googl Feb calls gonna up huge due to premium rebalancing. If earnings no good, nflx back to 311 possible but set up AMZN for a good ER run." +"Wed Jan 30 00:45:27 +0000 2019","aapl earnings set up the tone only for Wed morning. nothing more than that. tech can run but need higher high on daily to mean something, if anything. all eyes on Fed report tomorrow afternoon. that's way more significant than aapl earnings." +"Thu Jan 10 15:06:08 +0000 2019","NFLX strongest among tech due to its er scheduled next Thursday. so if big $$ starts to buy dip in tech, nflx will be the first one to go green. use it as reference. if it starts to dip and see lower low again, veyr bad for mkt." +"Mon Jan 07 17:38:03 +0000 2019","spx up. comp up. but dow just ""so so"" compared with spx comp. BUT keep in mind WMT today b/o upside consolidation channel and moved up. see if it can test daily 50ma tmr. if wmt good AND ba follows, DOW gonna up big tmr - pushing spx comp for another higher high. then likely fade" +"Tue Jan 15 18:34:43 +0000 2019","$AAPL raises prices by about 10%, customers can still choose not to buy this cycle but remain engaged. Analysts: horrible no good doomed strategy! $NFLX raises by 13-18% with no choice effective immediately. Analysts: HELL YEAAAH RINSE AND REPEAT EVRY YR OR 2 4EVER!!" +"Thu Jan 17 13:57:15 +0000 2019","remember what I said about $VIX - lower low green ystd on daily chart AND weekly 5ma start to flat. not impossible to see it back to 23 if mkt no good w/ $nflx earnings." +"Sun Jan 06 23:45:31 +0000 2019","this whole 6-yr bull mkt run started w/ new tech revolution - that's why we see #FANG all hiking 5-10X. so there's ONLY one chance we see bear mkt reversal - trade deal done AND china opens internet & tech mkt to $fb $amzn $nflx $googl. if that happens, mkt reverse fast & furious" +"Sun Jan 13 17:53:33 +0000 2019","(2/2) next in line $baba $nvda $tsla although all need better ecosystem. BUT remember every biz has GROWTH LIMIT (Peter Senge @ MIT) - if too big & can't change, one minor mistake kills all. Nokia Motorola GE all perfect examples. GOOGL AMZN both great on change. FB AAPL very bad" +"Wed Jan 30 19:19:01 +0000 2019","logic was very simple. got into 340c right before fomc released. if no good, take loss at about 20%. if good, can run. amzn googl fb all about to earnings so premiums too high to buy. nflx much better choice." +"Tue Jan 08 20:26:47 +0000 2019","GOOGL INTC stronger than amzn nflx here. and 1min chart of googl intc looks pretty similar. very interesting." +"Wed Jan 23 16:57:59 +0000 2019","as i said earlier this morning, if you play tech calls, you need hedge. amzn googl hedge both big win. nvda calls were up a lot - progressively lock gains and hold rest. YOU need to know where to put a stop. no one can make the decision for you." +"Fri Jan 18 15:55:53 +0000 2019","HUGE winning day with nvda googl amzn calls and tsla puts. signing off for now. stay calm. size your plays. have a plan ready. don't gamble. progressively lock and CASH OUT to bank acct." +"Thu Jan 31 19:53:18 +0000 2019","all tech names consolidating and waiting for amzn. no matter how it ends, make sure you size your plays and have a strategy for your plays. absolutely high risk into tomorrow as anything can happen with amzn. trade on facts, not assumptions/emotions. remember tmr is February." +"Sat Jan 26 02:48:55 +0000 2019","#FF @johnscharts @WeeklyOptTrader @OMillionaires @deafdaytrader @UgeneKrawec @MDTrades12 @AnthonyMaceroni @WallStJesus great week concluded with an almost perfect Friday. take some rest and let's see what mkt offers next week as many big tech names start pre-earnings run. HAGW!!" +"Thu Jan 03 10:53:13 +0000 2019","$spx futures -35 this morning. If you simplify it. See if we hold above 2467 area, Or not! See if $aapl holds $146ish, or not! It will give clues for today and perhaps the days ahead." +"Thu Jan 03 04:19:27 +0000 2019","Economic indicators all showing a slowing in global growth and now a market leader lowers guidance for Q1. Like I always say price leads news. If history is any guide $AAPL will put in a bottom here. It's discounted." +"Fri Feb 01 23:21:20 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $FB $AAPL $AMD $NVDA $TSLA $MSFT " +"Mon Feb 11 12:35:49 +0000 2019","RT @ipo_candy: According to 'Augusta Review', ""shares of Goosehead Insurance Inc. (#NASDAQ: $GSHD), we can see that the stock price recently hit 27.5. The stock has topped out with a high of 28.83 and bottomed with a low of 27.38."" #StockMarket #Stocks … " +"Fri Feb 15 14:22:34 +0000 2019","Feb-14-2019 @jimcramer #StopTrading #alert "" $JPM gets upgraded price target $130 & $KO has disapointing quarter"" #jpm #ko #jpmorgan #cocacola #stock #alerts #alertas #acciones #valores #bolsa #mercado #español #sp500 #spy #dia #DowJones #stocks #stockmarket #cramer " +"Mon Feb 18 15:12:11 +0000 2019","Sonos (#NASDAQ: $SONO) stock ended its day with gain 3.51% and finalized at the price of $11.51. Stock traded with the total exchanged volume of 2.54 million shares. 👈🏻Full article #StockMarket #Stocks #Shares #Smart #SmartSpeakers #Speakers #Sonos #IPO " +"Tue Feb 05 13:48:18 +0000 2019","""Shares of Domo, Inc. (#NASDAQ: $DOMO) stock closed at the price of $26.88 on Monday. Throughout the recent session, the prices were hovering between $26.24 and $27.6339."" 👈🏻Full article #StockMarket #Stocks #Trading #Shares #Tech #Software #Domo #IPO " +"Fri Feb 01 23:19:46 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $FB $AAPL $AMD $NVDA $TSLA $MSFT " +"Wed Feb 13 13:02:59 +0000 2019","""@Sonos (#NASDAQ: $SONO) experienced a high price of $11.04 and low point of $10.5326. Sonos opened the stock at $11 on Tuesday, following a gain of $0.19, or 2.80% during the full day."" 📊Full article #Stocks #Shares #StockMarket #Speakers #Sonos #IPO " +"Wed Feb 27 14:07:48 +0000 2019","""@Domotalk (#NASDAQ: $DOMO) stock moved -2.00% to $34.73 on Tuesday. The stock traded a recent volume of 565524 shares, this represents a daily trading in volume size."" 📰Full article #Stocks #Shares #StockMarket #RealTime #Cloud #Dashboard #Domo #IPO " +"Fri Feb 01 14:43:56 +0000 2019","The Latest “Buzz on the Street” Show: Featuring Tech Earnings (NASDAQ $AAPL $AMD $FB $TSLA) #tesla #facebook #amd #apple #stocknews #investmentnews #businessnews #investment #nasdaq #earnings " +"Fri Feb 01 23:19:17 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $FB $AAPL $AMD $NVDA $TSLA $MSFT " +"Fri Feb 15 22:21:42 +0000 2019","Its rare to have an up day (SPY >1% today) and tick closed negative (Tick -272). Previous instances over last 6 months came at short term tops. 3 up days in a row all with tick close negative came at September top. Down next week? " +"Thu Feb 14 20:17:34 +0000 2019","New Video: How To Trade a Sideways Price Range and Directionless Stock Market #stockmarket #finance $AAPL $SQ $FB $AMZN $GOOGL $TWTR " +"Thu Feb 21 15:52:36 +0000 2019","""#Moderna (#NASDAQ: $MRNA) has recently fallen -4.37% to US$19.92. It began at US$21.12 but the price moved to US$19.13 at one point during the trading and finally capitulating to a session high of US$21.24."" 📰 #Stocks #StockMarket #Vaccine #mRNA #IPO" +"Mon Feb 11 22:26:38 +0000 2019","Added to $TSLA puts into close and added March 265 $SPY puts into close. We closed ES below @mcm_ct ‘s bull bear line and his geometrics 2712 key level. Bulls need to recover quickly tomorrow or down we go... " +"Tue Feb 26 13:42:45 +0000 2019","""Shares of @CarbonBlack_Inc (#NASDAQ: $CBLK) stock constructed a change of 2.22% (Gain , ↑) in a total of its share price and finished its trading at $12.87 on Monday."" 📰Full article #StockMarket #Shares #Stocks #Software #Security #CarbonBlack #IPO" +"Sat Feb 09 18:21:11 +0000 2019","$AAPL acting MUCH better lately.... Note how well its been behaving since Tim Cook's Jan 2nd blunder! That ""HIGHER LOW"" discussed 2 weeks ago and that recent #PowerEarningsGap also helping repair some of the recent damage in this stock! So far so good here.... " +"Sun Feb 03 19:44:59 +0000 2019","S&P EW index and Russell both seeing some exhaustion hitting DeMark combo 13’s. Could see a pullback soon with SOMA redemptions next few weeks. Charts via: @TommyThornton " +"Sun Feb 24 23:56:49 +0000 2019","Appen $APX reports another stellar set of results. Rev up 119%, NPAT up 148%. David Gardner inspired fun: my original buy price sub $3, currently up $3.44, setting up for a potential Spiffy Pop? Can it hold until the end of the trading day? #SpiffyIsForClosers h/t @DavidGFool " +"Fri Feb 15 18:49:27 +0000 2019","Tech stocks aren't buying today's rally and there's a solid short setup emerging in $QQQ. All the bullish action this month has just been coiling up into a rising wedge, with volume steadily declining, and RSI diverging. All suggest momentum's running out - looking lower to 166. " +"Wed Feb 13 15:26:50 +0000 2019","#earnings after the close $CSCO $CTL $YELP $NTAP $MRO $MGM $FOSL $SPWR $SWIR $PXD $AIG $WMB $ASGN $NLY $CF $AR $H $MFC $EQIX $RYAM $NEPT $SVMK $VNDA $SNBR $DIOD $LPI $BAND $AM $AMGP $DVA $IFF $PS $RUSHA $QUIK $CRY $ADOM $WCN $CHEF $HOS $IVC $ARI $CTRE " +"Tue Feb 05 09:03:22 +0000 2019","$SPY next res ~274, 280 $QQQ resistance ~173-175 $IWM res ~155, 158 $VIX slight sup break. -Index dips bought again. MM’s could be forced 2chase, if price keeps going up Nice continuation 4many leaders: $COUP res ~100, $ZS Poss sm flag: $NOW $AMD $FB Consolidating: $XLNX $CGC" +"Mon Feb 11 21:23:20 +0000 2019","$QQQ crunch time! $NASI nosebleed! Chris @KimbleCharting + I arrive at the same place: There are outward appearances of resistance - $QQQ. They match my Intermarket Analysis signal of breadth fatigue -$NASI. Correcting in time vs price (shallow) OR rejection+correction (deep)? " +"Thu Feb 21 15:51:58 +0000 2019","$GOOGL ... the first of the ""big Nasdaq 3"" to tip its hand here... This is one example of the type of action to look for next few days. The more stocks you see behaving like this, the higher the odds increase for a market pullback. Individual stocks lead and indices follow " +"Tue Feb 26 23:19:43 +0000 2019","$SPY - daily MACD seems to be rolling over (lower panel). Typically corresponds w/ visit to 13-ema (green line) through time/price. Hasn’t been below it since Jan 3 (36 days). 10-dma and WS1 both at 277.2 " +"Tue Feb 19 18:39:53 +0000 2019","Tech stocks $QQQ continue to lag today under-performing both $SPX and $RUT and is still filling out the bearish wedge in my chart unable to hold a new high. As always no sense in shorting a rising market & best bet is to wait for wedge to break-down and enter on downside momentum" +"Fri Feb 01 19:18:41 +0000 2019","LOTS of bearish setups in many big names right now. Big names mean more than thousands of little names and will drive markets lower very soon. $AMZN seems to be leading the charge, $GOOGL, $MSFT, $AAPL to follow. Protect your portfolios and hedge your positions. $SPX $SPY" +"Tue Feb 05 14:25:50 +0000 2019","as i said half a month ago back in mid Jan, this super strong technical bounce is all about going back up to Dec 3 level. names that have not yet done so will do. so keep in mind about $aapl - if this one goes crazy, mkt still has room to run. $spx $comp close to Dec 3 levels." +"Mon Feb 04 15:17:22 +0000 2019","$QQQ very impressive relative strength today $NFLX especially looks ANGRY ... breakout thru downtrend line looks imminent at this point " +"Sun Feb 24 16:19:52 +0000 2019","mkt KEY dates Dec3, Nov7, Oct10. 1st pic shows HIGH price of Feb22 close & of those three dates. 2nd pic shows % returns by Feb22 compared with those 3 dates (Dec3 blue; Nov7 orange; Oct10 gray). $spx $comp $indu $aapl $fb $amzn $nflx $googl $nvda $tsla $msft $ba $wmt $bac $baba " +"Thu Feb 21 00:41:49 +0000 2019","Despite Fed minutes being about as constructive as possible for markets there's been little reaction with $QQQ red on the day & $SPX mostly unchanged which may indicate fed optimism close to priced in.Watching small caps closely which are leading & headed straight into resistance" +"Sun Feb 24 05:39:34 +0000 2019","2/25-28: Mobile World Congress #5G Tues: Powell/Congress, $PANW $TNDM Wed: Powell/Congress, $SQ $AMRN Th: GDP, $NOW I/C, $ZS $SPLK $WDAY $ADSK 3/2: Tariffs on China increase? 3/4: China Nat’l Ppl’s Congress 3/5: $CIEN 3/7: $OKTA" +"Sat Feb 16 20:02:29 +0000 2019","Mon: US mkt closed Tues: $SLCA Wed: Fed minutes, $ADI $SEDG $WIX $HFC Th: Durable Goods, flash PMI’s, $DCXM $KEYS $TTD $INTU $ROKU $IQ $DBX 2/27: Powell/Congress, $SQ 2/28: $ZS, $NOW I/C 3/1: Tariffs on China increase? 3/4: China Nat’l Ppl’s Congress 3/5: $CIEN 3/6: $OKTA" +"Sat Feb 16 16:08:00 +0000 2019","Have a great weekend all - We're on green week #8 for $SPX and since the low there hasn't been more than 2 consecutive red days. There's an attractive *setup now clearest in tech though with a rising wedge on waning momentum. Would short a wedge breakdown on $QQQ with 165 target" +"Mon Feb 04 19:04:23 +0000 2019","$SPX, Small caps $RTY, and Tech stocks $QQQ have all broken out of their downtrends shown in my chart and managed to hold and this type of strength should be taken seriously. Personally missed the long opp and not chasing but a test of the 200dma's on all of these seems likely" +"Fri Feb 15 15:49:56 +0000 2019","Talk about ""INSIDE DAY"" candles and ""COILING patterns"".... check out this gorgeous action in AAPL here .. bet ya, this one moves BIG later today or next week. Big, as in HIGHER " +"Fri Feb 15 15:36:23 +0000 2019","nflx magic happens LOL ..... aapl also green now.... amzn fb googl all red and even deep red.... no reason playing weak names...." +"Wed Feb 20 15:51:18 +0000 2019","The Nasdaq's Big 3 are coiling like serpents!! $AAPL, $AMZN and $GOOGL ... all coiling and ready to attack! " +"Sat Feb 23 16:08:23 +0000 2019","Have a great weekend all - for next week: Indices put in green week #9 but $SPX & $QQQ were only able to grind out mild new highs despite bullish trade & Fed news. $QQQ still coiling in a bearish wedge and would like to see 1 more pop to ~173.50 resistance before a break attempt" +"Mon Feb 04 14:44:39 +0000 2019","#earnings after the close today $GOOGL $GILD $STX $GLUU $FN $CTRL $BZH $USAK $PCH $MESA $OLN $QTNA $CBT $AVB $CSWC $HIG $LM $LMNX $LEG $RBC $ARE $AEIS $HLIT $KMT $AIV $VSM $SSD $TRNS $RTEC $QGEN $MWA $DLA $KRC $ITUB $APAM $LVFN " +"Fri Feb 01 00:26:18 +0000 2019","#FANG monthly chart update. $FB huge reversal candle closed above 10ma but below mid BB $AMZN higher low BUT below closing price of Dec w/ lower high. 5ma dead cross 10ma. Feb Mar consolidation $nflx double bullish engulfing closed above 10ma. BEST among FANG $googl same as AMZN. " +"Mon Feb 04 15:58:47 +0000 2019","$TWTR .... looking at this one again The stock has fallen big time out of favor recently and has quietly been regaining its form... only issue with this setup is $TWTR earnings coming out this week!! " +"Fri Feb 01 03:09:16 +0000 2019","It is almost as if the market is focused on: (1) absolute dollar free cash flow (which is a fact) versus earnings (which is an opinion) and (2) total addressable market (TAM). AAPL and AMZN both have very attractive absolute dollar free cash flow and TAM." +"Tue Feb 26 21:26:07 +0000 2019","that said, there are a few names on my trade list that i keep track all year long no matter what, and i call them CORE names - amzn nflx tsla nvda. yes that's it. only four. no fb. no aapl. no googl. no ba. no baba. no spy/qqq. i track all these names too but they are not core" +"Thu Feb 14 14:52:07 +0000 2019","#earnings after the close $NVDA $CGC $AMAT $ANET $XPO $LOGM $AUY $SSNC $CBS $CGNX $RDFN $CC $TREX $BL $TLND $GLOB $TRP $TRUE $PVG $ELLI $AEM $AMN $AIRG $CVA $INVH $HTA $MRC $MX $SPXC $CTT $TNET $PDFS $ARR $SVM $SRTS $RWT $WRE $WES $PRTA $CINR $CPS " +"Wed Feb 20 17:46:43 +0000 2019","as i said ystd, amzn options mispriced.... typically if mkt deemed for a big move, mkt leading names like amzn up 1% ystd would see big $$ rolling on calls but its ITM option price barely moved ystd.... today down heavy... ystd was a signal.. nflx daily 5ma flat today also signal" +"Sun Feb 03 17:07:29 +0000 2019","For your chart porn pleasure... $SPX vs a FAANG portfolio (20% each $FB $AAPL $AMZN $NFLX $GOOGL, rebalanced monthly) First; since May 2012 (YOWZA) " +"Wed Feb 20 17:21:11 +0000 2019","amzn nflx now red..... fb googl barely green.... aapl strongest.... semis holding strong.... china stock still very strong.... bac still holding green.... but what's interesting is NQ was way stronger than ES earlier this morning now much weaker than ES..." +"Fri Feb 15 22:15:25 +0000 2019","$ES_F yes, agree, nothing makes sense, that said, here are the areas I am looking at (note they are still within the wedge) don't get mad at me...just posting what I see ...market could prove me wrong any second...why I watch a lot of internals " +"Mon Feb 04 21:06:45 +0000 2019","#MarketWrap Major indexes close up on day dominated by tech. DOW +0.70%, NASDAQ +1.15%, S&P 500 +0.68% Late session rally for DOW led by tech ahead of Alphabet earnings after the close. $FB, $AAPL, $NFLX, $GOOG all closed up ~2% or more" +"Fri Feb 08 21:07:02 +0000 2019","#MarketWrap Major indexes close mixed as earnings help stocks pare earlier losses on trade, global growth concerns. DOW -0.25%, NASDAQ +0.14%, S&P 500 +0.07% All three posting modest weekly gains" +"Tue Feb 05 21:09:52 +0000 2019","#MarketWrap Major indexes close higher as tech continues gains, investors optimistic on Fed after Powell's dinner with Pres. Trump Monday. DOW +0.68%, NASDAQ +0.74%, S&P 500 +0.47% Major indexes hit two-month highs ahead of SOTU, POTUS expected to highlight economy in speech." +"Tue Feb 26 21:30:12 +0000 2019","Meet our #Futures Contract of the Week: Nasdaq-100 E-minis. Unlike the S&P 500, which features many sectors, the Nasdaq-100 is heavily focused on #technology stocks — and includes financials, healthcare and industrials. " +"Sat Feb 02 14:46:01 +0000 2019","#earnings for the week $GOOGL $TWTR $SNAP $CLF $TTWO $ALXN $DIS $BP $CLX $SYY $GM $GILD $CMG $GRUB $EA $STX $SPOT $AMG $SAIA $RL $CNC $EL $UFI $GLUU $MTSC $JOUT $PM $GPRO $LITE $FEYE $SWKS $LLY $MPC $BDX $REGN $VIAB $ONVO $HUM $ARRY $PBI $ADM $BSAC " +"Thu Feb 21 02:00:54 +0000 2019","Live stream now $BA $AAPL $SPY $ROKU $AMD after 10pm you need to see it on my youtube channel you need to wait about 30min for them to render it" +"Thu Feb 21 18:11:59 +0000 2019","mkt bouncing.... nflx back to green then red again... msft very strong all day.... see if tech reverses.... no interest to play anything though....." +"Fri Feb 15 19:07:50 +0000 2019","Now that earnings season has wrapped up for big names like $AAPL, $AMZN, $AMD, $ATVI, $MSFT, $NFLX, $NVDA and $TTWO, we’re gearing up for a big tech face-off. What will the scoreboard look like? " +"Thu Feb 21 04:36:15 +0000 2019","Best combination of Stock Market which must not be ignored Declining interest rates with declining price to earnings of stock in broader Market. Right now if we look at overall market More than 50 percent stocks trading below 10 P/E." +"Tue Feb 12 15:48:24 +0000 2019","FB weakest among FANG today. reason is AMZN GOOGL very very bad since earnings and NFLX range consolidation (ascending triangle on daily chart now forming). so $$ were out of those three and pour into FB for quite a while. now mkt expectation up, $$ start to roll back to them." +"Thu Feb 07 13:24:54 +0000 2019","FYI- Smart Money bullishness has moved to 38% (lowest level of year about 30%). $SOX overbought. Should market continue higher, my guess is that breadth will deteriorate for a bit and momo stocks will underperform until next NASI BUY SIGNAL. $QQQ $SPY $IWM" +"Tue Feb 05 19:44:14 +0000 2019","as i said ystd after $googl earnings, mkt $comp $spx not in panic mode so they were either expecting googl would come all the way back up or sth big would happen like trade deal. now googl completely recovered. if see higher high on daily, really tells sth. LEARN the logic behind" +"Mon Feb 04 16:16:40 +0000 2019","keep in mind ES NQ both starting to see 5ma and 10ma deviating from each other on daily chart. typically not a good signal. maybe another crazy run if googl er great today after close. but be very careful into late this week." +"Wed Feb 27 18:34:46 +0000 2019","Coming into this week... there were 4 Stocks that i was highly interested in and was bullish on going into their earnings! $ETSY, $AMRN, $JD and $SQ We've already seen what $ETSY and $AMRN have done! Now waiting to see how $JD and $SQ do!" +"Thu Feb 28 14:25:42 +0000 2019","end of month trading day.... let's see what mkt offers.... ba amzn aapl bac all key indicators of mkt strength at this point...." +"Sun Feb 10 22:00:11 +0000 2019","Earnings this week is going to be F-U-N. We've got $ATVI $TWLO $CSCO $YETI $NVDA $NIO $CGC and more. Find all the goodies in our earnings calendar: " +"Wed Feb 20 17:09:41 +0000 2019","mkt dropping fast. hope you all progressively lock ba nflx calls for profits this morning. if you did not, profits gone fast. fb calls not working. mkt waiting for Fed at 2pm." +"Mon Feb 04 15:16:49 +0000 2019","From $GOOGL to $TWTR, the earnings deluge ain't stoppin' this week. @JimCramer's taking you through his game plan as we enter an ""ideal environment for stocks"" " +"Wed Feb 20 03:35:04 +0000 2019","ES need to hold above 2776 overnight. NQ a bit stronger than ES. use amzn nflx ba bac as key references of overall mkt... nothing else matters...." +"Mon Feb 04 00:00:17 +0000 2019","From $GOOGL to $TWTR, the earnings deluge ain't stoppin' this week. @JimCramer's taking you through his game plan as we enter an ""ideal environment for stocks"" " +"Thu Feb 28 17:31:47 +0000 2019","great day with amzn cmg tsla plays... all of them 60%-90% win..... fb nflx not working but took loss in time.... overall still very nice win.... lunch time....." +"Fri Feb 01 00:10:22 +0000 2019","AMZN dropped 100 pts after CC then pulled back up a little bit. NQ red about 0.2%. ES YM both green. googl not seen panic sell. gonna be very interesting first day of Feb." +"Mon Feb 04 02:00:14 +0000 2019","Futures very clear. ES higher low but NQ lower low. So NQ needs a huge bullish engulfing on daily otherwise not good signal into googl’s earnings...." +"Mon Feb 25 12:55:32 +0000 2019","ES NQ both strong. BA nflx FB TSLA NVDA calls from Friday all gonna be great. Again, AMZN aapl will be key indicator of market strength starting today, not just looking at nflx BA." +"Fri Feb 01 18:13:03 +0000 2019","all eyes on googl today for sure. and goodl is not making an exciting move after morning hike. so without the leading name moving, big $$ fears mkt fading. that's what determines everything into this pm." +"Mon Feb 25 15:55:56 +0000 2019","locked most positions to take gains.... held many calls over weekend including ba nflx fb nvda tsla.... big win today..... no need to take further big risks..... holding some remaining calls but not big positions..... now relax and watch how mkt goes....." +"Fri Feb 01 15:50:29 +0000 2019","AMZN all is about 30min chart mid BB now. still sharply down. when this mid BB turn flat, we will see some price actions. again, no reason playing it now. premium needs to cool down first. and it's googl time. if amzn good and start to bounce, googl will also go up." +"Sun Feb 24 16:22:24 +0000 2019","clearly, $fb $nflx $ba $baba all winning with substantial margin, while $aapl $amzn $nvda $tsla substantially lagged behind.... particularly, NVDA AAPL both big losers (can also mean potential room) keep in mind $comp $indu already passed over Dec3 levels yet far from Oct10 level" +"Fri Feb 15 15:34:42 +0000 2019","i said again and again mkt will back to Dec 3 level since early Jan.... very very close to that level now.... said use nflx as indicator/reference... BA also another indicator.... if we power through dec3 level like a piece of cake, it means back to bull mkt otherwise big dip...." +"Mon Feb 25 01:28:26 +0000 2019","$ba $nflx been leading mkt for weeks. but for mkt to power through AND close above 2824 - which would be key signal if we could get back to bull mkt - it will definitely need $aapl $amzn to go up and lead the whole tech sector up. otherwise still narrow upside range consolidation" +"Fri Feb 15 16:47:16 +0000 2019","Tech in deep red... especially leading names.... nflx was up big now back in red if you did not progressively lock gains now profits probably all gone... as warned earlier this morning, be very careful about mkt especially tech names...." +"Fri Feb 01 00:32:26 +0000 2019","$AAPL lower low lower high closed below mid BB with 5ma dead cross 10ma (in this case, it's the BEST dead cross you could expect given the lower low AND 5ma far far up as that's bottom signal). need close Feb or Mar above 176 to confirm reversal back to bullish trend " +"Wed Feb 13 04:08:43 +0000 2019","$NFLX was the leading indicator of mkt as it was the FIRST to reach AND b/o Dec 3 level - which I mentioned again and again is VITAL reference. strong close today open up room for a run to 61.8% fib 385. if through, see 78.6% 427. IF mkt reverse back to bull, see 480 this year. " +"Tue Feb 26 01:13:24 +0000 2019","$amzn weekly MACD golden cross BUT 5ma about to dead cross 10ma (unless pulling up above 1680+ this week to pull up the 5ma). daily chart MACD about to golden cross with bottom shape formation. today's hike but closed >1632 resist. if mkt good, 1672 1681 1695 1718 resist above. " +"Thu Feb 28 23:16:00 +0000 2019","also note that ES NQ monthly chart 5ma both turning UPWARDS into March, which is very bullish signal.... so even if we see pullback in short-term, mkt should continue to run after some consolidation..... $es_f $nq_f" +"Sun Feb 24 16:30:29 +0000 2019","these two charts also show that individuals stocks, except $GOOGL $BAC $MSFT $WMT, all fluctuate way more intensively than index $spx $comp $indu as mkt moves up or down since Oct10 big drop." +"Tue Feb 05 15:01:13 +0000 2019","how high this mkt can go depends on only two names now - BA and NFLX. one decides DOW. the other decides Nasdaq." +"Wed Feb 06 15:02:56 +0000 2019","Tech heavy sell. Need AMZN GOOGL nflx all bottomed otherwise no good. Know where to stop if you do play tech calls" +"Tue Feb 12 04:49:39 +0000 2019","futures looking different. ES higher high. NQ YM weaker. for all three, daily chart 5ma pointing downwards - so again be very careful about mkt." +"Tue Feb 19 15:13:54 +0000 2019","aapl very bad chart.... no reason playing it.... same with AMZN which is actually strong today but only use it as reference for mkt...." +"Wed Feb 13 17:33:37 +0000 2019","nflx 30min chart 5ma turning upwards now. good signal. need 60min chart 5ma turning upwards too this pm. remember it needs to close above 359 today otherwise need to be very careful." +"Wed Feb 20 16:56:48 +0000 2019","nflx has been leading indicator of mkt since late Dec..... today after open it hiked and faded.... would that be a preplay of what mkt gonna do after Fed this pm? no idea.... but be very very careful into Fed...." +"Thu Feb 21 15:43:12 +0000 2019","day is over early today.... nothing to watch really.... mkt drops and bounces.... no reason playing big.... size plays or watch from sideline.... tmr will be interesting as signal will be clear into next week.... signing off from here...." +"Tue Feb 26 15:21:43 +0000 2019","very nice win this morning on fb nflx nvda plays. remember to progressively lock gains. no reason playing heavy or taking big risk at this point. mkt could range for a while before making another move (either way) so premiums could drop fast." +"Mon Feb 25 15:27:13 +0000 2019","tech $$ rotation very obvious this morning.... big $$ flowing out of $nflx and going into $aapl $fb but not necessarily $amzn $googl. actually googl very weak and no reason playing it.... see if new $$ pulling up $nflx again... it's been KEY mkt indicator since Christmas....." +"Mon Feb 04 20:48:54 +0000 2019","google earnings is THE most exciting one this year not because i am playing tech calls into it earnings, but instead it will determine the fate of entire tech sector for rest of year.... also we will know if $googl beats up $amzn $aapl $msft in competition for mkt cap no.1....." +"Mon Feb 04 20:15:10 +0000 2019","everyone was doubting earlier last week if mkt would continue to run up or what.... late last week most pro traders would not even think about buying back on dip..... this morning with BA FB GOOGL NFLX all set up very nicely, most should know what to do upon open...." +"Mon Feb 04 19:25:10 +0000 2019","very clear strategy here play fb nflx for googl earnings. if googl runs super, fb nflx both run big, especially fb - lots of potential IF break out 172 key resistance can see 180-184 easily. if googl no good, fb any pullback will be gift entry." +"Fri Feb 01 18:55:38 +0000 2019","signing off here. a great day with all the morning plays. i kept reminding you all to progressively lock gains and hope you all listened... googl earnings on Monday. anything can happen this weekend. size remaining positions for all names you are playing. enjoy football weekend!!" +"Wed Feb 20 21:09:14 +0000 2019","see if FANG rotation started today... $fb only green among FANG after $nflx's amazing run... $amzn $googl as i said no reason to play as they both gonna take weeks or even months to get out of consolidation...." +"Wed Feb 13 16:59:28 +0000 2019","if you have followed me for long time, you probably have noticed that past month or so i start to twit way more about real-time mkt analyses - my thoughts on stock names and mkt. hope you have found my commentaries helpful. in my opinion, this is way more helpful than exit/entry" +"Thu Feb 21 14:59:22 +0000 2019","two key references are BA NFLX. both red. if mkt ever reverse today, these two will be first to show signals.... now both weak.... if these two drops more, mkt goes down way more...." +"Thu Feb 14 21:42:57 +0000 2019","Amazing. Guide lower. Beat your lowered expectations and stock rallies after earnings. The Tim Cook earnings system works. Look at $EA too! $aapl $nvda" +"Thu Feb 28 16:11:43 +0000 2019","The S&P 500 rallied 20% off the lows with impressive breadth; however, despite a torrid pace in the major averages, I have not raised my exposure to aggressive levels. I see lots of volatility among breakout names and holding into earnings has been a crap shoot, at best." +"Wed Feb 13 02:25:30 +0000 2019","% Above 52-week Low... $FB: +34% $AAPL: +20% $AMZN: +25% $NFLX: +55% $GOOGL: +15% % Below All-Time High... $FB: -24% $AAPL: -27% $AMZN: -20% $NFLX: -15% $GOOGL: -13%" +"Wed Feb 13 01:49:55 +0000 2019","FANG stocks are 'Old Leaders' $AAPL 25% off its all-time high $AMZN 20% off its ATH $NFLX 15% off its ATH $GOOGL 10% off its ATH True Market Leaders #TML $XLNX ATH close $COUP ATH close $ZEN ATH close $OKTA ATH close $WK ATH close Keep it simple. Buy leaders. Avoid laggards." +"Fri Mar 29 16:26:07 +0000 2019","@Lyft stock opens for trading at $87.24, 21% above its $72 IPO price. The high end of market expectations — which gave the company a valuation of over $24 billion in the booming market for car sharing. #lyft #ipo #nasdaq #stockmarket #business #stocks #trading " +"Mon Mar 25 23:40:29 +0000 2019","@TradersCom Dow logs #BestDay in 5 weeks as tech shares, Apple buoy #StockMarket via marketwatch " +"Wed Mar 20 16:21:18 +0000 2019","$ARDM $ARDMQ appears to be getting manipulated as volume stays low.Could it be someone who has held the #stock from highs desperately trying to keep price up? @SEC_Enforcement #SEC #wallstreet #investments #investors #stockmarket #valueinvesting $AAPL $AMZN $F $GOOG $NVDA $TSLA" +"Fri Mar 22 12:57:33 +0000 2019","Mar-21-2019 @jimcramer #StopTrading #alert "" #Wedbush upgrades $AAPL price target to $220 & $CAG reports good numbers"" #aapl #cag #apple #conagra #stock #alerts #alertas #acciones #valores #bolsa #mercado #español #sp500 #spy #dia #DowJones #stocks #stockmarket #cramer " +"Thu Mar 14 12:52:31 +0000 2019","Mar-13-2019 @jimcramer #StopTrading #alert "" $ROKU gets another downgrade & $CVS price target upgraded to $76 "" #roku #cvs #stock #alerts #alertas #acciones #valores #bolsa #mercado #español #sp500 #spy #dia #DowJones #stocks #stockmarket #cramer " +"Fri Mar 15 15:17:07 +0000 2019","Mar-14-2019 @jimcramer #StopTrading #alert "" $DG reports reinvesting in remodeling & $NKE price target upgraded to $100"" #dg #nke #dollargeneral #nike #stock #alerts #alertas #acciones #valores #bolsa #mercado #español #sp500 #spy #dia #DowJones #stocks #stockmarket #cramer " +"Fri Mar 08 01:38:41 +0000 2019","How about this? Did the #QQQ graze 176 that was predicted by me back in January? Now that it got denied at 172.5 all day long today I am #CallingTop and retest of 165 in a hurry. I live by Qs and die by Qs. Short and long on triple q so don't #tazemebro. I see 168 print 3/8." +"Mon Mar 11 15:21:40 +0000 2019","""On Friday, @TwistBioscience (#NASDAQ: $TWST) stock shut its day with a loss of -1.82% and concluded at the price of $21.06."" 📰Full article #Shares #StockMarket #Stocks #BioScience #DNA #Synthetic #Biology #TwistBioScience #IPO " +"Wed Mar 06 13:07:36 +0000 2019","""@pluralsight (#NASDAQ: $PS) shares dropped 6.2% on Tuesday's #trading & last traded at $30.94. 1,673,547 shares exchanged at hands, an increase of 47% from the average daily volume of 1,140,931 #shares."" 📰Article #Stocks #StockMarket #PluralSight #IPO " +"Tue Mar 26 19:27:19 +0000 2019","The Price-to-Earnings (P/E) Ratio | Basic Investment Terms #6 via @YouTube #stocks #stockmarket #money #investment #trading #TSX #TMX #nasdaq #nyse #news #investing #finance #business #wallstreet #alpha #alphanews #Canada #Questrade" +"Wed Mar 20 14:03:38 +0000 2019","@Mr8lobby What price we looking at when it breaks? #stock #NASDAQ #tech #Stockmarket" +"Tue Mar 12 09:20:04 +0000 2019","RT @Forbes 'Stock Markets Slam Into Resistance: Updated Price Charts For S&P, NASDAQ And Russell 2000' Read the full article here >> #StockMarket #PriceCharts " +"Tue Mar 05 17:12:54 +0000 2019","US drug company to introduce new, half-price version of insulin via @kiii3news #stocks #stockmarket #money #investment #trading #daytrading #TSX #TMX #nasdaq #news #investing #finance #business #wallstreet #alpha #alphanews #equity #Canada #Questrade" +"Fri Mar 22 08:39:04 +0000 2019","Michael and Danny had this setup in #thebesttraders forum very nice mapping. Clean to the Tick hit so far. $SPX #ES_F Looking for a pullback sometime tomorrow. Got some nice prints in on $SPY and $QQQ along with the FAANGs. Maybe a.m pump then puke closing red for the day. " +"Wed Mar 20 01:45:31 +0000 2019","#Stockmarket #DOW snaps 4 day winning streak! Also who leaked #Amazon #Bezos racy texts? #michaelsanchez confirms he did 2 @foxnews but not for #money & #Trump of Tropics #Brazil Balsonaro visits #WhiteHouse $amzn $spy $ndq $dji Cohosting @afterthebell " +"Sat Mar 23 02:34:01 +0000 2019","I love the word ""SUDDENLY"" - God damn it - have you ever seen vertical rally on no volume when companies cut their earnings and disappoint with everything and PMIs dropping to low 40, while yield-curves invert? " +"Thu Mar 28 01:16:07 +0000 2019","$CRM Inc. This is a buy, this price is likely to go up. Sell $QQQ to hedge #Trading #StockMarket #money" +"Mon Mar 04 18:29:31 +0000 2019","$ARLO Arlo Technologies Inc. We are bullish, this price is likely to go up. Sell $QQQ to hedge #StocksToWatch #StockMarket #money" +"Thu Mar 07 04:59:20 +0000 2019","$SPLK Splunk Inc. Profitable trade spotted, this price is set for a rise. Sell $QQQ to hedge #Stocks #StockMarket #trade" +"Sat Mar 02 00:45:09 +0000 2019","$EXAS Exact Sciences Corp. We are bullish, this price is likely to go up. Sell $QQQ to hedge #Finance #StockMarket #money" +"Wed Mar 20 21:46:56 +0000 2019","Tech stocks jumping today, despite the broader selloff, and @ToddGordonTrade says there are two buys in the FANG trade. $NFLX $AMZN " +"Mon Mar 04 17:55:46 +0000 2019","Dow Futures Jump on Trade War Deja Vu While Bitcoin Price Crashes to $3,670 #stocks #cryptocurrency #technology #funny #blog #follow4follow #followforfollow #stock #stockmarket #amazon #sports" +"Thu Mar 21 16:02:28 +0000 2019","Making Money A big theme of my show for weeks the reemergence of large cap momentum names and semiconductor leadership in technology. Both powering NASDAQ to highest point since October 4, 2018. I hope you are watching and making $$$ Today: Where to invest with dovish Fed? " +"Mon Mar 04 22:36:52 +0000 2019","Wall Street has FANG fever and @AriWald says there are two names that could see a bigger breakout $FB $AMZN $NFLX $GOOGL " +"Sat Mar 30 23:54:18 +0000 2019","I climbed onto my tile roof to grab a good photo of this magical rainbow. It reminds me of tech stock valuations today. Magical. " +"Tue Mar 12 18:32:34 +0000 2019","From entrepreneurs who take their dreams global to the brands that have become a part of our lives — QQQ holds companies that are changing the world. " +"Sat Mar 02 16:51:04 +0000 2019","Update here with data by Mar 1. ALL three index above Dec 3 level by Mar 1. amzn googl trying to catch up while big $ rotating out of nflx fb. also, ba baba remain strong due to trade talk. $spx $comp $indu $aapl $fb $amzn $nflx $googl $nvda $tsla $msft $ba $wmt $bac $baba " +"Wed Mar 20 17:46:11 +0000 2019","Tech stocks $QQQ lead the pack lately but also now have perhaps the most attractive setup short setup. The rally to ~180 hit resistance of a rising wedge in play all year (for 5th time), broke out, and (so far) failed back in. Good setup for a move to wedge support at 174 $NDX " +"Tue Mar 26 00:42:36 +0000 2019","Market leaders (small caps, Tech, and Semi's) are all at major inflection points and they need to rally here or bulls are in trouble. $QQQ is near support of a large rising wedge, $SMH is back-testing the breakout of a year long channel, and IWM is at support of a bull flag " +"Tue Mar 12 18:23:42 +0000 2019","From electric cars that will take you cross country to airlines that take you on the trip of a lifetime — QQQ holds companies that are changing the world. " +"Mon Mar 04 13:47:06 +0000 2019","Stocktwits home for those that prefer to be wrong and be angry at the market and want to control it. I however have been massively correct the big picture with many winning plans on what counts like on the $SPY $AAPL and my super star this year with focus $BA. $STUDY my channel " +"Tue Mar 26 20:27:22 +0000 2019","Daily #NASDAQ : New Chart! The narrowing rising wedge over past 3 months has gotten incredibly narrow. BC still holding as support, as is 13MA today. However, Note: VBP resistance coincides with recent top. MACD/Stochs have both crossed bearish FWIW. #NDX #NQ $NDX $NQ $COMPQ " +"Tue Mar 12 18:26:30 +0000 2019","From cleantech that will power the future to the latte that powers you — QQQ holds companies that are changing the world. " +"Sun Mar 31 02:32:10 +0000 2019","#FANG monthly chart update $fb resist at 174 but trend is good $amzn closed > Dec red candle open but short of key 1784. future is bright $nflx failed key 366 numerous times w/ low volume two months in a row. setting up for big b/o $googl need a candle engulfing long upper stick " +"Sun Mar 31 18:10:11 +0000 2019","This week's choppy sideways action is now starting to show a rather bullish looking consolidation in $GOOGL ... Most of the FANG names are printing a similar pattern here as is $QQQ " +"Sat Mar 16 17:38:08 +0000 2019","$AMZN .... started a breakout from a very cool and funky lookin Inverse Head and Shoulder bottoming pattern! Look for this one to continue trekking higher from here " +"Thu Mar 28 00:07:50 +0000 2019","The selloff in tech today found support & its no coincidence where - $QQQ stalled at ~176.50 which is support of a large wedge in play since the lows (green on chart). It can still fill out more but after last weeks fake upside break it should break down to my 174 target at least" +"Fri Mar 08 14:36:39 +0000 2019","$SPY ... gapping down this morning to open dead on the 200 day MA, after 5 back to back down days and with a noticable uptick in bearish sentiment on twitter. Looks ripe for a nice snap back bounce, imho " +"Wed Mar 06 16:14:37 +0000 2019","$nflx was leading indicator of mkt for 2+ months along with $ba.... ba very weak today meaning DOW not likely strong.... but the fact tech retaking control of mkt past few days suggests that tech leaders will move.... nflx today not consistent with mkt rhythm. good signal." +"Fri Mar 15 14:54:23 +0000 2019","so many great ones. $ABT, $MSFT still cheap. Same with $AVGO.. $EL is so fabulous. Paychex good yield. $PG great organic growth. Intuit destroyed HRB, $MA, $V, $PYPL classic fin tech.. $YUM the winner v $MCD and $WEN... Thanks @carlquintanilla" +"Wed Mar 20 20:32:40 +0000 2019","There was some volatility post-FOMC as expected but the bearish big picture setup in $QQQ is still very much in play. It's been forming a rising wedge all year and (once again) spiked above resistance at 180 after FOMC then failed back in. Red day tomorrow would be very bearish" +"Tue Mar 19 02:47:04 +0000 2019","Seeing lots of strong stocks failing to follow through to upside/failed breakouts eg $A2M $APT $ALU $BPT $IEL $NEA. Could be sign market getting rather heavy esp tech. XJO still capped at 6200. Frustrating but is what it is" +"Tue Mar 05 22:01:51 +0000 2019","$SPY - from 6 days ago. Chop and lower since as MAs play catch up. Today was the 1st close under its 10-dma in more than a month which has historically meant (stat/data alert) a higher close is very very likely ahead" +"Tue Mar 05 18:19:44 +0000 2019","seen many people on twitter calling on $nflx big reversal today. i'd say be VERY cautious - at least watch how it goes for a bit longer.... logic is simple - $ba $nflx both leading mkt. they both dropped as amzn googl aapl took over past few days. today BA still weak so careful." +"Fri Mar 22 00:53:59 +0000 2019","now reflecting on this whole bull run and this big dip and bounce, which tech name is the strongest? to everyone's surprise, it's $msft as we already see ATH.... it makes sense though as it's not affected by trade deal or macro policy... $nflx $amzn will be super again..." +"Sat Mar 23 15:29:37 +0000 2019","#FAANG closed this week in very different situations. $amzn <1778, $nflx <366 both below key levels. $fb >164 $googl >1204 $aapl >184 all above threshold levels... aapl event on Monday will be another key for tech. no idea how it will go - just play whatever the mkt signal is...." +"Sat Mar 02 16:56:52 +0000 2019","KEY here obviously is interpretation. $ba still THE leader of mkt while $nflx WAS leading all tech now $amzn $googl catching up. mkt won't go up like this without a pullback. it will happen soon. if a stock miss the time window back to Dec 3 level, VERY HARD now $nvda $tsla $aapl" +"Fri Mar 15 20:17:02 +0000 2019","big picture - mkt tech into bearish trend on Oct10. high on Nov7 Dec3. bottomed after Christmas. since then, $nflx $ba $rut $fb leading mkt. ba fb destroyed by news. $amzn $nvda not yet reached Dec3 level. $aapl did today. $spx $comp highest close since Oct10. amzn nflx may lead." +"Fri Mar 15 11:49:27 +0000 2019","Here's what's happening in stocks today (03/15): - $HEAR: Bad & Sad Earnings Surprise $TSLA: Model Y Reveal $DOCU: Good Earnings but Gapping Down $ULTA: Lots of Positivity on Earnings $KPTI: FDA Grants Extension $ACHV: Quit Smoking Wonder Drug $ATOS: Stock up 360% Yesterday, Why?" +"Fri Mar 22 12:04:16 +0000 2019","What's happening in stocks today (03/22): $AAPL: “Special Event” coming Mar 25 $BA: Airlines Canceling Orders for 373 MAX $ZUO: Growth is Slowing for this Recent IPO $FIS: “Best Ideas” List after Worldpay Merger $SRNE: Cancer Biotech with “Lots of Catalysts” ... follow for more" +"Mon Mar 25 19:06:24 +0000 2019","aapl scheduled event forced a long consolidation in nflx.... now we all know how it goes... something new but nothing novel.... as this aapl thing is over, nflx should pick up the momentum again - but it's heavily dependent on mkt conditions.... if mkt bouncing, nflx can lead...." +"Thu Mar 21 14:05:31 +0000 2019","amzn nflx hiked high and it was perfect time to lock some gains... now they both faded likely consolidate till hourly chart mid BB coming upside to support price...." +"Fri Mar 29 18:15:29 +0000 2019","Quite a few small cap weekly setups emerging. Likely 1st NASI buy signal since late December soon. Lots of fresh mainstream bearish articles being sold to the public. $QQQ $IWM $IWC $IWN $IWX $FFTY" +"Tue Mar 26 20:34:39 +0000 2019","Which ETFs? My 2 suggestions would be STXNDQ which tracks the Nasdaq for pure growth and as a Rand hedge. And PTXTEN for high tax-free dividends underpinned by property. Whilst not the same bang-for-learning-buck as owning a stock, ETFs are also a great introduction to markets." +"Fri Mar 29 20:04:55 +0000 2019","#MarketWrap Major indexes close higher on final trading day of the first quarter. DOW +0.82%, NASDAQ +0.78%, S&P 500 +0.67% $LYFT debuting on the NASDAQ at $72/share, closing +8.36% at $78.02/share" +"Mon Mar 11 15:34:29 +0000 2019","as the stock clown told people to be bearish the $SPY I told my group to hold your $AAPL call options Today we are smiling with skill with our mar 15 170 calls just another $AAPl winner for us with skill. fear is a killer people study my channel and change your mindset." +"Fri Mar 22 20:02:21 +0000 2019","#MarketWrap Major indexes close sharply lower on concerns of a global growth slowdown, recession fears after inversion of 3-month and 10-year Treasury Yield curve. DOW -1.77%, NASDAQ -2.50%, S&P 500 -1.90%" +"Thu Mar 28 13:49:48 +0000 2019","The Dow climbed 50 points on Thursday morning. The S&P 500 advanced 0.2%, while the Nasdaq gained 0.1%. Lululemon spiked 15% after reporting robust sales and a 28% jump in quarterly profit. Watch live " +"Thu Mar 21 20:04:36 +0000 2019","#MarketWrap Major indexes close higher with tech surging, led by $AAPL. DOW +0.84%, NASDAQ +1.42%, S&P 500 +1.08% $AAPL +3.64% after investors upgrade to 'strong buy' ahead of event to unveil its highly anticipated streaming-video service next week." +"Sat Mar 09 14:50:55 +0000 2019","#FANG weekly chart update. $fb best weekly among four 176 is key. $amzn needs 6-8 weeks more consolidation. $nflx closed this week above downward trend channel still chance to go but may need consolidation here 366 is key for b/o. $googl critical here to avoid H&S need b/o 1184. " +"Fri Mar 22 00:35:46 +0000 2019","as i mentioned last Friday, $amzn $nflx indeed emerged as new leaders of mkt.... also said back on Feb24 that $googl $msft $bac favored by big institutional funds - and that's exactly what has happened past month with googl msft both super super strong" +"Tue Mar 05 14:17:54 +0000 2019","remember when mkt $spx $comp dip deep ystd, fb was super strong. $amzn $aapl $googl all were ok. so when $$ rotation started (as i have been saying $$ rotating out of NFLX), new market leader emergence means former leader $ba $nflx will turn weak." +"Thu Mar 21 14:35:39 +0000 2019","if you know charts, you know how to play amzn nflx .... very straightforward bounce on hourly chart mid BB support.... can progressively lock some gains if you added when price dropped to hourly mid BB....." +"Mon Mar 25 14:08:09 +0000 2019","nflx 366, googl 1204, amzn 1778 remember these are all key levels for a b/o. below these levels, still chance go either way.... so size your plays if you do play any of these three names....." +"Mon Mar 25 13:40:10 +0000 2019","The Dow opened flat on Monday after a sell off ended last week. The S&P 500 fell 0.1% and the Nasdaq was down 0.3% at the opening bell. Apple stock was down slightly ahead of today's big event. Watch live " +"Tue Mar 26 12:08:51 +0000 2019","pre market great.... tech is moving.... $amzn $nflx calls will up very nice... $nvda good upgrade see if stands above key 177 level to confirm reversal... $googl needs 1216 to confirm reversal... $aapl needs to defend 191... keep in mind ES needs to close above 2824 to be good..." +"Thu Mar 21 14:19:49 +0000 2019","NQ very green but FANG all red.... aapl making new HOD again and again ... obviously big $$ moving into aapl from fang..... question is which one of fang is gonna take back the lead..... amzn nflx googl all have the potential but probably not fb....." +"Wed Mar 06 20:59:50 +0000 2019","ES NQ very weak into tmr.... big risk.... googl closed very weak - today's red candle almost identical to amzn's ystd close so be very careful.... aapl also not strong enough.... nflx fb are only big tech names in good shape...." +"Tue Mar 26 13:38:23 +0000 2019","The Dow climbed 225 points, or 0.9%, on Tuesday morning. The S&P 500 advanced 0.8%, while the Nasdaq jumped 1%. Apple gained 1% a day after unveiling its foray into the video-streaming market. Watch live " +"Wed Mar 06 16:57:53 +0000 2019","nflx googl aapl holding relatively ok compared with all other names.... if/once mkt bottomed, these three likely lead mkt for bounce...." +"Thu Mar 07 14:39:28 +0000 2019","S&P 500: Flawless open to the downside in $SPX, solid break through 2,770. Look for the pace of decline to escalate, 2,750 is likely today for the index. High beta names, like the semiconductors, taking big hits. This often occurs before large sell offs in the broader market." +"Fri Mar 22 12:55:44 +0000 2019","when everything down huge, two names bounced back way faster than all other major names to key Dec 3 level - that's $ba $nflx. now ba in big trouble, but nflx b/o key 366 again. thanks to $aapl event, nflx didn't fly while $msft led & see ATH. now nflx will follow & ATH incoming." +"Tue Mar 19 14:54:39 +0000 2019","another awesome morning.... amzn nvda plays big profits. nflx also big profits ystd in the run to 371. tsla ba lotto plays also very nice today. remember to PROTECT ur profits. don't screw up profits. cash out gains to bank acct otherwise it's NOT ur $$.... signing off for now..." +"Tue Mar 26 19:14:30 +0000 2019","sideline into tomorrow. nothing exciting here with this bounce. amzn power through 1784 is good but need confirmation. nflx back to 358 then up but need to take over 364 again. nvda need to get back above 177 key level. googl needs to get back to 1192. tsla strong all day." +"Fri Mar 01 15:08:25 +0000 2019","$nflx $googl $amzn better than $aapl $fb so far this morning.... as i said amzn very strong resistance above off the down-pressuring upper boll on daily chart. nflx narrowing consolidation and need to get back above 364. googl strongest technical set-up and b/o key 1137 resist." +"Mon Mar 04 19:42:37 +0000 2019","Completely sidelined into Tuesday.... no reason taking any more risk into tmr.... still a great day with AMZN spy calls although half profits gone.... profits are profits and happy about it... Tue Wed will be interesting for tech...." +"Mon Mar 04 16:56:39 +0000 2019","progressively took loss on most remaining calls... had only a few left... profits from this morning amzn spy calls gone roughly half with ba nflx spy loss.... caught in surprise with the magnitude of this drop but as i said need to progressively lock gains or take loss...." +"Wed Mar 27 03:26:29 +0000 2019","I've rolled my shtputs 500 times and am still convinced this is the month. Likewise, the $tsla total return for longs of 0.69% annualized lags the $qqq total return of 4200%. Amazon was bought out by wework in 2023 and now provides housing and goods to 86% of all Americans." +"Wed Mar 13 14:35:32 +0000 2019","Think of the market like a store. The indexes are the signage, the lights and the doors, and the stocks are the merchandise. If the lights are on, the doors are open and there's a neon ""we are open"" sign flashing, can you buy something if there is no merchandise on the shelves?" +"Sat Mar 02 05:16:40 +0000 2019","$amzn big move on Friday and had a big win with calls. resisted almost precisely at the 1675 level I mentioned. now macd strengthening. as i said, amzn is one of very few names yet lagged behind Dec 3 level (1778). resistance 1675 1682 1693 1700 1719 1726 1731 1737 1756 1778 " +"Mon Mar 18 14:37:52 +0000 2019","learning making a BIG difference.... if you did not study charts this past weekend, you would not know the key levels/patterns on charts so would almost certainly miss amzn nflx nvda run this morning, or if you already had calls you might jumped out of boat way too early...." +"Wed Mar 06 15:03:50 +0000 2019","remember what i said... logic very simple - if top already formed and we start to drop big from here, NO reason we see strong tech names today such as $FB $MSFT $GOOGL plus old mkt leader $BA also strong today. see if we see reversal here. very interesting day indeed." +"Tue Mar 19 04:39:19 +0000 2019","$amzn had a great day... powered through key 1731 level easily.... resistance above 1755 1766 1778.... and this is ONLY major tech name on the mkt that has not yet reached back up to Dec 3 level (1778)..." +"Mon Mar 11 17:55:55 +0000 2019","$nvda bottom reversal on support of daily chart cloud bottom last Friday then today hiking huge on acquisition news. note that tmr and Wed will likely see FIRST time breaking out of daily chart cloud since October 2018... if it confirms b/o out of cloud, see 169 175 then to 202" +"Fri Mar 15 16:20:30 +0000 2019","been saying $amzn is the ONLY major tech that has not reached back to Dec 3 level 1778.... now it's all over the twitter everyone saying it.... but let me remind you this - if you don't understand AMZN chart, don't play it.... people may lose big even on this upside move...." +"Fri Mar 15 20:08:48 +0000 2019","Es indeed pulled back to 2824 into close... keep in mind $spx $comp both HIGHEST close since the KEY Oct10 level which was the starting point of this whole bearish trend of mkt ...... talking about THE significance of today, March 15.... very very few even talking about this....." +"Sat Mar 02 16:26:56 +0000 2019","AGAIN, if you have not realized the tremendous value of this twit, I strongly recommend you dig into it this weekend... this is my 2nd most valuable 2019 twit since my 1st twit back at beginning of Jan about mkt & stocks going back to Dec 3 level... $amzn $googl $aapl $nflx $ba" +"Tue Mar 12 17:38:59 +0000 2019","for many names like aapl amzn, not likely b/o upper boll on hourly chart today so very likely see a pull back to rising mid BB on hourly chart" +"Mon Mar 04 14:19:46 +0000 2019","$NFLX led the whole tech for weeks then narrow range consolidation - it should have dipped back to 300 level but that did not happen which says enough about its strength (same as $amzn should have dipped to 1480 in Jan but did not happen). key level is 366. if b/o, 371 374 382." +"Sun Mar 03 22:24:09 +0000 2019","Remember two big names that have not yet bounced back to their Dec 3 levels - $amzn Dec 3 level at 1778, and $aapl Dec 3 level at 184. IF both names run this week, can pull up all tech." +"Mon Mar 04 15:53:03 +0000 2019","BEST day of 2019 with amzn spy call plays from Friday.... added more AMZN this morning on open and easily doubled.... calls from last week easily 3-5X.... locked 80% calls around 1706-1709 range and patiently wait for another opportunity. if it does not pull back, so be it...." +"Fri Mar 22 16:32:04 +0000 2019","ES NQ not looking like a bottom today. may see lower low next week. ES 2824 still key level and remember it's threshold for bull mkt reversal confirmation so that's a vital level. FAANG all deep red - says enough about mkt weakness." +"Fri Mar 01 15:14:51 +0000 2019","i've said this for 2 months that mkt and everything will go back to Dec 3 level.... and we did.... BUT perhaps to your very surprise, once the mkt leader $amzn substantially lagged behind... its Dec 3 level is 1778. way more room for upside move and today at key upper boll resist" +"Mon Mar 04 17:09:33 +0000 2019","BA NFLX were both mkt leaders for 2 months but today both led this huge drop with 2%+ in red... this could be a cautious signal for whole mkt as they were both mkt indicators... remember Mar 6 could be VITAL change for mkt as i said during weekend...." +"Fri Mar 01 05:04:09 +0000 2019","looking at #FAANG monthly chart and weekly chart, very surprisingly (as i did not expect this), $googl has the best chart weekly and monthly chart. $nflx monthly not bad at all but how it concludes this week will be key. $amzn $fb needs time but amzn slightly better. $aapl worst." +"Sat Mar 02 20:37:36 +0000 2019","lots of twits today but ONE message - mkt bull run approaching KEY turning point. early leaders NFLX FB already seen $ rotating out. BA strong. names like AMZN GOOGL that substantially lagged behind now catching up. mkt possibly only small dip as ES NQ monthly 5ma turning UPWARDS" +"Tue Mar 05 21:01:33 +0000 2019","tech and mkt sell-off into close..... possibly because Mar 6 big day moment? no idea.... but as i said, size plays into Wed and have your plan ready for a potentially wild day....." +"Tue Mar 26 00:18:48 +0000 2019","from technical set-up standpoint, only 3 things to notice for today - 1) $nflx closed > key 366 level at which it failed 15 times 2) $amzn was above key 1778 level but closed below it 3) $fb closed above key 166 level & is THE only major tech name w/ close above daily chart 5ma" +"Fri Mar 08 15:59:02 +0000 2019","great morning if you play amzn ba qqq bounce plays... signing off for the day... patiently waiting for everything to settle next week... remember always another day to make it right so no hurry making $ or trying to recover if you lost $... relax, rest, & have a great weekend!!" +"Wed Mar 13 20:33:30 +0000 2019","remember my twit from Monday. ES $es_f did it today so bullish engulfing on weekly chart eating up last week bearish engulfing candle... NQ $nq_f way stronger on weekly and already higher high than November AND March 2018 high on monthly chart, meaning pass over LT trend neckline" +"Fri Mar 01 17:57:33 +0000 2019","$amzn approaching key 1664 level..... see if we see gap up next week.... could be an epic run all the way to Dec 3 level 1778 as i mentioned earlier this morning.... that's 100+ pts even from 1664 key level...." +"Sat Mar 02 20:31:04 +0000 2019","this is called ""time for space"".... the fact $amzn did not dip (probably due to expectations on earnings back then) to 1480 level a month ago says everything about its strength. also weekly chart mid BB keep pressuring down till this past week... now it's the time to move....." +"Thu Mar 28 14:03:28 +0000 2019","doing best to provide comments about mkt and stocks throughout the day.... those are KEY for identifying trend and technicals in the mkt - from my own point of view..... if you connect all the dots, you will see how i see things from technical lens and how i trade...." +"Sun Mar 31 16:00:47 +0000 2019","what's interesting on monthly chart are two things: (1) 10ma around 202 which is also KEY gap level on daily. so we would have seen nvda hit this 202 in March if mkt was good but not happened; (2) Oct-Dec big volume BUT Jan-Mar bounce volume equivalent - GOOD signal as $ back in" +"Mon Mar 04 21:20:06 +0000 2019","“the perfect short”... here’s last nights video for our $SPY trade. ENJOY! $spx $es_f $nq_f $amzn $fb $dedp $mar $mcd " +"Tue Mar 12 07:49:08 +0000 2019","But, still, the idea that $AAPL and $FB can go up despite nothing happening is indicative of how many people want this market lower, not higher." +"Thu Mar 21 00:33:11 +0000 2019","#FFT: food for thought: Pay close attention to the way most stocks reacted on the big push.... most spiked to new high of the days and held up while most spike then returned and created a new low... those that stood will continue higher on any push! $spy $spx $es_f $bkng" +"Thu Mar 21 03:29:30 +0000 2019","% Above 52-week Low... $FB: +34% $AAPL: +33% $AMZN: +38% $NFLX: +62% $GOOGL: +25% $MSFT: +35% $QQQ: +25% % Below All-Time High... $FB: -24% $AAPL: -19% $AMZN: -12% $NFLX: -11% $GOOGL: -5% $MSFT: -1% $QQQ: -4%" +"Fri Mar 29 23:17:03 +0000 2019","Portfolio summary - March-end Holdings - $ALGN $AMZN $BABA $BZUN $DOCU $FB $FTCH $HDB $HUYA $IQ $LYFT $MELI $NFLX $NOW $PYPL $RDFN $SHOP $SQ $STNE $TME $WB $TCEHY 1833 in HK #ES_F Portfolio performance = +32.73% YTD vs. +13.07% for $SPX No hedges in place." +"Thu Apr 11 22:44:48 +0000 2019","$KT with a PE of 13 and a decent EPS compared to #stock price #KT Corporation exemplifies So Please 👇 #valueinvesting #wallstreet #stockmarket #investing #investments #investors #money $AAPL $BAC $C $CMCSA $FB $GOOG $IBM $MSFT $NVDA $ROKU $S $T $TSLA $VZ $WMT $XOM " +"Mon Apr 15 13:16:59 +0000 2019",""" $KT , securing successful early 5G subscribers ...In the second half of the stock price rising expectations "" #wallstreet #investing #investments #investors #stockmarket #stocks #valueinvesting $AAPL $BA $CMCSA $FB $GOOG $INTC $MSFT $NFLX $S $T $TMUS $VZ " +"Fri Apr 05 17:44:20 +0000 2019","$KT Corporation has a price move potential of over 15% #wallstreet #investing #investments #investors #stockmarket #stocks #valueinvesting #money #blockchain #finance #financial #success #stocktrader $AAPL $AMZN $BAC $C $FB $GOOG $CMCSA $VZ $S $TMUS $T " +"Thu Apr 18 21:14:39 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $NFLX $APHA $IBM $QCOM $LYFT $PINS $SKX $ZM $JNJ " +"Fri Apr 05 22:36:24 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $ODP $TSLA $DAL $GME $WBA $IIPR $AMD $NVDA $INTC $WFC " +"Thu Apr 18 21:12:48 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $NFLX $APHA $IBM $QCOM $LYFT $PINS $SKX $ZM $JNJ " +"Fri Apr 05 22:34:47 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $ODP $TSLA $DAL $GME $WBA $IIPR $AMD $NVDA $INTC $WFC " +"Fri Apr 26 13:45:40 +0000 2019","$RMED -Price crossed and closed above 50SMA, it broke the diagonal trend line, and it’s about to break horizontal line as though a rounded bottom breakout once $5.53 clears. Big candidate for a big move. Gap is at $6.45. #NYSE #NASDAQ #STocks #trading #stockmarket #TSS #charts " +"Fri Apr 05 22:33:28 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $ODP $TSLA $DAL $GME $WBA $IIPR $AMD $NVDA $INTC $WFC " +"Thu Apr 18 21:12:00 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $NFLX $APHA $IBM $QCOM $LYFT $PINS $SKX $ZM $JNJ " +"Wed Apr 24 13:00:40 +0000 2019","$SPX $SPY #stockmarket #stocks Price rallied from the opening bell, spending most of the day between 2930-36. Watching to see a weekly close > 2930, as per weekend report. 2930 is the all time weekly close. Earnings coming from AMZN, AAPL and the like within the next 5-7 days. " +"Tue Apr 23 16:59:34 +0000 2019","$RENN Merger vote tomorrow... this is valued at $454m, and should this go through successfully, the stock price would be at least double current price. We've been playing this since $1.40. #Stocks #TSS #Trading #Finance #Stockmarket #NYSE #NASDAQ " +"Thu Apr 11 12:56:49 +0000 2019","$SPX $SPY $ES_F #stockmarket #stocks There’s not much to say other than 13 and 34 are acting as perfect support in this uptrend. Price is forming an ending diagonal wedge and its possible to see sideways consolidation and another push above 2900, possibly up to 2930. " +"Mon Apr 01 16:03:34 +0000 2019","Lyft falls below IPO price on its second day of trading #stocks #stockmarket #money #investment #trading #TSX #TMX #nasdaq #nyse #news #investing #finance #business #wallstreet #alpha #alphanews #Canada #Questrade" +"Thu Apr 25 20:09:45 +0000 2019","Fear always seems to be ultra low heading into the worst months of the year. You'd think that fear would trade at a premium ahead of those months/seasons.... Watch those monthly bands. $QQQ $MSFT $TXN $INTC $SMH $XLK " +"Mon Apr 08 11:59:49 +0000 2019","$SPX $SPY #stockmarket #stocks At this point, before we really zoom in on a retracement level, we’ll need to see the SP 500 price break the 13ema, currently at the gap level from last Monday around 2848 and rising. Stronger confirmation will be a close below the 34 ema, " +"Wed Apr 17 18:09:05 +0000 2019","Lots to talk about on the #Stockmarket OPENING BELL today! Including $aapl #Apple vs $qcom #Qualcomm #Netflix $nflx vs #Disney $dis #IBM $IBM disappointment #China Growth YES I did do my homework today! @varneyco $spy $ndq $dji " +"Mon Apr 01 21:28:57 +0000 2019","The Stock Dork News: Lyft sinks 12%, falls below IPO price.📉What are your predictions of Lyft's stock price going forward? Follow us for updates on Lyft and many other stocks! @thestockdork 👍 $LYFT #Lyft #stock #news #business #trader #NYSE #NASDAQ #stockmarket #ipo #invest " +"Mon Apr 01 13:38:27 +0000 2019","Aprils #StockMarket, #Gold, #CrudeOil and #NaturalGas Price Predictions and Forecast > $SPY $GLD $USO $UNG $QQQ" +"Mon Apr 29 20:45:00 +0000 2019","Ahead of $AAPL earnings, CNBC's @TheDomino breaks down how to play the tech giant using ETFs with Tim Seymour of Seymour Asset Management and Christian Magoon, Amplify ETFs CEO. Sponsored by @InvescoUS " +"Tue Apr 23 22:30:44 +0000 2019","RECORD #Stockmarket with S&P500 Surpassing Sept highs HITTING 81st record under @realdonaldtrump Big #technology 1 of the most favored trades with #Nasdaq $ndq hitting 96th RECORD. #facebook $fb #Microsoft $mfst #earnings Thurs & big Q1 GDP print Fri $amzn #Amazon $aapl #Apple " +"Wed Apr 10 11:38:10 +0000 2019","Indexes had first close below 5 SMA yesterday after extended run, setting up a Buy Day which began in the evening session. Above 2890,25 = close back above 5 SMA for SPs " +"Thu Apr 25 15:01:11 +0000 2019","SPs hit perfect support and back up to psychological pivot....market now waiting for AMZN earnings after the close.. these pivots are soooo technical. " +"Fri Apr 26 15:57:29 +0000 2019","Daily #NASDAQ : $COMPQ formed yet another narrow Doji after bouncing of wedge support. Looking like Wed-Fri of next week should get exciting (vol spike). Getting close guys... keep your eyes open 👀 (thank you for retweets, msg read loud & clear more QQQ) 🙏 #NDX #NQ $NDX $NQ " +"Wed Apr 17 13:20:40 +0000 2019","Do The Numbers Justify Nasdaq 8,000? $AAPL $MSFT $GOOG $AMZN $FB $INTC $CSCO $QQQ $CMCSA $PEP-- " +"Wed Apr 10 17:54:16 +0000 2019","Semiconductors $SMH still outperforming $SPX, $RUT, and $NDX by a long shot and are important to watch. SMH broke out of a year long bull flag last month and rallied hard, but this rally has formed a very clean bearish wedge. A wedge breakdown should open a good selloff to 103 " +"Mon Apr 08 20:42:54 +0000 2019","Update here with data by end of Apr 8. $spx $comp both now back to Oct 10 level. nvda still far lagged behind w/ big potential. now the gray bar (series3) is THE most important to keep an eye on $spx $comp $indu $aapl $fb $amzn $nflx $googl $nvda $tsla $msft $ba $wmt $bac $baba " +"Thu Apr 11 18:43:55 +0000 2019","Today's best and worst performers from our Buy Alert list this week -- $AIRG +9.56% (+27% for the week), NSSC +8.58% - $VRTX -2.98%, $ASND -3.72%. -- " +"Thu Apr 25 11:11:05 +0000 2019","The Dow Jones Industrial Average will open lower good chance NASDAQ and S&P 500 are higher. The Dow is 30 stocks and skewed hugekly by an earnings miss at 3M $MMM - at the open most stocks will be higher. Watch Making Money with Charles Payne @FoxBusiness" +"Wed Apr 10 00:18:03 +0000 2019","Tech stocks $QQQ are still leading everything except $SMH, but this rally is showing signs of running out of steam. Volume is in decline since March 20, RSI is overbought and diverging, and price is coiling into a textbook wedge. The wedge needs to break down at 182.50 to confirm " +"Wed Apr 03 14:30:27 +0000 2019","remember what i said ystd - $nflx $googl both long bottom stick ystd and setting up for another run.... see if they can b/o key levels today.... 371 for nflx, 1216 for googl" +"Fri Apr 12 15:07:27 +0000 2019","Rare underperformance for tech stocks $QQQ which have been leading but are lagging $SPX and small caps today. We're still grinding higher on low volume and the steep RSI divergence on my chart suggests weakening momentum and high risk of rolling over. Needs to break 183 to matter" +"Thu Apr 18 01:05:38 +0000 2019","Nice shooting star today for tech stocks $QQQ #NQ_F - follow through to confirm tomorrow will be key. Importantly though, they attempted to break up from a month long rising wedge today only to fail back in & failed breakouts often bearish. Wedge support needs to break now" +"Fri Apr 19 14:58:07 +0000 2019","Have a great long weekend! - for next week: Tech made a new ATH this week after putting in green weeks for 16 of the past 17, but $SPX and $IWM were red. Watching for $qqq to break its perfect uptrendline from December to setup short. For $OIL: Looking for 1 more high to 65.50-66" +"Thu Apr 25 20:17:24 +0000 2019","$INTC down 10% on earnings Many of these Semis had monster run ups in 2019, especially $SMH, $SOXL .... some profit taking and pullbacks would be very welcomed at this point. " +"Sat Apr 13 15:24:26 +0000 2019","Have a great weekend all!- for next week: Short tech for a pullback is a top idea. $QQQ has been outperforming but faltered late this week lagging $SPX & Volume declined 4 weeks in a row to the second lowest volume week since August. Needs to break its rising wedge to trigger" +"Wed Apr 17 15:34:39 +0000 2019","Keep an eye on the NASI. Dumb money bullishness at 10 year high. Smart money 2 year low. $INTC $TXN $SMH at upper monthly bands....." +"Tue Apr 23 20:44:13 +0000 2019","Party like it's 1999: Nasdaq closed at fresh record as solid 1Q results from Twitter spurred the mega-cap tech stocks to a broad-based rally. " +"Wed Apr 24 13:49:30 +0000 2019","#earnings after the close $FB $MSFT $TSLA $PYPL $V $XLNX $CMG $LRCX $ALGN $NOW $ORLY $FFIV $SAM $CTXS $AZPN $NTGR $VAR $SAVE $ALGT $ASGN $CHDN $AMP $PTC $PKG $GGG $AGNC $RUSHA $TRN $UFPI $OIS $LOB $AXTI $CUZ $CYBF $CYBE $WCN $RBNC $RJF $SWI $STL $COR " +"Fri Apr 05 15:04:53 +0000 2019","$SPY has gapped up for its 7th straight session, and it's on the heels of a 100-day high. That hasn't happened since January 2018. Over the past 20 years, here's the risk/reward over the next 3 months. " +"Mon Apr 29 20:05:38 +0000 2019","#MarketWrap Major indexes close higher as earnings season heats up. DOW +0.04% NASDAQ +0.19%, closing at new all-time high of 8,161.85 S&P 500 +0.11%, closing at new record high of 2,943.03" +"Tue Apr 30 20:25:49 +0000 2019","#MarketWrap Major indexes close mixed as $GOOG revenue miss weighs on the NASDAQ DOW +0.15% NASDAQ -0.81%, Alphabet -7.70% S&P 500 +0.10%, notching a new record high close at 2,945.83" +"Tue Apr 30 13:40:25 +0000 2019","#earnings after the close $AAPL $AMD $TWLO $TNDM $AMGN $FEYE $PAYC $GRPN $TDOC $ZEN $SSNC $EXAS $AKAM $VRTX $DVN $FTR $MRCY $ENPH $NBR $ARLO $AMED $MDLZ $CXO $COHR $BGFV $BXP $DENN $FISV $CENX $FLEX $CYH $LSCC $IPHI $MKL $CAMP $CB $APY $OLN $VCYT $OKE " +"Mon Apr 08 20:06:46 +0000 2019","#MarketWrap Major indexes close mixed as investors prepare for earnings season later this week. DOW -0.32%, NASDAQ +0.19%, S&P 500 +0.10% $BA -4.42%, dragging on the DOW as the company announced surprise production cuts in the wake of 737 MAX crashes, investigations" +"Sat Apr 20 16:10:25 +0000 2019","Some implied moves for #earnings next week(777 companies reporting): $IRBT 12.9% $AMZN 4.3% $FB 6.0% $TWTR 10.4% $MSFT 3.6% $TSLA 9.0% $PYPL 5.6% $V 3.1% $CMG 7.7% $ALGN 9.5% $LRCX 6.6% $XLNX 8.2% $FFIV 5.9% $ORLY 6.5% $SAM 9.4% $CTXS 6.3% $MMM 3.5% $ABBV 4.5% $INTC 4.5%" +"Sat Apr 27 14:52:51 +0000 2019","#earnings for the week $AAPL $AMD $GE $SQ $SPOT $GOOGL $CVS $SHOP $MA $QCOM $MCD $TWLO $MDR $PFE $X $MRK $WDC $GM $ATVI $BP $AKS $ON (Sat) $L $ABMD $AMRN $TNDM $TEVA $YETI $CI $GLW $W $MGM $ECA $STX $ZBRA $SALT $ARLP $APRN $AMGN $FEYE $FTNT $ANET $LLY " +"Mon Apr 01 20:29:16 +0000 2019","#FAANG all closed above key level except for googl... $fb above 166 $aapl above 191 $amzn above 1809 $nflx above 366 but $googl below 1204. also notable: $tsla above key 287 & $nvda above 181... $msft $nvda $aapl chart very similar and bound for a big run.... $es_f 2892 possible" +"Tue Apr 23 14:22:10 +0000 2019","Historic day for Tech $QQQ. 1st time we open above alltime highs, after being at the door step of a bear market just a few months ago. How we close today will say a lot about investor sentiment towards the overall market going forward. very key day to stalk order flow & key names" +"Mon Apr 15 14:40:34 +0000 2019","ES YM down 0.2-0.3%, NQ down 0.6%+ with nflx earnings tmr and amzn googl next two weeks..... as i said, worst pre-earnings since 2014....." +"Thu Apr 25 20:05:45 +0000 2019","#MarketWrap Major indexes close mixed with $MMM weighing on the DOW, tech pushing the NASDAQ near record high. DOW -0.51%, NASDAQ +0.21%, S&P 500 -0.04%" +"Fri Apr 12 12:55:02 +0000 2019","ES nice setup better than NQ .... nflx dropped big due to Disney streaming service.... AMZN see if it can really run and b/o 1855 key resistance level today" +"Fri Apr 05 18:39:33 +0000 2019","amzn up $14 b/o.. ..see the last amzn b/o for clue next week ..markets quiet once again ,,spx 2889..52pts from ath .,, os rightly says to move profits out of trading account ,.also trading is real money.. gave a $50 tip to waitress at lunch today ,happy like she hit the lotto" +"Fri Apr 12 20:10:54 +0000 2019","#MarketWrap Major indexes close solidly higher on healthy start to earnings season. DOW +1.03%, NASDAQ +0.46%, S&P 500 +0.66% $JPM +4.66%, $WFC -2.62% $DIS surging +11.53% after revealing streaming service Disney+" +"Mon Apr 08 12:44:06 +0000 2019","mkt not far from ATH... many been talking about 2900 and ATH recently... key to realize is IF we really run to ATH, what will happen to key mkt indicator a while ago such as $NFLX which is yet 60 pts away from its ATH at 423 AND been consolidating for 2+ months... big picture..." +"Mon Apr 08 12:48:40 +0000 2019","anyway, am not saying we WILL see ATH on this mkt run but a gapping up bold top big green candle with gaps below unfilled on $SPX weekly chart is FIRST time since last July... this says enough about mkt strength... also weekly 5ma about to golden cross weekly cloud top...." +"Tue Apr 09 11:57:51 +0000 2019","Analysts Raises, Cuts, Reiterations, $AAPL PT Raised to $225 at Wedbush $AMZN PT Raised to $2250.00 at COWEN $DHI PT Raised to $49 at JMP Securities $KLAC PT Lowered to $107.00 at GS $WYNN PT Raised at DB to $155.00 $X PT lowered to $13.00 at CS $ZS PT Raised at CS to $75.00" +"Tue Apr 16 14:07:35 +0000 2019","nflx on the run b/o key 357 resistance..... no interest playing it today.... if its earnings super, amzn fb will up huge too..... if it's only small rise, double kill on its calls/puts but rest of tech could run..... if it's miss or drop, all tech down.... so know the risk...." +"Wed Apr 24 04:07:15 +0000 2019","NQ all time high... Es Dow catching up... but NVDA far far away from top - about 100 pts... txn earnings at least says semi is strong and about to get even stronger.... lrcx next... after mkt runs to top and free falls and consolidates, big $$ will jump in NVDA almost guaranteed" +"Mon Apr 22 11:50:19 +0000 2019","The $SPY chop chop but goes up,then the right stocks also move up with power ,I have the big picture skills to focus on what is trending with markets,then we wait for confirmation and since I understand the right supports and big picture this then leads us to big gains $STUDY" +"Sun Apr 28 13:16:06 +0000 2019","$msft 100% fib at 138 level as PT for long term... one of the best tech names from Dec low... leading mkt as key indicator during this entire mkt bull reversal run... " +"Wed Apr 17 01:10:15 +0000 2019","NVDA closed the day with an inside candle following a big red candle. MACD is weakening. A move over opening of ystd’s big red candle 189.7 would confirm reversal BUT 191 also key resistance. Let’s see. If can’t reverse, much room to drop to 187 184 181. " +"Fri Apr 19 05:15:39 +0000 2019","$tsla daily/weekly charts from a big-picture perspective actually better than most of major tech names $fb $googl $nflx $amzn $nvda remaining weeks in April will set up the tone for next few months into summer... " +"Thu Apr 25 22:34:43 +0000 2019","A losing day but glad took loss in yesterday remaining calls nflx 373 and NVDA 189 - both would’ve been much bigger loss on premium drop... right strategy/mindset matters a lot... semi not great on intc earnings but really no reason pulling down lrcx qcom, mkt overreacted..." +"Wed Apr 24 13:35:33 +0000 2019","Stocks started the trading day slightly lower on Wednesday. The S&P, which closed at all-time highs yesterday, pulled back from yesterday’s record. The Nasdaq, which also broke its closing record on Tuesday, climbed further. Watch live " +"Tue Apr 16 01:35:58 +0000 2019","Es NQ futures both looking good on daily chart.... 2916 2927 are both key resistance.... b/o above 2927 basically means ATH coming.... see how tech earnings will affect mkt..." +"Wed Apr 03 14:01:48 +0000 2019","GREAT morning with amzn nvda nflx fb calls..... remember to progressively lock gains.... size rest of plays and eyes on key support/resistance levels...." +"Thu Apr 11 03:24:50 +0000 2019","es marched to 2900 then fell back all the way to 2892 support level. let's see where it opens tmr.... no matter where it goes, big tech earnings incoming starting with nflx next Tues. actually the fact it's scheduled early in a week is good for both sides in terms of premiums...." +"Thu Apr 25 12:23:55 +0000 2019","NQ all time high again and most are concerned about a pullback.... typically a short term top is formed either when fear is out of equation for most, or news come out all in a sudden.... not seeing both, at least not yet. but if AMZN runs big after earnings, sentiment will change" +"Sun Apr 14 17:48:29 +0000 2019","Earnings next week include: $C $NFLX $KMI $PEP $MS $TEAM $ABT $JNJ $GS and $IBM Get the entire list here: " +"Mon Apr 08 14:45:45 +0000 2019","amzn lower low on daily chart but upper boll open for an upside move.... hard to trade today as it keeps consolidating may take a few more hours while premiums down.... best scenario is we close green today above 1834 and then gap up tmr at 1845 for a run into 1871 key resist...." +"Thu Apr 25 12:11:12 +0000 2019","NQ was a rising wedge formation on hourly chart by ystd close which in most cases is followed by a break down... but now with FB MSFT hiking plus AMZN GOOGL both running, hourly chart can b/o - technically, as I mentioned before, that would turn rising wedge into parabolic move" +"Wed Apr 17 19:15:53 +0000 2019","Lots of round numbers in play in this market right now. 2900 on the S&P 500 8000 on the Nasdaq 1600 for the Russell 2000 11000 on the Dow Transports $200 for AAPL We all know what that means: Not the slightest thing." +"Fri Apr 05 13:23:44 +0000 2019","for today, amzn 1832 nvda 191 nflx 372 fb 178 googl 1226 all threshold levels.... if power through, running even higher.... if resisted and fading, no good...." +"Mon Apr 01 16:55:14 +0000 2019","mkt great on 1st day of April.... likely just Day 1.... more to expect.... but then all in a sudden may see technical pullbacks later this week... progressively lock gains and size plays.... be alerted.... AMZN 1809 nflx 366 NVDA 184 TSLA 287 all key levels to watch...." +"Tue Apr 02 18:45:25 +0000 2019","#FANNG is really great at this point.... $aapl $fb leading tech today with beautiful b/o candle on daily... $nflx $googl both long bottom stick setting up for another run into tmr.... $amzn failed to b/o key 1824 this morning but 1809 support is solid could also run...." +"Wed Apr 17 20:05:19 +0000 2019","MSFT quietly new ATH today..... remember big institutional $$ added tons more into $msft $googl when mkt bad.... they are not always smart but they sure know something...." +"Thu Apr 18 11:09:52 +0000 2019","Are these the type of headlines to justify massive(momentum-driven) spike to all-time highs in (SOX)semi index? FT: ""Taiwan Chipmaker TSMC Suffers Biggest Earnings Fall in 7 Years"" & Bloomberg: ""TSMC Expects Another Weak Quarter as Smartphone Woes Persist"" " +"Wed Apr 03 14:14:24 +0000 2019","BIG win on tsla nvda calls, amzn nflx fb all great.... nflx fb still chance to run... amzn open high then go lower all the way may consolidate for quite a while.... 1824 still key for a b/o" +"Thu Apr 18 14:29:33 +0000 2019","Some S&P all-time highs today: Nike DollarTree YUM Costco Estee Lauder Mondelez P&G Pepsico Honeywell Fastenal Dover Norfolk Southern Union Pacific MasterCard Microsoft Visa Broadcom" +"Mon Apr 08 13:18:03 +0000 2019","$nflx leading mkt from Dec low. since then has failed nearly 20 times at key 366 & been consolidating for 2+ months... now key is 366 371 but threshold is 381 level.... above 381 will be DRAGON of mkt again... before that happens it's nothing but worm eating up soil (premium)...." +"Mon Apr 22 01:08:08 +0000 2019","New 4D candle just started. three index futures look very different - ES last 4D candle was doji, NQ YM better. but on 4H YM way better than ES NQ.... interesting to see where we open on Monday and if DOW will lead... mkt seems to be a bit weak as YM up 46 pts while ES only up 1" +"Mon Apr 29 19:09:07 +0000 2019","Googl new ATH before earnings.... as I said months ago around 1120-1140 range that it could potentially run to 1500-1600 by end of 2019.... big institutional $$ jumped in at Dec dip (and also into msft)... so much potential... but first thing first see how earnings go...." +"Mon Apr 08 20:15:45 +0000 2019","i bet/assume everyone knows why $aapl is up.... if you don't know, check the news.... but how much room does it have above..... back to 200 today - that's just Nov 12 level.... remember i've been mentioning Dec3 Nov7 Oct10 levels... it was 226 on Oct10...." +"Tue Apr 23 16:35:02 +0000 2019","Earnings season is underway! Economy improves as stocks flirt with new highs last week. Technology and financials are on the rise, while healthcare is on decline. Get your insights here! " +"Wed Apr 24 04:03:41 +0000 2019","AMZN earning not as exciting as it was in the previous two quarters. cloud competition stronger. ecosystem evolving slower than expected. concerns w/ potential regulatory constraints. if beat, great; but if mkt no good reaction, no surprise. no interest in it until AFTER earnings" +"Thu Apr 25 21:30:25 +0000 2019","Intel's undermining lots of other semi. stocks including NVDA (data center weakness) & memory stocks including Micron and Western Digital. This will have a broad impact. SOX index was driven near-parabolic to record highs by momentum traders&SOX typically leads overall stock mkt." +"Tue Apr 30 21:21:23 +0000 2019","$aapl numbers great & mkt happy... but using 1/3 cash for share buyback?! that’s big catalyst boosting up investor confidence, but from risk control perspective, it’s like airborne at 2000ft. sad their eyes on ROI, not innovation. 75B can do tons R&D & only 50B needed to buy AMD" +"Thu Apr 11 13:21:44 +0000 2019","mkt needs a clear leader to pass over 2900 - nothing has emerged as a leader yet.... eyes on amzn plus nflx earnings and see if they hike ...." +"Mon Apr 08 12:37:46 +0000 2019","THE most important reference/indicator for mkt now is $AMZN .... if AMZN pops up big, mkt may run to or actually see ATH.... if AMZN doesn’t run, we’d wait for a few more weeks.... IF it runs, key level 1845 1855 1871 above 1871 threshold can accelerate to 1884 1902 1915...." +"Wed Apr 10 19:50:33 +0000 2019","mkt been climbing slowly with more and more ups and downs in the middle since mid march. not a perfect condition for traders, no matter experienced or fresh. when key mkt reference such as nflx stops running and consolidating for 2+ months, typically sign of big move incoming...." +"Tue Apr 16 19:36:47 +0000 2019","managing emotions is key. if nflx ER good, all tech run especiall amzn googl so way more opportunities ahead. if nflx no good, tech all down and amzn googl will set up for er later. always another day. always another chance. no need to be emotional into trades. sidelined into tmr" +"Sat Apr 27 12:50:12 +0000 2019","Some implied moves for #earnings next week(1158 companies reporting): $GOOGL 4.4% $SHOP 8.5% $AAPL 4.9% $SQ 7.2% $AMD 11.9% $SPOT 8.1% $WDC 9.2% $MGM 5.7% $MA 3.8% $MCD 3.4% $LL 13.9% $GM 4.7% $TWLO 12.7% $FEYE 9.7% $TDOC 13.6% $AMGN 3.9% $AKAM 6.8% $VRTX 4.9% (1 of 2)" +"Fri Apr 12 22:45:29 +0000 2019","Touch week for tech names especially faang.... not easy to trade any of them as all of them have seen ups and downs in the middle or into end of week.... nflx rest calls from ystd dropped big overnight on dis - that’s what chart won’t tell u. but it’s ok. Fight another day!!" +"Sun Apr 21 19:34:25 +0000 2019","My week: $TWTR 4/23 Before $SNAP Tuesday 4/23 After Wednesday 4/24 After $FB $CMG $V $PYPL $MSFT $TSLA Thursday 4/25 Before $FCX $WWE Thursday 4/25 After $SBUX $AMZN Friday 4/26 Before $AAL So don’t call me, lll be studying charts. Jk, I’ll be using my 🎱" +"Thu Apr 11 23:39:24 +0000 2019","Next week I will be ALERTING a few trades on THIS public twitter to show you how I operate. Pay attention, they can come at anytime.... $AMZN $NFLX $GOOGL $NVDA $BA" +"Mon Apr 22 22:33:32 +0000 2019","I will be alerting some trades tomorrow here on the public twitter so you guys can see how I operate, stay tuned can come at anytime.. Can be a massive day $AMZN $NFLX $GOOGL $NVDA $FB $AAPL" +"Sat Apr 20 20:51:25 +0000 2019","@eWhispers @amazon @facebook @Boeing @Twitter @Microsoft @Tesla @Snap @verizon Let's get it. Hope everyone have a green week. Dont gamble on Earnings :) always opportunity after they report with weekly option prices back to earth." +"Tue Apr 30 22:35:08 +0000 2019","$AAPL revenue missed their original guidance by -9.4% & revenue was down-5.1% YoY, EBIT down -16% YoY. China revs down-21% YoY, Europe down -5.7%, & America decel to 3% growth from 5%. Guide is for 0.4% growth YoY." +"Sat Apr 20 17:47:29 +0000 2019","Implied moves for earnings next week based on option pricing. (777 companies reporting): $AMZN 4.3% $FB 6.0% $TWTR 10.4% $MSFT 3.6% $TSLA 9.0% $PYPL 5.6% $V 3.1% $CMG 7.7% $ALGN 9.5% $LRCX 6.6% $XLNX 8.2% $FFIV 5.9% $ORLY 6.5% $SAM 9.4% $MMM 3.5% $INTC 4.5% By @OMillionaires" +"Sun Apr 28 18:42:53 +0000 2019","Implied moves for earnings next week(1158 companies reporting): $GOOGL 4.4% $SHOP 8.5% $AAPL 4.9% $SQ 7.2% $AMD 11.9% $SPOT 8.1% $WDC 9.2% $MGM 5.7% $MA 3.8% $MCD 3.4% $LL 13.9% $GM 4.7% $TWLO 12.7% $FEYE 9.7% $TDOC 13.6% $AMGN 3.9% $AKAM 6.8% $VRTX 4.9% By @OMillionaires" +"Fri Apr 12 22:44:03 +0000 2019","Stocks up a little, trend is UP. Fully invested without any hedges. Long $ALGN $AMZN $BABA $BZUN $DOCU $FB $FTCH $HDB $HUYA $IQ $LYFT $MELI $NFLX $NOW $PYPL $SHOP $SQ $STNE $TCEHY $TME $WB 1833 HK #ES_F" +"Fri May 17 18:08:55 +0000 2019","$AAPL has an #EBITDA that is 6.3% of it's #stock price, while $KT has an EBITDA valuation 22% of its sp...a much better value #wallstreet #stockmarket #stocks #valueinvesting #money #finance #investors $AMZN $BA $CMCSA $FB $GOOG $INTC $MSFT $NFLX $NVDA $S $T $TMUS $TSLA $VZ " +"Sun May 12 22:25:24 +0000 2019","Thanks to #avengersendgame #CaptainMarvel and #fox Disney $DIS stock price has jumped 25% and it will continue to rise in the coming months. #stockstowatch #stocks #stockmarket $NFLX " +"Fri May 17 21:47:40 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $NVDA $BABA $PINS $CSCO $ACB $LYFT $UBER " +"Thu May 09 16:45:35 +0000 2019","Oh yeahhh our $BABA 175's now up + 69% at 5.52 from 3.25 - also like the set ups in $SPY $BIDU $AMD $NFLX $AMZN $TSLA $FB $NVDA #daytrading #swingtrading #investing " +"Fri May 03 21:31:54 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $BYND $TSLA $UA $AAPL $AMD $SQ $W $WW " +"Thu May 02 13:09:51 +0000 2019","May-1-2019 @jimcramer #StopTrading #alert "" $CVS price too cheap & $AAPL report amazing quartr"" #cvs #aapl #cvshealth #apple #stock #alerts #alertas #acciones #valores #bolsa #mercado #español #sp500 #spy #dia #DowJones #stocks #stockmarket #cramer " +"Mon May 27 21:02:53 +0000 2019","$MSFT Bought on 2/21 off of VCP pattern. Good move needed to take profits at 20% on 4/25 but got greedy trying to push for more. Missed add-on point on PB. Stock behaved well, price now is tightened and volume is drying up. Let's Go!! #stockstowatch #trading #stockmarket " +"Sat May 11 12:28:16 +0000 2019","Will Irrational Exuberance Valuations last forever? 4 ""moments"" in life of $AMZN to understand WHY smartest-in-town $FB $NFLX $GOOG $AAPL $MSFT insiders SELL while $UBER $LYFT $BYND rushing to file their IPOs Sell HIGH to raise cash and be able to buy LOW $SPX $RUT $QQQ #TradeWar " +"Thu May 09 15:12:26 +0000 2019","If you’re going to report sub par earnings with a weak SPY prepare to see your stock price get beat down. #stockmarket" +"Mon May 13 19:34:36 +0000 2019","Are you interested in knowing the best stocks before they make big price gains? Do you want to know how to avoid costly mistakes made by most investors and make alot of money in stocks? If so click here #books #stockmarket #makemoneyfromhome #moneytips " +"Fri May 03 21:36:56 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $BYND $TSLA $UA $AAPL $AMD $SQ $W $WW " +"Mon May 20 19:33:32 +0000 2019","#NQ_F #ES_F #RTY_F - Strong day at +$7000 in profits with most from from NASDAQ futures. I'm not going to trade into the close as it looks pretty sketchy and it's just harder to be consistent when things get crazy near end of day. I'll post my trade entries and exits later. " +"Fri May 17 21:45:54 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $NVDA $BABA $PINS $CSCO $ACB $LYFT $UBER " +"Thu May 30 19:56:02 +0000 2019","$RLM - MERGER with Essa Pharma in a deal valued at $21.5M. RLM currently has a market cap of 13m, so this deal should put the share price to at least $4.50. #NYSE #NASDAQ #Stocks #trading #StockMarket " +"Thu May 16 05:52:28 +0000 2019","Mothersumi:: Coming closer to falling TL and getting as oversold as it can .... watch out this falling knife from here till 110 zone for some speculative long " +"Mon May 13 23:06:25 +0000 2019","Fox Team Coverage on GLOBAL #stockmarket SELLOFF thx 2 US #China #Trade #Tariffs Does #consumer or #companies pay? Is it a buying opportunity? Also covered #Apple #SupremeCourt ruling allowing #iphone users to sue against #appstore alleging $aapl #monopoly $spy $dji $ndq $ba $cat " +"Mon May 06 13:06:53 +0000 2019","$SPX $SPY #stockmarket #stocks We saw an increase in net advancing stocks and volume of advancing stocks on Friday. Notice the NYMO is still negative but that can remain divergent for a while until price ultimately breaks down. " +"Mon May 13 21:19:59 +0000 2019","Fox Team Coverage on #Monday #stockmarket DROP on US #China #Trade tensions! Biggest decline for Nasdaq this year, WORST for #DOW & S&P500 since Jan3! #Apple biggest stock drag on #SCOTUS ruling $aapl We get to do this ALL over again at 6pmET with awesome @johnrobertsfox leading! " +"Fri May 03 21:37:05 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $BYND $TSLA $UA $AAPL $AMD $SQ $W $WW " +"Thu May 02 15:26:58 +0000 2019","Stocks move lower as Fed signals it won’t cut rates. Tesla shares pop with Elon Musk planning to buy $10 million in stock. And Facebook is flat despite ongoing privacy concerns. @mkobach and I’ve got the latest in #ChattinWithCheddar @cheddar @NYSE " +"Mon May 20 21:37:37 +0000 2019","SMH - the VanEck Semiconductor ETF,dutifully bounced off 200-day moving average this afternoon on big trading volumes. If 200 DMA is broken decisively (and that's the likelihood given how early we are in digesting this trade war news), it will get ugly- see Oct. example on chart " +"Mon May 06 21:44:40 +0000 2019","The semis surge hitting pause today, but @AriWald says the bull case remains intact. He breaks down the charts. $SMH $NVDA $MU $AMD $AVGO $QCOM $TXN $SOXX $LRCX " +"Mon May 13 21:19:49 +0000 2019","Remember u dont need a system that works ALL the time, u just need a system that works ENOUGH times so that u only lose 1R when wrong, & make 3-5R+ when right. Thank u $SPY, thank u Trump PS: i hope we dont get another 100% short day tmr. not good for options. $TSLA $NFLX $BA " +"Mon May 13 14:25:43 +0000 2019","Daily #NASDAQ : $COMPQ 🎯🎯🎯 That A-wave target is acting like a magnet 😁🤓 Should get there by Friday. Stochs green target circle should hit as well. MACD cascading in full water mode. This has to be the most Textbook wave 5 endings I have ever seen 😳 #NDX #NQ $NDX $NQ " +"Tue May 07 16:15:32 +0000 2019","Daily #NASDAQ : $COMPQ 🎯🎯🎯 Wave 5 is definitely over ⚰️. My MACD/Stochs called it to a T. 50MA is right at orange TL so possible DCB / VIX lull can happen around that area ... (Retweet if want me to map out this next entire wave down) #NDX #NQ $NDX $NQ " +"Fri May 17 19:23:01 +0000 2019","Daily #NASDAQ : $COMPQ BAD BAD BAD... This could get very bad... 13MA rejections after 13MA/BC bearish cross are the most bearish scenario. Never even made it to BC, trying to close below 50MA. Could enter full Risk-off next week #NDX #NQ $NDX $NQ " +"Thu May 09 07:09:56 +0000 2019","The Candlestick Screener tracks overall candlestick strength (bullish - bearish candlesticks). Most indices are seeing negative strength, with Nifty Auto and Nifty Smallcap the worst hit. BSE IT is now the best performer. " +"Mon May 13 13:39:15 +0000 2019","Wow...I think this is a personal best for me, all due to buying puts and shorting futures Friday. I’m all cash now, regrouping as I look for a possible short here and definite long if we go a little lower. " +"Thu May 23 18:24:52 +0000 2019","$SPX Daily: #SPX sure enough now in full chase mode after Lower BB. MACD gaining more momentum to downside & Stochs attempting double dip (most bearish scenario). The multiple 13MA rejections in a row were the clue 🔎🔍🕵️‍♂️ $ES #SP500 #Tradewar #economy " +"Tue May 28 14:45:53 +0000 2019","The Tech $QQQ to $SPX ratio is important to watch. The extended sell-off in stocks many are waiting for begins when this breaks & tech starts under-performing. The ratio is forming a large bearish wedge which suggests its coming, but another bounce to ""fill it out"" likely first " +"Tue May 28 20:45:30 +0000 2019","Weekly $SMH : NEW CHART! #SMH broke through 50MA last week & now falling to next VBP support ~95, which is where Lower BB will catch up for a bounce. 13MA on verge of crossing Retweet if you want me to post more $SMH charts #chips #Semiconductors #tech #technology $SOXX $SOX " +"Thu May 23 04:07:28 +0000 2019","Starting to see a potential bear flag emerging in $QQQ here as well.... Worth eyeing this $SQQQ for some potential upside if the $QQQ breaks lower " +"Tue May 28 14:39:02 +0000 2019","This $QQQ really not looking too hot here, imho.... feels like it's hanging on by a thread. A break lower feels imminent..... ..... barring a magical tweet! " +"Fri May 10 14:48:11 +0000 2019","$QQQ cracked below yesterday's lows..... now looking to see if it can recapture and settle back above yesterday's lows, which could/should signal a short term bottom to this mini selloff. " +"Fri May 10 19:24:58 +0000 2019","Super sexy looking hammer candle on the $QQQ ! That '2B reversal' played out like a charm! Hope these charts were helpful to you today!! We should see a plethora of strong setups to work with come next week " +"Sat May 11 18:40:33 +0000 2019","After a much needed pullback following a monster run up in $SMH .... seems like it's trying to settle at the 50 day MA. Printed two hammer candles on Thursday and Friday. Look for it to bounce off this area in the next week or two " +"Fri May 10 19:08:23 +0000 2019","$spy As you can see what I posted 4 hours ago when the market was negative we did Not even try to go near the key support today. This market is bullish once it sorts things out we will head higher to many key stock have been doing well with earnings, USA is #1 and is doing well" +"Sun May 12 16:42:06 +0000 2019","Tues: $CYBR Wed: Econ data & TIC report, $BABA $CSCO Th: $NVDA $IQ $AMAT $PINS Fri: Mo Opex 5/18: US/EU auto tariff deadline 5/22: $VXX exp, FOMC minutes, $ADI 5/23: $SPLK 5/27: US mkt closed 5/28: $WDAY 5/29: $PANW 5/30: $ZS 6/3: $COUP" +"Sat May 11 21:32:13 +0000 2019","$spy visual: The bigger picture! $spx $es_f $nq_f $aapl $amzn $bkng Dont need bear or bull comments/opinions just take it in thanks! " +"Mon May 20 14:27:47 +0000 2019","$GOOGL and all $FANG stocks are the major market movers which are currently displaying bearish setups. Now is a great point to take some long positions of the table in these names if you still hold them #FAANG. Like this tweet if you want to see an $SPX update!" +"Thu May 16 18:41:02 +0000 2019","Has Oracle (ORCL) Outpaced Other Computer and Tech Stocks This Year? Computer and Tech stocks have gained an average of 16.49%. @Oracle is outperforming its peers so far this year with 19.89% since the start of the calendar year #cloud #iot #ai #saas " +"Thu May 30 17:31:11 +0000 2019","Technology Earnings Estimates/Revisions $XLK: $MSFT $AAPL $V $CSCO $MA $INTC $ADBE $ORCL $PYPL $CRM $IBM $ACN $AVGO $TXN $NVDA $QCOM $ADP $INTU $FIS $AMAT $MU $ADI $CTSH $ADSK $FISV $TEL $HPQ $PAYX $LRCX $XLNX " +"Fri May 10 14:35:51 +0000 2019","$QQQ down every single day this week. RETESTING yesterday's big reversal lows here. Watch how this retest gets handled Ideally want to see the $QQQ break below yesterday's lows briefly and quickly recapture yesterday's lows, essentially creating a 2B reversal off the 50 day MA " +"Tue May 14 11:41:50 +0000 2019","GAP UP Reminder — See where we are around 11AM . . . 👇👇👇👇 $ES $ES_F $SPX $SPY $NQ $NQ_F $NQ $NDX $QQQ $RTY $RTY_F $RUT $IWM $YM $YM_F $DIA " +"Thu May 16 17:31:00 +0000 2019","Where is money flowing today? $CSCO $ADBE $MSFT $JPM $NTES $BMY $MRK $PYPL $ANTM $MRK $AGN $BSX $CL #stocks" +"Wed May 15 19:21:28 +0000 2019","Where is money flowing today? $HUM $GOOGL $FB $BABA $PYPL $ATVI $BMRN $SRPT $AMAT" +"Tue May 14 14:56:54 +0000 2019","aapl is best example here for both sides premium killing.... amzn is best exmaple here for put premium killing.... massive premiums there for puts coz of expectation of huge dive" +"Wed May 29 13:41:01 +0000 2019","Be in the know. 6 key reads for Wednesday... $CVS $AAPL $NVDA $SPX $COO $ALXN $ALGN $ABMD $SNPS $MNST $EXPE $AMZN" +"Tue May 14 13:00:32 +0000 2019","Be in the know. 10 key reads for Tuesday... $WMT $WTIC $USO $AMZN $XOM $MPC $PSX $RDSA $BABA $TCEHY $TSLA $ILMN $MSFT $ASML $AAPL $EBAY $FB $SPOT $RACE" +"Thu May 09 14:22:38 +0000 2019","#earnings after the close $WYNN $DBX $BKNG $GPRO $YELP $ZG $SPWR $SYMC $SONO $AAXN $TRXC $NOG $GH $SWIR $VSTM $PBYI $ELY $MAXR $INSE $ASUR $ALRM $MBII $OMER $SMLP $ADMS $CARG $WPRT $CORT $SENS $NVCN $VSLR $EFX $FLY $VLRX $VALE $XON $HK $QNST $HYRE " +"Fri May 31 16:28:35 +0000 2019","@utsav1711 Yup...totoally agree...todays price action post the plunge was a testimony to the underlying current....dow was down 300...rumours of major etf selling ...yet we closed .2 pct lower Mkt is rerating. Wont be bothered with data" +"Wed May 01 13:40:35 +0000 2019","#MarketWatch Major indexes open higher after strong earnings from $AAPL, better than expected private sector job growth in April" +"Wed May 01 20:04:54 +0000 2019","#MarketWrap Major indexes close lower, pulling back after Fed Chair Jerome Powell struck down anticipation of a rate cut soon. DOW -0.61% NASDAQ -0.57% S&P 500 -0.75%" +"Thu May 02 17:07:18 +0000 2019","Micro futures for the major indices are coming to the @CMEGroup this weekend! For a full breakdown on what they are and how to trade them, tune in: " +"Sun May 12 23:00:08 +0000 2019","Cramer's week ahead: The market can go higher with Uber's IPO, tariffs behind us " +"Wed May 01 14:50:00 +0000 2019","I never quite understood the ""N"" in FAANG. For a measure of scale, the *difference* in market cap between $AAPL and $GOOG is $12B greater than the entire market cap of $NFLX." +"Wed May 22 16:51:20 +0000 2019","AMZN hard to play past two days and it’s losing play... 1866 1874 range resistance just so strong... 5ma was about to golden cross but today 5ma turned flat.... if tech down on fomc, AMZN GOOGL both big room for drop 1816 1120 respectively... if fomc good, AMZN to 1884 possible" +"Thu May 09 22:11:47 +0000 2019","05/09/19 - View today's #MarketOutlook from @Market_Scholars here: Discussed: $SPY $IWM $DIA $QQQ $EEM $GLD $USO $UUP $SPX $TLT $VIX $TNX #UberIPO $EWZ $FXI $STUDY $XLV $UBER #tariffs $XLF $HOLX" +"Wed May 01 15:41:35 +0000 2019","we are up very well in our may 17 205 calls that we held into earnings,this will be the 6th wining plan for $AAPL this year for us the BigPicture Leader strikes again making real gains and leading the people to the truth and the money $STUDY Livestream tonight 9:30 EST CANADA" +"Thu May 30 19:23:37 +0000 2019","$SPX S&P 500 is on bar 6 of a TD daily 9 buy setup. #IBDpartner IF this setup continues, we should see a trading bottom early next week. Testing 200 day MA. Could we see gap-fill at 2743? 38.2 Fib is also at 2722. @MarketSmith --> " +"Thu May 16 20:06:08 +0000 2019","#MarketWrap Major indexes close higher on strong earnings, positive economic data. DOW +0.84%, NASDAQ +0.97%, S&P 500 +0.89% 3 straight days of gains marks longest winning streak for US stocks so far in May following earlier rout due to trade war with China." +"Sat May 11 13:12:09 +0000 2019","#earnings for the week $NVDA $BABA $ACB $CSCO $IQ $BIDU $WMT $TTWO $AMAT $CYBR $TLRY $STNE $M $RL $BILI $LEGH $WIX $DE $CPRX $TME $EAST $LMB $MYO $KEM $AZZ $A $PAGS $MEEC $MIME $NTES $CTST $DARE $CRMD $TSG $CPLP $CELP $BOOT $NEWR $GDS $SESN $AKTS $LM " +"Fri May 03 23:40:21 +0000 2019","$AMZN the influence that men like Buffet have on the market is still mindblowing. ""yeah we bought soome shares "" = stock gains over $25 Billion in marketcap. no big deal. keep in mind that's enough money to buyout and take private EVERY single listed lowfloat company. twice. smh" +"Thu May 02 14:34:04 +0000 2019","FB msft googl all red, AMZN not strong either.... nflx faded 3 pts from high... nothing wrong to be careful...." +"Wed May 15 21:05:31 +0000 2019","Just took a break from working on the upcoming webinar, Trend Following and did my daily market runs. Wow! QQQs were up +1.41%, SPYs only +.59%. Quite a difference. TREND STILL DOWN, FULL HEDGES IN PLACE. Staying cautious, getting other stuff done and enjoying the ride!" +"Thu May 02 18:51:26 +0000 2019","$AAPL is evolving its business but $GOOGL is struggling to move beyond search. It's the busiest week of #earnings season. Check out all the big stories! " +"Thu May 16 14:43:18 +0000 2019","amzn nflx fb 4D chart 5ma positioning almost same.... GOOGl aapl almost same.... amzn fb reached 5ma on 4D, next is nflx.... GOOGL reached 5ma, aapl next, still much room.... this is BIG picture... remember current 4D candle ends by close tmr" +"Fri May 10 15:35:10 +0000 2019","ES back down after 13 pt bounce. no good and see if 2824 supports. mkt very hard to trade.... after taking loss earlier this morning, no reason to risk any $$ into it... always another day, always another chance... no need to hurry to get loss back.... just sideline and watch...." +"Fri May 24 22:13:41 +0000 2019","Update from SeaTac. Stocks mixed with QQQs a little lower, DJIA and S&P up a bit. Still the range. Nothing changed. TREND DOWN, FULL HEDGES ON. So far the ride has been enjoyable. Have a great weekend my friends!" +"Tue May 14 13:35:43 +0000 2019","US stocks opened higher, retracing their steep losses from Monday, when the Dow and the S&P 500 recorded their worst days since January 3. The Nasdaq even had its worst day since December. Watch live " +"Thu May 23 04:15:14 +0000 2019","Wall Street: This is a book shop and they are overvalued ........... Amazon This is a computer shop and they are overvalued ... Apple This is a car company and they are overvalued ...... Tesla Recognize a pattern? Forests & Trees 🌳" +"Fri May 03 16:41:42 +0000 2019","S&P up almost 1%, QQQs up over 1%. TREND STAYS UP, NO HEDGES. Risk still on as this market and economy keeps on chugging forward. Best economic progress in decades. Time to go hit some balls on the range and enjoy the ride! Happy weekend everyone! Updated " +"Thu May 16 14:51:07 +0000 2019","Two days in a row big win on nflx FB.... AMZN sold too early ystd.... 1850c would have been 7X run.... googl 1150c misses but would have been 30X ....." +"Mon May 06 14:42:44 +0000 2019","keep in mind China deal or not, it will NOT affect amzn as they substantially trimmed their biz in China..... so if/when mkt settles on trade stuff, amzn should be one of the very first to jump out and hike....." +"Wed May 08 20:40:52 +0000 2019","Judging by what is working this earnings season, Americans are watching streaming video, clicking Facebook ads and ordering random things from Alexa for 40 hours each day." +"Mon May 06 15:58:53 +0000 2019","If you haven’t figured this out yet, here’s a good one for you: $SPY $SPX $QQQ most gap ups get stuffed, most gap downs get bought up. When it doesn’t work, stop out and flip sides cuz big move likely... rinse repeat. Damn near the holy grail" +"Tue May 14 01:11:17 +0000 2019","Just like rising wedge can turn into a parabolic upside move instead of breaking down, falling wedge can turn into parabolic downside move instead of breaking up.... nasdaq FB hourly chart both perfect examples..." +"Wed May 22 01:58:34 +0000 2019","We had nice run with nflx roku today but AMZN no good. If tech runs on Wednesday, nflx AMZN may lead. timing of entry would be key though given the on-going premium killing... if tech doesn’t run before FOMC, not good signal..." +"Wed May 15 11:55:27 +0000 2019","Es NQ faded a bit overnight as expected.... I explained the technical setup in last night’s blog.... if we dip today, may see 2821-2824 range and then likely pull up.... vix tlt weekly chart both show signs of exhaustion - meaning mkt could hike all in a sudden into next week...." +"Tue May 21 13:16:36 +0000 2019","Roth Cap bro on Squawk Box reiterated a $238 target, in part, because he believes $AAPL made an offer of $240 sometime last year. I’m really going to miss this stock. $TSLAQ" +"Thu May 02 13:33:33 +0000 2019","LIVE: Markets open after Fed’s decision to hold interest rates steady. U.S. stock futures indicate a slow start to Thursday’s session. Under Armour is up 7% after reporting strong earnings and sales that topped expectations. Here’s what the Dow is doing. " +"Wed May 22 11:10:21 +0000 2019","In a busy news week for #markets /global economy, #Fed minutes will attract attention today...along with the latest twists and turns in trade tensions between the #US and #China. And despite these big macro stories, we are seeing significant differences in single name stock moves" +"Wed May 01 13:36:01 +0000 2019","WATCH the Dow stream live as May could start off in the green with gains fueled by Apple and Mondelez. Apple shares are up more than 4% after its earnings and revenue for the previous quarter beat expectations. " +"Wed May 01 00:07:57 +0000 2019","Portfolio summary - April-end Holdings - $ALGN $AMZN $BABA $BZUN $DOCU $FB $FTCH $GOOGL $HDB $HUYA $IQ $LYFT $MELI $NFLX $NOW $PYPL $SHOP $SQ $TME $WB $TCEHY 1833 in HK #ES_F Portfolio performance = +33.65% YTD vs. +17.51% for $SPX No hedges in place....(contd.) " +"Mon May 06 13:22:15 +0000 2019","Some of the key leaders in the market currently include: $AMZN, $CYBR, $LULU, $MSFT, $NOW, $PANW, $PAYC, $PCTY, $PYPL, $SHOP and $TTD to name a few." +"Fri May 10 17:53:26 +0000 2019","Stocks opened lower, went down some more, now up for the day. Crazy stuff! TREND REMAINS DOWN, FULL HEDGES and caution in play for the moment in my trading. We will see how this all sorts out. Enjoy watching the movie of the market unfold and enjoy the ride and the weekend!" +"Fri May 17 17:19:18 +0000 2019","As much as it sucks. It’s not uncommon for tech stocks to go through large price changes. Take nvidia for example. Or activision. And yes Tesla. $nvda $atvi $tsla" +"Wed May 29 14:33:27 +0000 2019","Market indexes are short term oversold. We will probably get a bounce off the 200-day lines on the NASDAQ and the S&P 500, but we are not out of the woods. Volatility is likely to remain elevated in the near term." +"Fri May 10 15:10:11 +0000 2019","The indexes have rallied nicely, but it's been challenging to capture alpha in individual breakout names. I think we need to see the Russell 2000 and NYSE Composite get above their May highs, and then we could see breakouts working with better follow through and progress." +"Mon May 13 21:25:39 +0000 2019","Dow stocks have shed $157.3 billion in market cap combined. The biggest losers: - Apple: -$46.6 billion - Microsoft: -$23.9 billion - Boeing: -$8.2 billion " +"Fri May 24 20:02:16 +0000 2019","$qqq almost filled gap and faded $spy almost filled gap and faded. Most highs of the day were in the first 15 minutes. That usually happens in a weak environment" +"Fri May 24 11:33:29 +0000 2019","@Rayner_Teo My books with backtested signals: 5 Moving Average Signals That Beat Buy and Hold: Backtested Stock Market Signals on $SPY-Steve Burns Trading Tech Booms & Busts Backtested $QQQ Moving Average Systems-Steve Burns 50 Moving Average Signals That Beat Buy and Hold-Steve Burns" +"Tue May 07 16:58:18 +0000 2019","The Faang stocks recently added Microsoft, leading some to call it Faangm and some calling it Fang 6. I propose a new acronym for these six... Facebook, Apple, Google, Microsoft, Amazon, Netflix FAGMAN!" +"Fri May 31 09:12:02 +0000 2019","Good morning. $spx futures-22 as the trade war takes on another dimension. If you simplify it. Two important#s today* $spx 2766 and $qqq $174.35ish * Do we get and stay below? Or not!!" +"Sun May 26 18:42:17 +0000 2019","Interestingly, on Friday $TSLA hit its 100 month moving average, roughly the same place that $AMZN hit before beginning its eight year climb from 35 to 2000. Perhaps the HFTs and algorithms that dominate trading these days will take note. We shall see." +"Mon May 27 11:22:38 +0000 2019","An observation (after being away for a few days). Folks should stop chatting FANG and make up an acronym for (list might not be complete) TEAM WDAY ROKU SHOP TWLO PYPL MSFT" +"Sun May 05 22:50:18 +0000 2019","Things closed well Friday. So many charts looked great. I have more long exposure then I’ve had in a while. $amzn $twtr $nflx $fb $aapl. I’ll have to figure out if I can add, Or just salvage it. Either way, it happens, & all I can do is use my process in the Morning." +"Mon May 06 02:30:31 +0000 2019","Here are some dominant businesses - $MCD $YUM $NKE $HD $LOW $DIS $MSFT $ADBE $V $MA $XOM $AMZN $NFLX $GOOGL $FDX $DPZ $UNP $CNI $WMT $MO $PM $JNJ $PEP $BLK Pull up their charts and you'll see that Buy&Hold on all these companies since their IPOs has beaten $SPX by wide margin." +"Mon Jun 24 18:05:25 +0000 2019","$KT Corp. has good value. Current PE 9.87, very low long term debt, EPS at 10% of the #stock price & book value $24.15 twice stock price. $AAPL $AMZN $CMCSA $FB $GOOG $INTC $MSFT $NFLX $NVDA $S $T $TMUS $TSLA $VZ $WMT $XOM #wallstreet #stockmarket #valueinvesting #investors " +"Mon Jun 03 16:44:30 +0000 2019","Tech stocks taking a HIT today, Our $FB puts 170's now up +188% If you trade options sign up to Day Trades Group Alerts $QQQ $SPY #stockoptionalerts #stocks #MondayMotivation" +"Tue Jun 18 22:53:40 +0000 2019","A message from the Big picture leader about $AAPL and the $SPY I have been a key leader in this beyond anyone else in the markets in great fear time and time again since feb 11 2016 with options plans to help people succeed I am a manager leader mentor to the few smart serious. " +"Wed Jun 05 00:11:54 +0000 2019","2nd Best day for the #stockmarket in 2019 thanks to the #Federalreserve accommodation if #tradewar #tariffs slow US #economy Big #technology recovers! Fox News Team Coverage $spy $dji $ndq $aapl $nflx $goog $mfst $amzn " +"Thu Jun 20 23:57:11 +0000 2019","RECORD HIGHS for S&P on track 4 BEST #June since 1955! #Oil prices SPIKED on #Iran shooting down US #drone lifting Oil #stocks Meantime #gold highest in 6 yrs, #treasury yield lowest in 3 yrs & #stockmarket rallying on hopes of #interestrate CUT $spy $dji $ndq $cl1 $work $go #IPO " +"Tue Jun 11 14:43:37 +0000 2019","FYI-NYSE, $SPY $DIA $QQQ etc. hitting upper bands today. Gartman covered shorts yesterday. Would be nice to see a higher low develop. " +"Mon Jun 10 20:24:33 +0000 2019","Many DMs asking what's next for market See my pinned tweet 📌 IMO 2875-84 still stands as area to break 👇 I am not talking about upside towards 2911-14.5 As we are still below my 🗝️ #LineInSand 2899 Conclusion: I can still smell tiny bears in the woods 🐨 $SPX $DJIA $NQ_F " +"Wed Jun 26 19:47:33 +0000 2019","Interesting action today in $SPY and in key stocks I am looking at that I like I will explain in tonight Live Stream Tonight 10pm Eastern Standard Time Canada on my YouTube channel link is here Subscribe to my channel $SPY $AAPL $BA $COST $STUDY " +"Tue Jun 18 20:45:36 +0000 2019","2 day WINNING streak for #stockmarket on hopes of US #China #Trade deal! @realdonaldtrump confirming LONG meeting with President Xi at #G20 in #Japan Meantime #FederalReserve expected to CUT #interestrates We're 1% from RECORDS @teamcavuto $spy $dji $ndq $aapl $ba $mmm $fb $gs $t " +"Sun Jun 16 13:45:56 +0000 2019","THE EARLY WEEK-My comments are .applicable to the market pre-FOMC. The single most important concept we deal with is excess. There is access above 2900 with no nearby excess on the downside. See graphic attached for details. #ES_F #Futures $spy " +"Fri Jun 07 22:43:12 +0000 2019","BEST week 4 #stockmarket in 2019 & BEST since #Thanskgiving Despite a WEAK May #jobsreport Close 2 RECORD levels owing 2 hope #federalreserve will CUT #interestrates That as talks to avoid #MexicoTariffs continue in DC! Leading off @foxnews @specialreport #friday $spy $dji $ndq " +"Wed Jun 12 21:52:19 +0000 2019","$SPWH Sportsman's_Warehouse_Holdings_Inc. This is a buy, this price is likely to go up. Sell $QQQ to hedge #Finance #StockMarket #trade" +"Tue Jun 18 16:27:54 +0000 2019","$RVP Retractable_Technologies_Inc. Our signal is green, this price is likely to go up. Sell $QQQ to hedge #Trading #StockMarket #trade" +"Fri Jun 21 02:47:13 +0000 2019","$LPSN LivePerson_Inc. Profitable trade spotted, this price will generate some alpha. Sell $QQQ to hedge #Trading #StockMarket #money" +"Tue Jun 04 01:03:14 +0000 2019","$EGLE Eagle_Bulk_Shipping_Inc. We are bullish, this price will unlikely go down. Short some $SPY to hedge #Trading #StockMarket #money" +"Fri Jun 28 19:27:10 +0000 2019","Happy Friday y'all. +$490 lazily trading today while watching more @epicentergg DotA2 games. $NVDA $EA $WBA $URI $NTNX $BA $MTCH $TSLA $AMD $FB $BAC $LOW " +"Fri Jun 07 20:09:02 +0000 2019","All 3 major U.S. indices closed up more than 1% today, ending what was their best week of 2019 so far. The Dow closed 1.02% higher, led by gains in Microsoft and Apple, and the Nasdaq closed 1.66% higher. " +"Thu Jun 13 21:43:20 +0000 2019","Who will win the battle of the chips? @jwangARK weighs in. $SMH $SOXX $AVGO $NVDA $XLNX $INTC $AMD $VZ $TMUS $AAPL " +"Thu Jun 20 19:25:57 +0000 2019","yesterday: nail $TSLA & $NFLX . cover dead bottom, both stocks rip after. feel like a boss. today: nail $TSLA again with sick precision.. cover at the exact same exit signal as yesterday. This time stock drops another 5 fucking pts. I swear the market graduated from Cunt academy " +"Mon Jun 17 20:07:28 +0000 2019","$SPX Weekly: #SPX 13MA/BC/MACD/Stochs all actually looking a lot more like early 2018 (cyan rectangle) than late 2018. Lower BB rising sharply is main cause for this bounce. However, flat Stochs & MACD + 13MA/BC gap narrowing are warning signs ⚠️ #economy #markets #SP500 $SPY " +"Thu Jun 27 16:51:14 +0000 2019","$SPX Daily: #SPX not sure why I said “sirloin” must have been hungry 😂. 13MA is STILL holding, 10MA now holding too. Another pop up could be coming if Stochs can reverse back up @ 80 for double peak. Chart still bullish, don’t fight it ... yet. $ES #SP500 #Tradewar #economy " +"Tue Jun 25 19:03:53 +0000 2019","Daily #NASDAQ : $COMPQ Top VBP supply zone did end up holding as resistance. Stochs has crossed over but so far this is just a 13MA pullback support test. If the 13MA fails then a deeper retreat back under Orange VBP line can occur. No confirmation yet #NDX #NQ $NDX $NQ " +"Tue Jun 11 15:55:55 +0000 2019","$SPX Weekly: #SPX after bouncing off the low just below my 2761.08 target. Weekly now forming shooting star on weekly. Looking very similar to early 2018. Chart indicating a 13MA/BC bearish cross is coming in next 2-3 weeks. MACD crossed bearish too #economy #markets #SP500 $SPY " +"Wed Jun 12 19:26:22 +0000 2019","Daily #NASDAQ : $COMPQ still hovering... watch 13MA like a hawk, if fails to cross 50MA soon markets will be in serious trouble. Notice Lower BB starting to curl down, could be a major warning ⚠️ signal of a quick revisit back down. Still needs to confirm <50MA #NDX #NQ $NDX $NQ " +"Sat Jun 01 16:28:09 +0000 2019","$AAPL After its recent pullback, is Apple's (AAPL) stock a good buy at this price? #Apple #DataProtection #databreach @billionaire_ver #StockMarket via @stocknewsdotcom" +"Fri Jun 07 19:04:20 +0000 2019","BOOM 🎯 AND SHE BLEEDS 10 pt $SPX. 97 pts for Mrs Jones $DJIA 💃 What did I tell U about 🗝 2884? We hit it to the point before dropping to 2874. Maybe 2899 will trade next 🤷‍♂️ In August I will show some of U how 😏 #SpreadTheWord -- The $SPY King 🤴" +"Sun Jun 30 22:43:17 +0000 2019","Based on what I will discuss in #BookOfShylo as ""Market Maker Mischief"" 😈 Til #MarketMemory, #Confluence + #Flow establish themselves [Members of my crew @#TheOrder will update U] I give U this MAGiC: #NQ_F 7900-29 🗝️ 2977 👃 2984 2999 3023-33 3050 3111 3333 👃 $SPX $DJI 🔖" +"Wed Jun 12 14:42:14 +0000 2019","🇺🇸In the previous 5 Fed cut cycles, 2 of them led to bull markets (1995 & 1998) and 3 to bear markets (1989, 2001 & 2007). In my mind the difference is if there was an earnings recession or not. Currently my leading EPS indicator clearly signals earnings recession... " +"Wed Jun 12 16:26:14 +0000 2019","Tech stocks $QQQ got some correction so far but would be cautious getting bearish just yet, even if this dips further. There's still a setup here to re-test or break the ATHs - any dip to 178-79 would form the right shoulder of a large inverse head & shoulders base " +"Wed Jun 26 18:16:16 +0000 2019","Keep the same template for each chart you analyze. I always open my charts with candlestick, weekly scale 5 year data and 200-day (40 week) average plotted. Price action above the long-term average, I put my bullish hat on Price action below the long-term average, bearish hat on " +"Fri Jun 07 19:41:27 +0000 2019","$SPY up 4 days in a row for the first time in 2 months. Since 2014, it has closed higher again w/in the next 8 days in 37/40 instances by avg 1.3%. R/R >2:1 pos. The 3 ‘losers' highlighted in charts; it just took them a bit longer " +"Fri Jun 07 09:09:44 +0000 2019","With a three day bounce in the stock market, new highs on the S&P 500 surged to 93, which is 18.6% of the index and the highest level since January 2018. This does not usually happen in bear markets. $SPX $SPY " +"Mon Jun 03 07:40:46 +0000 2019","PSEi closes above 8000 for first time in a month, index UP 1.44% (115 pts) at 8084 boosted by property stocks; Among the day's big winners: ALI (+6%), SMPH (+1.1%), MEG (+3.1%), RLC (+4.2%); Philstocks Financial says property, banks to benefit from RRR cuts, rate cut @ANCALERTS" +"Sat Jun 01 10:52:10 +0000 2019","RT stock_family: $AMD $INTC 🔥Free stock w/sign up: 🔥 #options #stockmarket #daytrader #stocktrading #news #investing #stocks #trading #wallstreet #robinhood #tastyworks #stockoptions #bitcoin #money $aapl $dis $spy" +"Fri Jun 14 12:05:40 +0000 2019","The Superior Art of #MarketMemory ""Multi-million penny trades repeat themselves"" Sykes would like that phrase (but he lost his pennies in sand) Short @ 2899 + long @ 2884 fruitful again 🍇 A potential 22+ pts Both 🗝️🗝️ provided by The $SPY King b4 other FURU. Check 🤷‍♂️ $SPX" +"Thu Jun 20 08:57:01 +0000 2019","BOOM 🎯💥 TARGET ACQUIRED #FOMC Addendum shared for FREE at 2918 Now hit my first target 2949 in < 24 hrs A riveting 30 point $SPX, 289+ point orgasm for Mrs Jones $DJIA 💦 Hope u enjoyed riding 🐐 as much as she did ❤ + RT if u did. I won't tell 😷 $SPX $DJI $NQ_F #ES_F" +"Mon Jun 10 22:09:26 +0000 2019","We have had many wining plans since I was not bearish on may 31 while many were bearish the $SPY. Great gains form $AMD $AAPL $WMT $CCI it about skill that so many lack was your service wrong again the big picture compared to my report a great wining week and a great start today" +"Fri Jun 21 17:20:24 +0000 2019","Good morning. Another profitable week in the books. Current swings with Entry price & Size $ZS $74.75 (2/3rd) (*8%) $SMAR $47.50 (Full) (*5%) $TEAM $131.50 (3/4th) $RUN $16.90 (2/5) (*6%) $AAPL $200 (Full) Hope you're all having a relaxed Friday. Have a great weekend! 🙋‍♂️ " +"Sat Jun 15 12:26:09 +0000 2019","You can make serious $ in stocks no one knows How 2short a stock you just know is up too much How 2use Anchored VWAP 2make a quality trade in FB How to short an overbought mkt And more Weekend learning lessons for traders from the prop desk " +"Sat Jun 29 23:10:02 +0000 2019","Mon: Opec, PMI/mfg data Wed: PMI/svcs Thurs: US mkt closed Fri: Jobs report 7/9: Powell/Congress 7/10: Powell/Congress 7/15: $C 7/16: $FB hearing, $JPM 7/16-17 $AMZN PrimeDays/48hr 7/17: $FB hearing, $NFLX $ERIC 7/18: $ISRG $UNH 7/23: $CMG $IRBT 7/24: $BA 7/25: $GOOG $INTC $NOK" +"Sun Jun 09 02:07:44 +0000 2019","$MSFT Microsoft ...Monday was certainly a ""bring you to the edge of the cliff"" on some of these charts. This is a good example. And then they rip it back the other way. Major FEOBEO action out there. " +"Tue Jun 04 14:35:47 +0000 2019","Es needs to close above 2789 to be a valid bottom reversal .... AMZN GOOGL much better than open but giant red candle from ystd still big concern for short term so be extra cautious on bounce" +"Sun Jun 30 20:34:15 +0000 2019","semi setup great... now the question is how fast/furious the run-up will be.... NVDA QCOM MU already up a lot from bottom, but NVDA still much room up there.... all about earning # and guidance for long term, if great, back to 221...." +"Tue Jun 04 13:03:04 +0000 2019","Time to take a look at market leaders given the bumps we’ve had lately. Semiconductors have taken a hit but FAANG stocks, in bright blue, remain in the lead. " +"Tue Jun 18 13:03:23 +0000 2019","Remember what I said 10 days ago... $fb $aapl $googl $ba $msft $nflx all did... $tsla $amzn very close... $baba $nvda $qcom not yet... back to May 16 level is BIG PICTURE" +"Sun Jun 09 21:41:41 +0000 2019","Keep in mind these May 16 levels - $fb 189, $aapl 190, $amzn 1918, $nflx 364 (done), $googl 1194, $nvda 162, $qcom 85, $tsla 231, $ba 354 (done), $baba 178, $msft 129 (done)" +"Fri Jun 28 23:10:20 +0000 2019","Portfolio summary - June-end $ALGN $AMZN $BABA $BZUN $CRM $DOCU $EDU $FB $GOOGL $HDB $HUYA $LYFT $MELI $NFLX $NOW $PINS $PYPL $SE $SQ $TAL $TLT $TMF $TCEHY $WCAGY $1833.HK #ES_F #ZT_F Portfolio +29.16% YTD vs. +14.88% $ACWI, +20.66% $COMPQ, +17.35% $SPX contd... " +"Mon Jun 10 17:21:55 +0000 2019","Where is money flowing today? $AMZN $BABA $TSM $INTC $BIDU $JD $WFC $BAC $KHC $NVO $LVS $CVS $FDX $DVN $LYB" +"Mon Jun 24 14:24:18 +0000 2019","KEY TABLE: Everything you need to know about DOW 30 + 8 $SPY components - Earnings Estimates/Revisions and how to interpret it: RT if helpful to you. #Earnings $BRK.B $BAC $T $CVX $WFC $MA $PEP $C $DIA $SPY $MRK $DIS $WMT $WBA $V $VZ $UTX $UNH $TRV $PG $KO" +"Tue Jun 18 17:25:57 +0000 2019","Where is money flowing today? $ALXN $INCY $NKTR $GILD $BA $AAPL $CAT $DE $INTC $AVGO $TXn $NVDA $EOG $WDC $AMAT $BAC $QCOM" +"Fri Jun 07 15:22:57 +0000 2019","Very interesting action in $NVDA this week.... macd making a bullish crossover, first crossover since the bearish macd crossover back in mid-April. Targeting a run up to about $155 to $160 area " +"Mon Jun 03 16:59:08 +0000 2019","At midday on Wall St it's a split mkt: Big techs crushed by possible US antitrust probes of Facebook and Google parent Alphabet. But most non-tech sectors are higher. Nasdaq -1.3% but avg NYSE stock is +0.2%. S&P 500 -0.4%, Dow -0.2%." +"Tue Jun 25 16:22:14 +0000 2019","KEY TABLE: Everything you need to know about the NASDAQ top 30 weights $QQQ components - Earnings Estimates/Revisions and what it means for the market: $MSFT $AMZN $AAPL $GOOGL $FB $INTC $CSCO $CMCSA $PEP $NFLX $AMGN $ADBE $AVGO $PYPL $COST $NVDA $TXN" +"Fri Jun 07 23:14:29 +0000 2019","So far so good.... three index ES NQ YM all lower low on monthly then pulling up big.... all three now seen bullish engulfing on weekly.... likely first moving higher then premium killing into earnings.... $spx $comp $indu" +"Sat Jun 29 10:30:58 +0000 2019","top confirmed #earnings for July $NFLX $BA $F $UNH $INTC $T $CLF $BAC $PEP $GOOGL $AEMD $DAL $JPM $C $SMPL $HAL $WFC $IRBT $AYI $JNJ $MMM $BBBY $YRD $NOK $ISCA $CAT $CMG $ISRG $KO $MA $LEVI $BMY $SLB $INFY $OMN $GS $CSX $PGR $UPS $ERIC $ABT $AA $CNC " +"Tue Jun 18 14:41:17 +0000 2019","$AAPL just hit 200 today once again what is new the big picture leader just correct once again with many wining $AAPL plans leading us to 7 wining options plans this year alone in $AAPL out of 8 plans. Poor bearish stock clowns still wrong since 140 level no skill, no skill!" +"Wed Jun 26 20:04:08 +0000 2019","#MarketWrap Major indexes close mixed as investors eye trade meeting between Pres. Trump and Pres. Xi at the end of the week. DOW -0.04%, NASDAQ +0.32%, S&P 500 -0.12%" +"Fri Jun 28 09:44:45 +0000 2019","$spx futures +8 as upper ranges tighten up before the G-20 Finishes. We have end of quarter, The Russell rebalance, banks up, $aapl down. The World wants everything for free. I might as well not wake up 4:45 each day😉 " +"Sun Jun 02 01:20:31 +0000 2019","JUST EMAILED LATEST FRIENDS AND FAMILY LETTER ""TARIFF MELTDOWN JUICY CHARTS"" ENJOY! $SPY $QQQ $IWM $INTC $FCX $LVS $EEM $FXI" +"Wed Jun 05 20:05:14 +0000 2019","#MarketWrap Major indexes close higher as optimism Mexican tariffs will be avoided and hopes for a rate cut overshadow weak private sector job growth in May. DOW +0.82%, NASDAQ +0.64%, S&P 500 +0.82%" +"Mon Jun 03 21:43:03 +0000 2019","06/03/19 - View today's #MarketOutlook from @Market_Scholars here: Discussed: $SPY $IWM $DIA $QQQ $EEM $GLD $USO $UUP $SPX $TLT $VIX $EPI $EZA $RSX $EIS $JNK $XLU $XLC $XLK $XLRE $GOOGL $HUM $CY $AMZN $FB $MSFT $KL $NEM $GOLD $PYPL $MA $V $SQ $HDB $ACGL" +"Fri Jun 14 13:41:33 +0000 2019","US stocks slipped at the open on Friday but remained on track to end the week ahead. The Dow opened 0.2%, or 50 points, lower. The S&P 500 opened 0.2% down. The Nasdaq Composite kicked off 0.5% lower. Watch live " +"Sat Jun 01 18:58:56 +0000 2019","A beautiful 50 handles gap down will completely destroy the long term SPX structure even if the indices subsequently rally in short term. Horrific news flow just never stops: China hits FEDEX, DOJ hits GOOGL, a new trade war front with India, China prepares to fire back on Sun" +"Wed Jun 12 04:08:58 +0000 2019","$amzn still leader of tech. $googl $nflx both avoid at this point due to anti-trust or bad technical shape. $fb $aapl both stronger than expected on upgrades/news. Semi run not over yet. $nvda $klac $lrcx $amd all have room. $tsla run just the beginning for long term. Musk got it" +"Thu Jun 20 15:19:09 +0000 2019","every time ES opens super high, there's a big fade back to 5ma on hourly chart for SPX .... spx hourly 5ma at 2939 at this hour and will be 2941 next hour" +"Fri Jun 28 15:01:28 +0000 2019","A number of my short-term indicators triggered sell signals yesterday. These are fairly high-fidelity. I'm expecting a sell-off sometime in the next week + a lot of the high momo tech names looking toppy and heavy $SHOP $MSFT & semis at upper BB $SMH Keep yo head on a swivel $SPY" +"Mon Jun 03 16:42:00 +0000 2019","Crickets from the $200 buyers of $F, the $214 buyers of $AAPL, the SPY buyers at $291 (a ""breakout""), $TWTR at $41 etc - same old, same old. Lessons learned?" +"Mon Jun 10 13:35:01 +0000 2019","S&P 500 $SPY had its best week of year after #FederalReserve signaled rate cuts. #Tech $XLK rebounded and Materials $XLB had their biggest rally of the decade. New #IPO $BYND ripped on debut results. " +"Sun Jun 30 20:36:37 +0000 2019","if tech names start to run this week, AMZN FB nflx could see serious firework.... Nflx seen so many failed attempt at 366 but now round curve bottom - 371 384 both key resistance above..." +"Thu Jun 06 20:07:49 +0000 2019","US stocks finished Thursday’s session higher, with the Dow looking at its fourth day of gains in a row. The Dow finished 0.7%, or 181 points, higher. The S&P 500 closed 0.6% up. The Nasdaq Composite closed 0.5% higher. " +"Thu Jun 27 00:41:51 +0000 2019","ES NQ daily chart both looks like a lower low first but 4D new candle is promising with 5ma sharply upwards so if we see lower low on Thursday, could be good for mkt...." +"Thu Jun 20 13:35:21 +0000 2019","US stocks opened higher on Thursday after the Fed signaled two potential rate cuts this year at yesterday's meeting. The Dow opened 0.9%, or 225 points, higher. The S&P 500 opened 1% up. The Nasdaq Composite started the day 1.3% higher. Watch live " +"Tue Jun 18 20:16:54 +0000 2019","US stocks rallied into the close Tuesday, buoyed by hopes for a resolution of the US-China trade spat. The Dow closed 1.4%, or 353 points, higher. The S&P 500 closed 1% higher. The Nasdaq Composite finished up 1.4%. " +"Sun Jun 09 19:46:27 +0000 2019","ES back to roughly May 16 level so use May 16 level as key reference for all names - especially tech names.... lots of room to run after this giant bullish engulfing on weekly for index and the same for individual stocks if mkt moves again...." +"Tue Jun 11 19:45:22 +0000 2019","The stock market is lacking leadership as big tech names like $FB, $AAPL and $GOOGL struggle. But now there’s a dovish #FederalReserve. Is that enough for a breakout? Listen for more. " +"Sat Jun 01 00:59:14 +0000 2019","Portfolio summary - May-end $ALGN $AMZN $BABA $BZUN $CRM $DOCU $EDU $FB $GOOGL $HDB $HUYA $LYFT $MELI $NFLX $NOW $PINS $PYPL $SQ $TAL $TCEHY $WCAGY #ES_F Portfolio +19.40% YTD vs. +9.24% $ACWI , +12.33% $COMPQ, +9.78% $SPX China exp. is hedged...(contd) " +"Wed Jun 05 19:34:51 +0000 2019","I love these stories as much as the next person, but you can't trade on them in real time. Joe Theismann was on TV picking stocks in 2013. QQQ +143% since SPY +90% " +"Fri Jun 14 14:17:33 +0000 2019","AMZN premium killing four days in a row.... lower low today... if it runs, gonna be bullish engulfing on daily chart... if it does not run, may breach 50ma and go way lower for consolidation into next week.... very high risk if you play it...." +"Thu Jun 13 19:28:56 +0000 2019","googl faded almost 10 pts from high this morning... amzn faded 18 pts.... nflx way worse.... only one that holds ok is fb - but keep in mind it's an inside candle today for fb following a giant red candle...." +"Mon Jun 17 12:08:44 +0000 2019","Fairly muted premarket action in $SPX futures after overnight rally failed to hold, once again. Momentum is reversing and $VIX is up 7%, this is going to be an interesting week. Key level to watch to the downside is 2,875. Once broken, we expect a large gap lower to 2,820. $SPY" +"Mon Jun 03 19:51:41 +0000 2019","Faang drop not over with such giant red candle.... gave key levels in blog already past few days.... googl leading this drop.... semi relatively better but AMD huge reversal back down from 8% green this am so be careful w/ semi...." +"Mon Jun 10 11:57:24 +0000 2019","In Jan 2001, ""the Fed announced a surprise cut that sent the Nasdaq up 14% in a single day, which remains the index’s largest move since its creation in 1971. .. Folllowing that day, the Nasdaq would fall 57% before hitting bottom.."" (via @WSJheard) " +"Fri Jun 28 12:39:31 +0000 2019","Very choppy conditions which remain best for the quick trader under the Triple Top pattern in the S&P 500. Still a few strong trades to be had this week as my chat moderator (CM) noted the the semiconductor stocks like $AMD in my chat room." +"Sun Jun 02 21:33:18 +0000 2019","$googl huge H&S break down... $amzn huge falling wedge break down (meaning turns into parabolic downtrend move).... $nflx 5ma dead cross 10ma on weekly.... $aapl $fb both free fall.... what a “fanng” into June after sell-in-May...." +"Mon Jun 03 21:45:39 +0000 2019","FAANGs off the Highs Baidu $BIDU -62% Tesla $TSLA -54% Twitter $TWTR -54% NVIDIA $NVDA -54% Alibaba $BABA -30% Facebook $FB -26% Apple $AAPL -27% Google $GOOGL -20% Netflix $NFLX -20% Amazon $AMZN -17% via @BearTrapsReport NYFANG index components' drawdowns, Bloomberg data" +"Mon Jun 03 18:02:26 +0000 2019","Today's Returns... $FB: -8% $AAPL: -1% $AMZN: -5% $NFLX: -1% $GOOGL: -7% $MSFT: -3% $TWTR: -5% $TSLA: -3% $QQQ: -2% -- Small Caps $IWM: +0.6% Emerging Markets $EEM: +1.2% Brazil $EWZ: +1% Russia $RSX: +1.7% India $INDA: +1% China $ASHR: +1.2% Japan: $EWJ: +0.6% Europe $VGK: +0.8%" +"Wed Jun 19 19:07:17 +0000 2019","Opened Long $QQQ with a stop under recent low of 169. A few tech singles on my screen, but will see how markets trade tomorrow." +"Sat Jun 29 10:52:45 +0000 2019","Many tech names in longer term uptrends hit their most oversold readings in the last 3 to 6 months this week. $AMD $SHOP $ROKU are names that I added. Will see how the next few weeks play out. $QQQ" +"Mon Jun 03 20:31:23 +0000 2019","Facebook was down 7.5% today. Amazon was down 4.5%. Alphabet was down 6%. But despite all that carnage, the S&P 500 ended the day *only* down 0.25%. That’s a massive win for indexers everywhere." +"Tue Jun 04 22:25:37 +0000 2019","One week ago, the 52 week highs scans were mostly Utilities and REITS pretty much.... with today's big ramp up, many new names and sectors sprouting to new 52 week highs " +"Sat Jun 15 22:22:05 +0000 2019","If you're pressed for time to scan for stocks one thing that I do that I've found very effective for finding winners is if a certain market ETF such as $IWM, $QQQ, $SPY, $SOXL etc looks like its about to break up / down. Just scan the TOP 3 holdings of each ETF. Fast & effective" +"Tue Jun 04 09:47:58 +0000 2019","I am off the desk for a few days but there were far fewer new lows on both Naz and NYSE yesterday and breadth was almost 2:1 My column from Monday morning " +"Wed Jun 05 19:46:40 +0000 2019","Sloppy lookin bounces in $IWM and $QQQ ... in my experience, sloppy bounces like these tend to roll over shortly afterwards. Retest of Monday's lows wouldn't surprise me for $QQQ and $IWM" +"Thu Jul 18 01:05:17 +0000 2019","#FANG #stock price over various periods $FB $AMZN $NFLX $GOOGL #stockstowatch #growthstocks #HedgeFunds #StockMarket #algotrading #QuantitativeTrading " +"Wed Jul 17 18:37:09 +0000 2019","Actual book #value on $KT Corporation far exceeds the low #stock price it is currently trading at. #wallstreet #investing #stockmarket #stocks #valueinvesting #money #finance #IoT #5G #tech $AAPL $AMZN $BA $CMCSA $FB $GOOG $INTC $MSFT $NFLX $NVDA $S $T $TMUS $TSLA $VZ $WMT $XOM " +"Fri Jul 05 20:50:02 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $KPTI $USNA $OMN $TSLA $BYND $LYFT $UBER $AMZN $GOOGL $FB $NFLX " +"Wed Jul 10 14:55:53 +0000 2019","Macquarie Group LTD Has Raised Its Position in $KT Corp. by $1.90 Million #wallstreet #stockmarket #stocks #valueinvesting #money #finance #investors #investing #investments $AAPL $AMZN $BA $CMCSA $FB $GOOG $INTC $MSFT $NFLX $NVDA $S $T $TMUS $TSLA $VZ" +"Mon Jul 08 18:14:01 +0000 2019","Own CheatSheet/Charts on Hot Tech names as starting selected shorts $AMZN $AAPL $MSFT $GOOG $NFLX $FB $QQQ $SQQQ " +"Fri Jul 05 20:48:57 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $KPTI $USNA $OMN $TSLA $BYND $LYFT $UBER $AMZN $GOOGL $FB $NFLX " +"Fri Jul 26 20:58:29 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $GOOG $AMZN $TSLA $SBUX $SNAP $TWTR $GOOGL $BYND " +"Fri Jul 05 20:48:43 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $KPTI $USNA $OMN $TSLA $BYND $LYFT $UBER $AMZN $GOOGL $FB $NFLX " +"Fri Jul 26 20:58:14 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $GOOG $AMZN $TSLA $SBUX $SNAP $TWTR $GOOGL $BYND " +"Wed Jul 17 21:22:40 +0000 2019","Are FAANG stocks all that matter when it comes to earnings season? @JimIuorio @ScottyMarkets preview Q2 tech earnings and discuss if big tech can continue to propel the rally in U.S. equities. Watch here: " +"Thu Jul 04 12:30:00 +0000 2019","Tesla delivers its best quarter yet, beating its previous Q4 2018 production and delivery records. This comes as a relief to investors after Tesla’s Q1 resulted in losses of $702M and its stock price reached its lowest in 2 years. $TSLA #Tesla #stocks #StockMarket " +"Wed Jul 03 16:37:12 +0000 2019","Pretty productive half-day in the markets today (+$860). Lots of clean set-ups and tight stop losses. Happy 4th of July everybody! $SPY $TSLA $K $PANW $GILD $GIS $CVS $TWTR $ROKU $FB $HD " +"Sat Jul 13 04:21:20 +0000 2019","2 days in a row we weren’t sure we would have a #show thx 2 live @potus events but had full #fun hours both days! RECORD #stockmarkets #Acostaresigns #Biden still leads #democrats2020 #stormbarry approaches & #google #apple r listening $spy $dji $ndq $googl $aapl $v @afterthebell " +"Mon Jul 01 21:17:09 +0000 2019","#USChina #Trade Truce RALLIES #stockmarket #RECORD Close 4 S&P500 6th of 2019! #chips & #technology led gains! Tear Gas hitting #HongKongProtests marking 22nd year of #handover back 2 #China capped gains! Covered @foxnews $spy $dji $ndq $appl #Apple $avago $qcom $intc #HongKong " +"Wed Jul 03 16:08:55 +0000 2019","2994 🗝 HIT Heavy short position added 👁 One more to add if 3003 hits + The $SPY King will be ALL IN 🎲 $SPX ♠️ $DJIA ♥️ $NQ_F ♣️ #ES_F ♦️ " +"Sun Jul 28 19:39:16 +0000 2019","Always busy 3pm @foxbusiness Countdown 2 #closingbell RECORD #stockmarket, #doj approval 4 #tmobile #sprint merger, @realdonaldtrump back 2 punching #technology & better Q2 #gdp 2 put off #federalreserve? and #currency intervention? $tmus $s $goog $aapl $ba $tsla #trade $spy $dji " +"Mon Jul 15 20:09:09 +0000 2019","BREAKING: All 3 major U.S. indices eked out a record close today, but investors remained cautious heading into the corporate earnings season, which is expected to be bleak. The Nasdaq rose 0.17% and the Dow popped 0.1%. The S&P closed flat. " +"Mon Jul 08 15:30:13 +0000 2019","$VERU Veru_Inc. We are bullish, this price is likely to go up. Sell $QQQ to hedge #StocksToWatch #StockMarket #business" +"Mon Jul 15 21:54:57 +0000 2019","$EYEN Eyenovia_Inc. This is a buy, this price will unlikely go down. Short some $SPY to hedge #StocksToWatch #StockMarket #trade" +"Fri Jul 26 20:05:34 +0000 2019","BREAKING: The S&P 500 and Nasdaq closed at record highs today after tech giants including Alphabet and Intel posted strong earnings. The Dow popped 0.19%, the S&P rose 0.74% and the Nasdaq jumped 1.11%. " +"Tue Jul 30 21:18:15 +0000 2019","Apple taking off after hours following its earnings report, and @verrone_chris is going off the charts for a few under-the-radar ways to play the surge $AAPL $ADI $MU " +"Wed Jul 03 17:11:28 +0000 2019","Bollinger bands SPX 1.01- very overbought VIX BB -.14 most oversold in 5 years VIX/SPX combo overbought/oversold should result in major intestinal relief soon. My little contrarian bones are getting giddy, but for different reasons than some 😃 " +"Tue Jul 30 21:18:53 +0000 2019","$AAPL up 4.5% after hours thanks to #buybacks. Gross margin and earnings are NOT growing, but bought back $17bn of stock last quarter alone. EPS excluding the share reduction the past year is 𝟮.𝟬𝟰! Not 2.18 and “beating” the 2.10 est. $QQQ $NDX $NQ_F $SPY $SPX $ES_F " +"Thu Jul 11 16:08:07 +0000 2019","Forget FAANG: WATCH $WMT, $AMZN, $TGT, $COST, $HD. Catch @JimCramer's full show here: " +"Wed Jul 31 21:40:17 +0000 2019","$SPX Weekly: #SPX Weekly Purple TL resistance is definitely no joke. That sucker is a brick wall. Stopped there almost perfectly. Yellow VBP TL held as support at the intraday low today. (which is also close to 13MA weekly.) Forming tight wedge here #economy #markets #SP500 $SPY " +"Thu Jul 11 16:50:25 +0000 2019","$SPX Daily: #SPX no followup confirmation today on yesterday’s star, todays green hammer indicating still more bullish activity ahead. MACD not crossing yet. Looks like SPX will keep chasing Upper BB for now. No bearish confirmations yet $ES #SP500 #Tradewar #economy $SPY " +"Wed Jul 03 14:57:57 +0000 2019","$SPX MACRO: #SPX appears to be attempting one more backtest of the Purple TL. MACD/Stochs & both BB all curling up for this rally. 50MA held as bounce test support. 13MA never crossed BC. Will take time to play out. No bearish signals at moment #economy #markets #SP500 $SPY " +"Wed Jul 17 16:43:53 +0000 2019","$SPX MACRO: #SPX bearish backtest of Purple TL now in play FWIW. Stochs starting to peak out, MACD flattening out. Take with a huge grain of salt since it’s middle of the week; bearish engulfing would be a bearish confirmation 🤔🧐 * Added VBP * #economy #markets #SP500 $SPY " +"Thu Jul 04 13:22:40 +0000 2019","Tech Stocks $QQQ are celebrating July 4th by making a new all-time high, but major decision point ahead when volumes return. Tech is coming into resistance of a year long rising wedge at 193-195. Good zone to short, but if this pattern breaks up a large new rally leg is ahead " +"Mon Jul 15 18:06:30 +0000 2019","$SPX Daily: #SPX Stochs starting to lose momentum, but MACD still has a bit to go. Will take 4-5 days for 13MA to play catch-up before a test will happen. Expect hang time here until W2 starts down to 50MA. Extended W1 indicates .25 may be coming $ES #SP500 #economy $SPY " +"Wed Jul 31 22:00:10 +0000 2019","$SPX Daily: #SPX Stochs about to break magenta TL support after swiftly reversing. I cannot believe didn’t see this before, but SPX now clearly beginning to form massive macro 5-wave finale. W4 ABC looks like its starting today. Could be another ugly OCT $ES #SP500 #economy $SPY " +"Wed Jul 31 12:39:42 +0000 2019","Which Way Wednesday – Expected Fed Cut Keeps us Above S&P 3,000... for Now. $AAPL is up 3.5%, pre-market. " +"Mon Jul 08 19:18:35 +0000 2019","6/ To sum up, Tech sector valuation is at a huge premium to the mkt & the highest valuation cohort is at the highest valuation premium ever while the economy is teetering. For the brave short opportunities are widespread: $SHOP $MKTX $TWLO $MDB $NFLX $COUP $VEEV $TWLO $MSTR $OKTA " +"Fri Jul 26 16:47:00 +0000 2019","#DidYouKnow on average, $SPY and $DIA trade 4x more than $AAPL, $GOOGL and $AMZN, COMBINED?* #ItsLiquidityTime *Bloomberg Finance L.P., as of 3/19/2019. SPY: DIA: " +"Mon Jul 01 04:47:48 +0000 2019","China names on tomorrow's watchlist $AAPL $AMD $BZUN $TAL Favorites - $AAPL & $AMD Setup & Notes in chart. Likely that they'll gap up big tomorrow. If I see good volume in first 15 mins, i'll likely buy the gap up & place a stop 3% below entry " +"Thu Jul 25 13:25:34 +0000 2019","Yesterday, $SPX $NDX $COMPQ $SPXEW $QQEW $RUA $WLSH $NYSE and the A/D for $NYSE and $SPX made new ATHs. We’re in the heart of the buyback blackout period" +"Wed Jul 17 09:07:21 +0000 2019","the top 5 stocks in the nasdaq make up 40% of the index and of those top 5, only microsoft has made a clear new high. the rest are only just retesting previous highs now. just think about that for a second." +"Thu Jul 04 16:51:13 +0000 2019","Have a great July 4th! Some good counter-trend opps likely getting close when volume returns Monday. Indices still likely have a little more upside but $SPX is nearing resistance of the ""megaphone"" pattern from early 2018 many posted, and $QQQ nearing resistance of a large wedge" +"Sun Jul 07 16:53:48 +0000 2019","Tues: Powell Wed: Powell, Fed minutes Thurs: Powell 7/15: $C 7/15-16 $AMZN PrimeDays 7/16: $FB hearing, $JPM $GS 7/17: $FB hearing, $NFLX $BAC $ERIC 7/18: $ISRG $UNH $MSFT 7/23: $CMG $IRBT 7/24: $BA $FB 7/25: $GOOG $NOK $INTC 7/30: $AAPL 7/31: $QCOM" +"Mon Jul 29 04:16:55 +0000 2019","Mon: $BYND Tues: $AAPL $AMD $LSCC $ZEN Wed: Fed mtg, $QCOM $LRCX $AMRN $AMT $TWLO $AYX 7/31-8/1: US/China trade mtg Thurs: PMI/ISM mfg, $SQ $SHOP $ETSY $PINS $OLED $TNDM $FTNT Fri: Jobs 8/5: $KLAC 8/7: $SWKS $AVLR 8/8: $TTD 8/12: USTR list of EU tariffs 8/14: $CSCO 8/15: $NVDA" +"Mon Jul 22 17:08:02 +0000 2019","@MeierJay I think it would helps stocks ... Since Jun 09, end of the GFC, earnings have grown 203%, SPX by 232%. There has been little multiple expansion in the last 10 years. The forward PE ratio. is slightly elevated, but nothing unusual (bottom). Nothing out of line here. No bubble " +"Wed Jul 24 20:15:56 +0000 2019","Nasdaq closed at a fresh all-time high, shrugging off tech regulatory headwinds like DOJ investigation, FB-FTC settlement, etc. But earnings are certainly coming in strong and this is really driving the narrative right now. Facebook 2Q revenue beats highest estimate. " +"Sun Jul 28 15:08:02 +0000 2019","This week will start with $BYND have a lil' #ratecut & $AAPL in the middle and end with #NFP & #energy $MDR $AKS $MA $PG $SIRI $PFE $AMD $EA $GRUB $GILD $GRPN $GE $SPOT $QCOM $TWLO $LRCX $SHOP $VZ $APHA $GM $YETI $W $SQ $ETSY $X $XOM $CVX $STX $NWL " +"Wed Jul 10 17:50:41 +0000 2019","The S&P 500 jumped above 3,000 for the first time, nearly 5 years after the index hit 2,000. These are the stocks that powered the historic rally. $ABMD $NVDA $AMD $AMZN " +"Wed Jul 03 15:47:42 +0000 2019","DOW got to 27,000 for the first time in history today Could be the first time ever DOW hit 27k, S&P hit 3k, NASDAQ hit 8k all in the same day Oh and for #YeeHawTwitter, Nike is up over 1.3% so far today" +"Thu Jul 18 15:46:58 +0000 2019","#earnings after the close $MSFT $ISRG $SKX $CHWY $ETFC $CRWD $COF $MVIS $OZK $WAL $RECN $MRTN $EXPO $BEDU $INDB $FFBC $TIGO $PBCT $GBCI & before open tomorrow $CLF $AXP $SLB $BLK $KSU $SYF $STT $RF $GNTX $CFG $MAN $IBKC $BLX $ALV $NVR $SXT $ACU " +"Sat Jul 20 15:32:33 +0000 2019","Some Implied moves for #Earnings next week: $V 3.1% $IRBT 11.5% $BA 4.0% $ANTM 3.9% $FB 6.6% $TSLA 8.3% $PYPL 5.4% $ALGN 9.3% $NOW 7.0% $XLNX 7.9% $PYPL 5.4% $MMM 4.4% $GOOGL 4.6% $AMZN 4.5% $INTC 5.2% $TEAM 9.1% $TWTR 10.5% $ABBV 3.8% $SNAP 13.1% $LMT 3.0% $SBUX 4.2%" +"Thu Jul 04 12:09:33 +0000 2019","$AMZN on @MarketSmith with both a Cup and Handle & Inverse Head and Shoulders #IBDPartner worth reviewing on this most American day! Both measure to crazy targets higher @InvestorsBusinessDaily @IBDInvestors #Merica " +"Fri Jul 05 16:15:44 +0000 2019","Yup. -We got snark when we said on Jan 10 that ‘2019 would look a lot like 2009’ -Consensus bearish due to EPS recession -We got more flack 5/2 when we raise S&P 500 to 3,215 by YE (was 2,917). -Now ~3,000, 3,125 only 5%. -Fed cut coming. ISM set to turn up in 2H." +"Wed Jul 24 21:53:49 +0000 2019","Biggest Themes: $AMZN $MSFT $AAPL $FB (Big Boys) $BABA (China) $DIS (Movies/Media) $NVDA (Semis) $NKE (Apparel) $MA, $V (Credit Cards) $KO $MCD (Staples) $HD (Home improvement) $LMT (Aerospace/Defense)" +"Thu Jul 18 16:24:57 +0000 2019","Today’s need to know with @Bob_Iaccino: ⓵ $NFLX earnings pull down tech stocks ⓶ Debt ceiling ⓷ U.K. Parliament, Iran and China talks in focus" +"Thu Jul 25 20:15:47 +0000 2019","Earnings reaction— Amazon down 1.8% after weaker-than-expected earnings: Alphabet up on 7% on earnings beat: Starbucks up 5% on strong sales: Intel up 5% on earnings, Apple deal: " +"Tue Jul 30 13:54:36 +0000 2019","#earnings after the close $AMD $AAPL $EA $GILD $ENPH $AMGN $GRPN $FEYE $ZEN $AKAM $PAYC $KL $LSCC $BEAT $TWOU $MOH $MDLZ $ALL $BYD $YUMC $OKE $COHR $CHRW $CINF $TENB $VCYT $PSA $FMC $DENN $MXIM $NCR $TTOO $CACC $BGFV $HA $EXR $MRCY $IMAX $MX $NUVA " +"Wed Jul 31 13:42:32 +0000 2019","#MarketWatch Major indexes open higher after big earnings beat from $AAPL, expectations for a rate cut today" +"Tue Jul 30 17:25:07 +0000 2019","$AAPL will probably react more to 4th Q guidance than results. Estimates are for negative growth, but data checks appear to be turning higher " +"Fri Jul 19 13:43:01 +0000 2019","#MarketWatch Major indexes open higher as earnings season continues, $MSFT hits all-time high after reporting better than expected earnings on Thursday" +"Wed Jul 24 20:07:22 +0000 2019","#MarketWrap Major indexes close mixed with the DOW dropping, NASDAQ and S&P carving out new record high closes. DOW -0.29%, $BA -3.15% and $CAT -4.50% dragging on the blue chip index NASDAQ +0.85% at new record of 8,321.50 S&P 500 +0.47% at new record of 3,019.56" +"Sun Jul 14 20:01:22 +0000 2019","Both the NYSE and Nasdaq have over 3000 issues. Naz has over 1000 stocks with market cap less than $100 million, while NYSE has just over 100. Lots of microcaps in Naz. Better off with breadth data that reflects components of $SPX, $MID and $SML. New Post: " +"Mon Jul 08 20:04:10 +0000 2019","#MarketWrap Major indexes close lower as investors eye week of info from Fed -- Powell testifies in Congress Wed/Thu, June minutes release Wed. Sharp rate cut in July looking less likely after strong June jobs report. DOW -0.43%, NASDAQ -0.78%, S&P 500 -0.48%" +"Thu Jul 11 16:25:02 +0000 2019","Technology companies and banks push stocks higher on Wall Street. The Dow Jones Industrial Average moved above 27,000 for the first time, a day after the S&P 500 made its first move above 3,000. " +"Sat Jul 13 12:26:56 +0000 2019","#earnings for the week $NFLX $MSFT $C $JPM $BAC $UNH $JNJ $MFC $DPZ $GS $CLF $PIXY $PGR $SCHW $ABT $CP $CSX $UAL $EBAY $ERIC $PLD $ISRG $JBHT $IBM $BX $SNV $AXP $PNC $SLB $AA $FRC $HON $KMI $MS $BK $ALLY $PM $URI $USB $FHN $UNP $TXT $CBSH $SKX $CTAS " +"Sat Jul 20 11:40:11 +0000 2019","#earnings for the week $FB $AMZN $TSLA $BA $T $SNAP $PIXY $HAL $TWTR $KO $F $V $LMT $GOOGL $INTC $CAT $PYPL $BIIB $UTX $IRBT $XLNX $UPS $ABBV $CNC $NOK $CMG $MMM $RPM $SBUX $JBLU $BMY $GNC $MCD $CDNS $CADE $NOW $AMTD $HAS $HOG $ANTM $WM $CMCSA $FCX " +"Fri Jul 26 17:16:58 +0000 2019","Because how a stock closes on earnings will tell us a lot about future direction(supply versus demand).... we don't to see a stock gap up big only to give it all back(like $MMM yesterday). Want to see a stock close near highs(like $SNAP 2 days ago)" +"Thu Jul 25 13:36:02 +0000 2019","US stocks opened lower on Thursday at the height of the earnings season. The Dow opened down 0.1%, or 13 points. The S&P 500 kicked of 0.1% lower. The Nasdaq Composite opened 0.4% lower. Watch live " +"Tue Jul 23 13:35:04 +0000 2019","US stocks opened higher on Tuesday amid a flurry of corporate earnings. The Dow opened 0.3%, or 90 points, higher. The S&P 500 kicked off 0.4% higher. The Nasdaq Composite opened up 0.5%. Watch live " +"Tue Jul 16 20:06:26 +0000 2019","#MarketWrap Major indexes close lower on China trade uncertainty, DOW bolstered by Goldman Sachs. DOW -0.09%, NASDAQ -0.43%, S&P 500 -0.34% $JPM +1.06%, $GS +1.87%, $WFC -3.06%" +"Wed Jul 10 20:03:40 +0000 2019","#MarketWrap Major indexes close higher after Fed Chair signaled rate cut will happen at end of month. NASDAQ new record close at 8,202.53, S&P closes near all-time record after surpassing 3,000 for the first time earlier in session. DOW +0.29%, NASDAQ +0.75%, S&P 500 +0.45%" +"Thu Jul 25 15:19:48 +0000 2019","#earnings after the close $AMZN $INTC $GOOGL $SBUX $TEAM $MGM $EXPE $ALK $CY $MAT $SAM $AFL $BOOM $COLM $PFPT $SYK $JNPR $AUY $RRC $SIVB $EHTH $FISV $DECK $RMD $VLRS $VRSN $MHK $BJRI $UHS $SNBR $TGE $FTV $FLEX $LPLA $EMN $OMCL $OSPN $PFG $CUBE $IEX " +"Mon Jul 29 18:50:27 +0000 2019","Above 3037 - 3042 there is small chance bulls can win Unlikely but possible This will depend on #BigBoys reaction to The Fed IMO However all other elements lead to SELL COMETH I mentioned AUGUST before ALL I mentioned 3023 - 33 before ALL Very smelly 👃 $SPX $NDX $ES_F 🐙" +"Mon Jul 22 14:20:42 +0000 2019","Earnings season is in full swing and the FAANGs are running. Other than Netflix. Apple leading the way. Also Tesla on tap this week. Going to be fun. $aapl $nflx $tsla" +"Fri Jul 26 18:35:41 +0000 2019","For $AMZN to only be down 1.5% after earnings, as far as I'm concerned is actually more bullish, than bearish. Even though it didn't gap up +10% like $GOOGL did, I suspect the bulls will be back in this one next week, imho!" +"Thu Jul 25 20:04:50 +0000 2019","US stocks ended lower on Thursday, as earnings misses dragged the major stock benchmarks lower. The Dow closed 0.5%, or 129 points, lower. The S&P 500 also finished down 0.5%. The Nasdaq Composite closed 1% lower. " +"Fri Jul 26 20:07:46 +0000 2019","#MarketWrap Major indexes close higher after Q2 GDP beat expectations with the NASDAQ, S&P notching out new records. DOW +0.19% NASDAQ +1.11% at new record 8,330.21 S&P 500 +0.74% at new record 3,025.86" +"Wed Jul 10 13:35:02 +0000 2019","US stocks bounced higher at the open after Fed chair Jerome Powell indicated a rate cut later this month. The Dow opened 0.3%, or 81 points, higher. The S&P 500 climbed 0.4% at the open. The Nasdaq Composite opened 0.5% higher. Watch live " +"Thu Jul 11 13:35:08 +0000 2019","US stocks opened higher on Thursday, shrugging off slightly better-than-expected consumer price inflation data. The Dow opened 0.4%, or 102 points, higher. The S&P 500 kicked off 0.2% higher. The Nasdaq Composite climbed 0.2%. Watch live " +"Mon Jul 08 13:35:02 +0000 2019","Stocks started the week lower after Friday’s jobs report overshadowed expectations of a Fed rate cut later this month. The Dow opened 0.5%, or 134 points, lower. The S&P 500 slipped 0.4% at the open. The Nasdaq Composite kicked off 0.6% lower. Watch live " +"Mon Jul 29 13:32:45 +0000 2019","With 50% of SPX market cap published, 72% beat heavily downgraded estimates... Mostly due to higher buybacks. YoY EPS growth stands at 1.1%, the lowest in five years " +"Mon Jul 01 01:23:10 +0000 2019","I'm running my screens; will report my findings tomorrow during our live Monday study session - The market appears to be building a large base. If the Fed cuts rates, odds favor higher stock prices. It's a great time to join our winning team - " +"Mon Jul 29 19:07:21 +0000 2019","Wall Street is pretty much in universal agreement about Microsoft and Amazon. Everyone is bullish. Despite headlines, Alphabet & Facebook are widely-held / overweight as well. Apple remains the wild card among the five. Wall Street still doesn't know what to make of the company." +"Tue Jul 23 21:13:55 +0000 2019","TXN numbers tonight reflect a lot of what's going on in market. (low EPS bars set by mgt & analysts, share buybacks, lowered tax rates, one-time gains & other financial engineering = earnings ""beats"" - though net income & EPS still down y/y with revenues sharply declining y/y." +"Wed Jul 03 14:15:50 +0000 2019","We destroyed FB nflx but missed Googl though ..... AMZN weaker 1951 is key otherwise just premium killing" +"Fri Jul 05 20:00:18 +0000 2019","AMZN GOOGL both strong reversal today, nflx FB not bad... gonna be another interesting week next week.... have a great weekend all twitter friends!!" +"Wed Jul 24 14:48:06 +0000 2019","Heading to Studio talking Muller, markets and Earnings as NASDAQ just crushes to all-time high lead by semiconductors (yes the industry that was going to be hardest hit in the trade war). @Varneyco @FoxBusiness" +"Mon Jul 29 16:28:28 +0000 2019","Disney Apple and Tesla moving higher in a mixed market this morning. #LionKing continues to roar. #tesla V10 upgrade adding Netflix to your car! Apple reports earnings and has super low expectations a la Tim Cook so it wants to move higher just because. $aapl $tsla $dis" +"Mon Jul 01 20:13:39 +0000 2019","So we had a day when SPX went up 0.77% to new ATH but all Thomas's remain Doubting b/c of volume, breadth, etc., etc. Market remains its usual nasty/perverse self..." +"Sat Jul 13 10:35:47 +0000 2019","Market breakout is real & has legs.Melt-up is next.Semis & miners poised for very big moves.FAANG stocks & industrials also look good. It will be a broad rally so most groups will move up but these stocks will be the stellar performers. Don't fight the Fed & don't fight the tape." +"Thu Jul 18 08:50:56 +0000 2019","So SAP bad.. Tough Bloomberg piece on Honeywell--down 65 yesterday, Netflix weak URI not so hot and IBM mixed.. Could be better. Taiwan semi good" +"Wed Jul 03 02:17:57 +0000 2019","If you are interested in how I think and read the market, read my daily blog... thoughts on overall mkt and brief commentary on 8 names including FAANG TSLA NVDA BABA with key levels offered and WHY those levels... plus focus list for next day & charts on weekend... great value.." +"Wed Jul 31 08:56:15 +0000 2019","Reading over the $AAPL q again to glean more... Why do the analysts never care about the watch or the AirPods even though they couldn't live without them. @tim_cook" +"Wed Jul 31 14:19:27 +0000 2019","Good morning! Not everything is working this earnings season. You have to be very selective & stick with the strong names $SNAP $AAPL $TWTR or names that are showing relative strength $IWM $ZS $CYBR Please stick with what's working. Stay safe & happy trading! 😀🙌" +"Sun Jul 14 13:35:36 +0000 2019","Please ReTweet This!!! If you think your community can benefit from my Daily $spx chart & actionable ideas at times. $aapl $amzn $fb $twtr $nflx $roku $sq $ttd to name a few. There’s strength in numbers & it’s more fun with to go thru life with friends around the World" +"Wed Jul 24 00:31:27 +0000 2019","Trade Machine members, a quick tally of what I added to my alerts for the new pre E TM Special: $MSFT $WMT $PANW $CRM $ILMN (I'm OK with weak one year) $DIS $ADSK $AMD $COST $PYPL $JPM $FB $LRCX $MU $SQ $XLNX" +"Sun Jul 28 14:20:02 +0000 2019","Some implied moves for #earnings next week based on option pricing: $BYND 18.9% $MA 3.3% $AAPL 4.3% $GILD 4.5% $AMRN 7.1% $SPOT 7.1% $CME 3.1% $TWLO 9.6% $AYX 11.3% $TDOC 10.2% $SHOP 8.5% $YETI 13.9% $SQ 7.0% $ETSY 12.3% $GRUB 11.8% $AMD 10.1% $EA 6.1% via @OMillionaires" +"Tue Jul 23 20:39:00 +0000 2019","Some strong earnings reactions in After-hours .... $SNAP (second positive earnings reaction in a row) $TXN (Semis continue to impress) $CMG (should put it at new all time highs)" +"Thu Jul 11 21:24:12 +0000 2019","SPX and the DOW are at new highs....yayyyyy!!!! But let's look at mid and small caps (the heart of US business) ..not even close to new highs 🤔" +"Fri Aug 02 20:28:53 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $SQ $SHOP $AAPL $AMD $BYND $PINS " +"Fri Aug 30 21:15:03 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $NTNX, $BBY, $DG, $ANF, $ULTA, $TSLA, $AMZN, $ALXN " +"Fri Aug 16 00:25:56 +0000 2019","If All of us complained to my daughter about Stock market today this is what she would say... $Spy $djia $qqq $tvix $wmt $bynd $cgc $trul $tgod $twlo $roku $aapl " +"Fri Aug 02 20:28:42 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $SQ $SHOP $AAPL $AMD $BYND $PINS " +"Mon Aug 05 21:53:45 +0000 2019","Is the stock market crashing? 4 mistakes to avoid with your money after the big drop. #stocks #stockmarket #recession #dow #investing " +"Thu Aug 29 16:34:14 +0000 2019","Institutional money in generational long only portfolios never leaves the market, it just shifts around within it. It is a market of stocks, not a stock market. $SPY Liquidity Accumulator shows consistent selling while $IWM is seeing consistent buying into the recent lows. " +"Wed Aug 07 16:26:57 +0000 2019","MSP ALGO Options Playbooks Alert on Tue-8/6/2019 5 pm est- Chop & Churn Wed-Retest Tue Price Range. Got chop and churn? Check! MSP ALGO Options Playbooks - Purchase Algo Alerts Know when to buy and sell options. Alerts Scan. #SPY $SPY #StockMarket #StockMarketNews #Stock " +"Wed Aug 21 19:01:43 +0000 2019","Live stream Tonight 9:30pm EST Canada is my time zone. $AAPL a great plan I posted on aug 15 check it out on my stream plus I talk about the $SPY $ROKU $HD $FB $AMD $TWTR and answer questions for those that are serious for success. Follow me on Twitter and Subscribe to my Youtube " +"Wed Aug 07 12:14:58 +0000 2019","#stockmarket finding some stable footing after WORST day of 2019! There's value out there according 2 investors but things will GET WORSE before they get better in #USChina #Tradewar $spy $dji $ndq $aapl $mcd $v $nke #Nike #Apple #McDonalds Was outside #NewYork #stockexchange " +"Tue Aug 13 15:53:59 +0000 2019","Stocks pop as the US delays tariffs on certain items like smartphones, apparel and toys. $AAPL $WMT $MAT jump 2% to 4%. @mkobach and I have the details in #ChattinWithCheddar " +"Fri Aug 02 21:47:43 +0000 2019","FANG stocks were declawed this week, but Chart Master Carter Worth and @Michael_Khouw expect one to bounce back. $FB $AMZN $NFLX $GOOGL " +"Tue Aug 20 16:37:45 +0000 2019","Stocks little changed as investors await hints from the Fed on the path forward for borrowing costs. Home Depot pops after earnings. And Apple TV+ is months away. @mkobach and I have your headlines on #ChattinWithCheddar " +"Thu Aug 22 21:28:20 +0000 2019","$INTT inTest_Corp. Our signal is green, this price is likely to go up. Sell $QQQ to hedge #Finance #StockMarket #business" +"Fri Aug 30 02:00:32 +0000 2019","$CRM Our signal is green, this price will rise. Hedge by selling $SPY #Trading #StockMarket #business" +"Thu Aug 22 18:43:14 +0000 2019","$VERU Veru_Inc. We go long, this price will unlikely go down. Hedge by selling $SPY #Finance #StockMarket #trade" +"Wed Aug 21 09:43:17 +0000 2019","$SVMK SVMK_Inc. We go long, this price is likely to go up. Hedge by selling $SPY #Trading #StockMarket #business" +"Wed Aug 21 01:31:10 +0000 2019","$UPWK Upwork_Inc. Profitable trade spotted, this price will go up. Short some $SPY to hedge #Finance #StockMarket #money" +"Tue Aug 13 03:12:50 +0000 2019","$GTT GTT_Communications_Inc. We are bullish, this price will rise. Hedge by selling $SPY #Finance #StockMarket #trade" +"Wed Aug 21 13:32:28 +0000 2019","Watch this area today--rejected here a few times in the past, but bears have not been able to take control. A break of this level likely leads to a sharp rally. Hard to be overly bullish below, however! $SPY $ES_F " +"Mon Aug 05 19:43:08 +0000 2019","My nose is up there (see pic) 👇 Hoping to breathe in a final whiff to 2890 👃 #Repeat: I MUST NOT FIGHT THE TREND (not always) My final fight against Mr $SPX locked in long If I am right, small #HappyEnding will be restored 💦 $NQ_F #ES_F $DJIA " +"Wed Aug 14 17:56:36 +0000 2019","My top 10 are $TSLA $NFLX $BA $ROKU $NVDA $TWLO $SHOP $BYND $AMD $BABA 1 find 20 HV largecaps 2 remove the ones w shitty volume 3 remove the ones w shitty range 4 u shuld be left w about 10 names 5 for direction, LCs are 80% $SPY 20% technicals (pivots, MAs etc #BearTipOfTheDay " +"Thu Aug 08 21:34:57 +0000 2019","Stocks surged today, and @AriWald has three ways to play more upside. $PYPL $TXN $SAP " +"Fri Aug 09 20:04:01 +0000 2019","That’s a wrap, folks. More excitement next week. I had some option trades in a different account but here are my futures summaries, ended up nicely thanks to the volatility, long and short using MES/RTY/ES. Flat into the weekend except for some SPY puts. " +"Mon Aug 19 20:08:28 +0000 2019","ES is over a point lower than the cash open. Congrats to cash buyers. I sold $25 VXX puts for $.43, bought VXX $26 calls for Friday $.93, short NQ from earlier. Take a puke Tuesday right around the corner. " +"Thu Aug 22 15:45:19 +0000 2019","Morning volatility makes use of a few setups from the playbook. Nailed $SPY short then long after stops trigger at key 294 level, $AMZN options hedging for a quick loss, $VIPS 5min trend change, $CREE day 2 continuation " +"Sat Aug 10 22:54:10 +0000 2019","The 4 largest companies in the US (and world...) represent about 12% of the total market cap of US Equities.. They just put in one ugly failed breakout and are now trapped beneath overhead supply at 2018-2019's highs.. $MSFT $AAPL $GOOGL $AMZN #MAGA (not that one) " +"Mon Aug 05 15:31:09 +0000 2019","Daily #NASDAQ : $COMPQ wave A should be completing soon. Stochs look like they should retreat to lower bound & perform a double dip, ABC was incorrectly labeled, fixed it. B top will be 13MA rejection for those looking to play next drop, that’s your entry #NDX #NQ $NDX $NQ " +"Mon Aug 12 20:38:02 +0000 2019","$SPX Daily: #SPX Perfect 13MA backtest rejection ✅🤓 B-wave top cofirmed, MACD gap widening sub-centerline, Stochs double dip starting, 13/50 bear cross. C-wave will accelerate if blue TL fails tomorrow. Higher A/B this time implies higher C 🎯~2760 $ES #SP500 #economy $SPY " +"Thu Aug 01 09:37:41 +0000 2019","$AMZN just printed a major short setup on the monthly timeframe. if you showed me this chart and i didn't know what it was i would tell you to short the fuck out of it. market breadth has been decreasing for weeks now and the only thing propping indices up are these majors🤷‍♀️ " +"Wed Aug 07 16:24:28 +0000 2019","Daily #NASDAQ : $COMPQ Stochs now almost at lower bound, double dip starting next 1-2 days. Notice how quickly 13MA is tanking. After 13/50MA crosses 13MA rejection will happen. This is why I never try to play B-waves, worst R/R of all 3 waves. Patience for C #NDX #NQ $NDX $NQ " +"Thu Aug 15 14:42:32 +0000 2019","Tech Stocks $QQQ are in a precarious position sitting right at support of a large rising wedge in play all year. We could be bear flagging here - while this could ""fill out"" more, a breakdown would target the 200dma at 176 for the third test this year, where a bounce is likely " +"Thu Aug 15 02:31:20 +0000 2019","Hope I get this right... on his show this morning @toddgordontrade reminded me of a phrase credited to @LindaRaschke ""markets go to the obvious level, but in the least obvious way"" to me that is the 200 DMA and VWAP from Dec low on $SPY " +"Mon Aug 26 23:51:09 +0000 2019","$es_f 2921-2932 Weds. targets. Vacuum Daily... 2days max to be inside 14/30sma “IF” channel holds Oct should see new ATH ...#mythoughtsdontcareforopinions $spx $spy $nq_f " +"Fri Aug 02 13:00:35 +0000 2019","$NVDA's price moved above its 50-day Moving Average on June 27, 2019. View odds for this and other indicators: #NVIDIA #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Fri Aug 02 12:46:17 +0000 2019","$GOOG's price moved above its 50-day Moving Average on July 9, 2019. View odds for this and other indicators: #Alphabet #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Fri Aug 02 13:04:09 +0000 2019","$TSLA in Downtrend: its price may drop because broke its higher Bollinger Band on July 12, 2019. View odds for this and other indicators: #Tesla #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Thu Aug 01 16:40:00 +0000 2019","$AAL in Uptrend: price expected to rise as it breaks its lower Bollinger Band on July 25, 2019. View odds for this and other indicators: #AmericanAirlinesGroup #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Tue Aug 06 17:30:15 +0000 2019","Seeing more evidence $AMZN wants to put in a reversal off this spot here..... suspect the bulls will try to squeeze this(and probably indices) higher into the bell, imho " +"Mon Aug 05 18:52:04 +0000 2019","Dow and Nasdaq slipped below 100 dma ,Nifty /banknifty both are now below 200 dma since last 3 days ....Another 5-7% cut we can witness in index ...Laxman rekha for Nifty 11150" +"Wed Aug 07 14:55:16 +0000 2019","$QQQ first to go green.... like to see the leadership come from Tech sector! Given the ""panic"" we saw on this morning's retest of Monday's lows, I suspect we're gonna see one heck of a reversal/bounce from here " +"Sat Aug 31 11:31:53 +0000 2019","Bulls have a rising $NYSI, daily MACD positive, rising 5-d/13-e, A/D line at ATH, bearish sentiment and start the week above WPP. As they say, 6th time at top of the range is the charm. Bears could not get fully to the bottom of the range " +"Thu Aug 22 00:46:17 +0000 2019","$TWTR showing increasingly more technical strength lately, gapping higher during time of Mkt weakness from late July #IBDPartner Gradual mean reversion & strength & bullish Cup &Handle likely allows for continued strength w/ ST targets 47.70 @MarketSmith @IBDinvestors (I OWN) " +"Sun Aug 18 17:10:06 +0000 2019","Mon: #Huawei ban extension announcement expected, $LYFT lockup exp Tues: WH/tech mtg re Huawei Wed: $VIX exp, Fed min, $ADI $SPLK $KEYS $PSTG $ZAYO Thurs: Flash PMI, LEI, $CRM $VMW $INTU 8/22-24: JacksonHole forum Fri: Powell 8/27: MSCI rebal 9/1: US/China add’l 10% tariffs" +"Wed Aug 07 14:32:13 +0000 2019","$QQQ $SPY Strong MACD and RSI divergences on today's retest of Monday's lows.... if this pattern holds as we move into the 2pm hour.... suspect we get a nice squeeze higher " +"Thu Aug 01 18:53:45 +0000 2019","BOOM 💥 16 point orgasm $SPX gained UP 💦 All whilst we're still short from 3028 Banked another lot @ 2944 ✔ 73 points + 16 points = 89 points in 2 days And U still think I'm not THE best? That I'm not original? That I copy my levels from someone? lol OK $SPX $DJIA $NQ_F" +"Wed Aug 21 02:35:19 +0000 2019","$SPY $QQQ $IWM Chart Update: Choppy conditions has been making it tough to find any clean swing setups. One of my rules tells me to keep fewer positions when market is this choppy and I've been careful with longs since past 1 week now. Here's to another boring Aug week😅🍻 " +"Sun Aug 04 20:13:27 +0000 2019","Mon: PMI/ISM svcs, $KLAC $ON Tu: $DIS $MTCH $NVTA $SEDG Wed: Galaxy Note event, 10yr note auction, $SWKS $AVLR $CYBR $ROKU Th: $TTD 8/12: USTR list of EU tariffs? 8/14: $CSCO 8/15: $NVDA 8/17: China Leader’s Mtg done? 8/19: Huawei ban resumes (exemption list will be important)" +"Wed Aug 07 20:27:07 +0000 2019","Now up almost 69 points from 2828 💦✅ CAREFUL ⚠️ If it doesn't close definitively above 2899 Another EPiC drop could happen And happen whilst ur wanking, eating, watching Money Heist or sleeping #MarkMyWords 🤲 $SPX #DJIA $NQ_F" +"Sun Aug 11 14:41:38 +0000 2019","I want you to study how can we decide if any stock goes up or down, look at macd (PPO) red and green bars moving. I will be excited for $SPX goes up, I will play calls. I will be excited for $TWTR goes down, I will play puts. Please write into your journals. Believe or not. " +"Sat Aug 03 18:44:45 +0000 2019","Intermarket Analysis. $TNX as a warning signal for $SPX. When TNX goes from overbought (A) to oversold (B) quickly, observe the subsequents drawdowns in SPX (blue line) cc @chigrl @NorthmanTrader @StockBoardAsset @hmeisler @HenrikZeberg @TheBubbleBubble " +"Fri Aug 16 01:12:05 +0000 2019","Cues For Today Dow rises 99 points led by Walmart Asia stocks mixed Oil slides 1.4% on recession fears, China's trade threats Brent trades around $58 10-year Treasury yield falls to three-year low below 1.5% FIIs Buy 1615 Cr, DIIs buy 1620cr in cash #awaazmarkets @CNBCTV18Live" +"Sun Aug 04 10:51:07 +0000 2019","Many tech names are showing new weakness with breaks below key longer term MAs which have held for months. $CSCO first close below 100SMA since Jan $MELI < 50sma first since Jan. $NOW 100sma/Jan $PYPL 100/Jan $TWLO 100/Jan $VEEV 50/Jan $WDAY 100/Nov Observing for now. " +"Wed Aug 07 18:50:41 +0000 2019","$QQQ … ramping up nicely now. Those MACD and RSI divergences told the tale this morning! I made this video a while back explaining how to use MACD and RSI to spot these nice market reversals! Enjoy!! " +"Fri Aug 23 16:56:52 +0000 2019","➡️ The S&P is off nearly 2% ➡️ The U.S. dollar is lower ➡️ Tech shares --especially semiconductors-- are down ➡️ Oil continues to sell-off The latest on markets: " +"Wed Aug 28 16:20:57 +0000 2019","It's been choppy as heck, it's been fugly as heck.... but $SPY is making HIGHER LOW off the early August bottom.... and that is CONSTRUCTIVE(for now)! " +"Fri Aug 23 19:28:23 +0000 2019","As I've been pointing out, with the Nasdaq well above its own 200-day line but only 42% of Nasdaq stocks above their 200-day lines, the indexes usually lose the tug o war and take a trip lower." +"Mon Aug 12 19:17:56 +0000 2019","Stocks have moved more than 1% for the 9th straight day. When coming off a 52-week high, it has only happened 3 times since 1982. (Nov 2009, May 2010, Dec 2014). FWIW all worked higher over the next few months. @FT $SPY " +"Wed Aug 07 13:53:43 +0000 2019","#earnings after the close $ROKU $STMP $BKNG $LYFT $MELI $MRO $SWKS $CTL $IIPR $AIG $ZG $ET $SRPT $ELF $CVNA $MNST $TRIP $TRXC $ALB $AAOI $NTES $SONO $RUN $CPRX $PAAS $UPLD $FOSL $DDD $CARA $JACK $CWH $AZPN $NVAX $IAG $SENS $FLY $IAC $MFC $AERI $DVAX " +"Thu Aug 01 05:27:20 +0000 2019","FAANG in 2019 $FB - Up 48.17% $AAPL - Up 35.06% $AMZN - Up 24.29% $NFLX - Up 20.67% $GOOGL - Up 16.58% Average of 29% ✨ STARS ✨ in 2019 $SHOP - Up 129.60% $TTD - Up 126.87% $ADBE - Up 32.10% $ROKU - Up 237.24% $SQ - Up 43.36% Average of 113.83%" +"Wed Aug 07 18:52:38 +0000 2019","This would be the 7th time since the end of the financial crisis that the Nasdaq reversed at least a 1.5% intraday loss, dipping below its lowest close of the past couple of months. All 6 of the others rallied at least 3% over the next couple of weeks. " +"Thu Aug 08 14:09:57 +0000 2019","Since Jan 2019: $SNAP: +180% $MTCH: +109% $TWTR: +48% $FB: +40% $AMZN: +20% $GOOG: +16% It was not too long ago when Snap hit a bleak $5/share (12/2018) and Match tanked (5/2018) after FB announced a dating product. Good to see the upstarts fighting through the tough times." +"Tue Aug 13 13:52:08 +0000 2019","BREAKING: Stocks jump to session highs, Apple surges more than 4.5% after USTR removes items from China tariff list, delays some others including those on cell phones and laptops " +"Sat Aug 10 10:17:36 +0000 2019","#earnings for the week $NVDA $BABA $WMT $CSCO $JD $CGC $GOLD $SYY $AMAT $TLRY $M $GOOS $JCP $AAP $EOLS $TSG $STNE $AZRE $LK $TME $ERJ $CSIQ $YY $HUYA $NINE $DE $TDW $CRNT $HYGS $QD $TPR $BRC $BEST $PAGS $VFF $NTAP $RMBL $CACI $BE $CWCO $NEPT $A " +"Thu Aug 01 19:44:19 +0000 2019","Its good to be cautious with trade war sensitive names $AAPL $BABA $BZUN $SMH $NVDA . Im staying with stocks that are not impacted by trade war -> $SNAP $TEAM $ROKU $TWTR $ZS" +"Wed Aug 28 20:05:18 +0000 2019","#MarketWrap Major indexes close higher as energy shares rally on higher oil prices. DOW +1.00 at 26,036.10 NASDAQ +0.38% at 7,856.88 S&P 500 +0.65% at 2,887.94" +"Wed Aug 14 13:51:35 +0000 2019","#earnings after the close today $CSCO $CGC $STNE $A $NTAP $CACI $VIPS $PRSP $RKDA $HYRE $SPTN $JE $HDSN $TTNP $HOLI $GEVO $CATS $SORL $LMB $HROW $IWSY $QRHC $AEMD $AEYE $CPIX $CSSE $WYY $UV $OCX $SLGG $SMTS $DARE $ZSAN $EAST $BURG $IPWR $GVP $RPAY " +"Wed Aug 14 15:48:52 +0000 2019","The market continues to sink as recession signs mount. Please read my recession warning in Forbes - it contains everything you need to know about what's ahead: $SPY $QQQ " +"Thu Aug 29 10:12:10 +0000 2019","Good morning. Mostly green arrows around the World. A little window dressing, a little trade rhetoric, a little rebalance. Either way, some upside follow thru to yesterday’s RDR as $spx 2856 was reclaimed. $spy reclaimed $286.03. Some resistance 2917 then 2940. (Trim and trail) " +"Mon Aug 05 15:15:18 +0000 2019","#earnings after the close $TTWO $SHAK $CAR $HIIQ $MAR $ACRX $APPS $KLAC $CZR $ARWR $THC $WWD $CYH $WPX $ADES $PODD $SWAV $AVID $CLR $CSWC $MIME $XEC $XLRN $O $COHU $ADUS $DIOD $GAIA $STE $IPAR $CSOD $EVBG $ATSG $CBT $ARG $ANSS $PARR $RAMP $SNCR " +"Mon Aug 05 19:00:11 +0000 2019","Here's a list of every Monday (since the Yahoo data for $NDX begins in 1985) where the NASDAQ 100 was down at least -4% midday. See if any of these dates interest you. " +"Thu Aug 01 14:08:50 +0000 2019","#earnings after the close $SQ $APHA $X $ETSY $PINS $ANET $OLED $TNDM $FTNT $FSLR $GPRO $GLUU $EOG $XPO $HLF $GDDY $CRC $MED $VSTM $NOG $PVG $CC $GERN $EGO $BMRN $QRVO $ZIXI $CBLK $VKTX $RDFN $MSI $FLR $BRKS $IPHI $CDNA $FND $EKSO $GPOR $TDS $WIFI " +"Tue Aug 27 13:33:23 +0000 2019","Stocks have over-reacted to the downside, best evidenced by the divergence between stocks vs VIX vs high-yield - stocks at Aug lows due to trade issues - VIX at 18 vs Aug highs 24 (should be new highs) - $HYG nearly at all-time highs (should be tanking if biz cycle at risk) " +"Thu Aug 01 20:04:18 +0000 2019","#MarketWrap Major indexes close lower after Pres Trump announced additional tariffs against China will be imposed Sep. 1 DOW -1.05%, NASDAQ -0.79%, S&P 500 -0.90%" +"Thu Aug 08 12:30:29 +0000 2019","The ‘positive reversal’ (-2% to positive close) for S&P 500 is not only encouraging sign. - SPY (ETF) made higher high and higher low (past 3 days). - S&P 500 eminis touched 200D overnight Monday (support). Add this to the ‘good signs’ half of the ledger #BTD #midcycle $SPY " +"Thu Aug 08 18:17:01 +0000 2019","Are there new leaders in #Technology? $ROKU and $MTCH break out to new highs after #earnings! $SQ struggles with growth, but $TTWO beats estimates. Here’s everything you need to know… " +"Tue Aug 20 19:11:03 +0000 2019","If you have piled into FANG- worth the read $AMZN $FB $NFLX $GOOG If you are investing outside the indices, also worth the read - so basically worth the read.... " +"Wed Aug 07 18:35:24 +0000 2019","$AAPL $AMD $FB $GOOGL $INTGC $MSFT $NVDA This will all be free soon - it's a tick by tick view of the world to find reversals from things like presidential tweets, news, etc and catch the rip or dip. I look for 80%+ confirmation. See the animation below " +"Thu Aug 01 21:24:22 +0000 2019","$AAPL $GOOGL $FB ANNOUNCEMENT - Retweets appreciated I will be revealing how I watch the tape. It will be free. It will be tick by tick real-time. This is an animation from a while ago. I can't change the world, but you can. When you get a flush (red or green), you move. " +"Wed Aug 14 17:04:01 +0000 2019","$SPY daily 200MA test. the last 2 times they defended it pretty well off the lows. What they do this time dictate my bias for the next few days. if strong close (long wick off daily lows) then good time to start looking for Calls on relative strength names. vice versa for puts." +"Sat Aug 31 20:21:56 +0000 2019","3. Been thinking about this too -- now looks like a mini-me version of the trading we saw just before the market crapped the bed late last year... (but my view: things are different now) h/t @AdamKoos $SPX $SPY " +"Thu Aug 22 20:08:50 +0000 2019","US stocks ended mixed on Thursday, with the Dow eking out a gain after some choppy trading. The Dow finished up 0.2%, or 51 points. The S&P 500 closed little changed in negative territory. The Nasdaq Composite closed down 0.4%. " +"Thu Aug 08 19:36:23 +0000 2019","Hmmm.....that market crash...looks like its been postponed....leftists hardest hit. Stocks rally, pushing the Nasdaq into positive territory for the wild week " +"Sat Aug 24 21:17:01 +0000 2019","Just finished my weekend review of 100+ stocks I follow. Have done it every weekend since 1979 (40 yrs). Surprised to see so many techs hitting 52-wk lows last two weeks (nearly 15%). Not counting other damaged faves such as AMZN -261 pts in 6 wks & NFLX -24% in 7 weeks." +"Thu Aug 29 20:04:19 +0000 2019","US stocks closed sharply higher on Thursday, as market sentiment concerning the US-China trade spat improved. The Dow closed 326 points, or 1.3%, up. The S&P 500 finished 1.3% higher. The Nasdaq Composite closed 1.5% higher. " +"Wed Aug 21 17:43:40 +0000 2019","It's certainly not a market loaded with constructive stock setups, but we did manage find and add 17 stocks to our Buy Alert list this week and even buy a few names. - " +"Mon Aug 19 14:47:59 +0000 2019","Today's strong rally in equities a reminder: - Even if one is convinced a recession is in 12-18 months, does not mean stocks go down every day for the next 365 to 550 days. - Investors are mostly defensively positioned, evidenced by inverted VIX term structure. #Buythedip" +"Wed Aug 14 22:07:18 +0000 2019","With only 39% of NASDAQ stocks above their 200-day lines while the NASDAQ Composite is still well above its own 200-day line suggest more downside for the NASDAQ and the general market." +"Mon Aug 26 02:01:52 +0000 2019","Friday brought big changes: $AMZN broke 200ma, $AAPL broke 50ma, $BABA broke 50 & 200ma, $GOOGL held 50ma, $NFLX nearing death cross, $NVDA started death cross, Crude had death cross, Gold new highs, $SLV new highs." +"Fri Aug 09 16:14:24 +0000 2019","Off the screens for the day, but watching $SPY via phone😀 Tough week, but they come and go. Market keeps you humble. All part of the game. Thanks for your follow and I hope everyone has great weekend!" +"Tue Aug 20 15:51:31 +0000 2019","468 S&P 500 firms, or 94% of the index, have reported so far this quarter. If all remaining companies report earnings in line with estimates, EPS will be up 3.0% from last year's Q2. On July 1st, a 0.3% increase was expected. @CNBC" +"Sun Aug 04 10:54:43 +0000 2019","Names of interest on the oversold screener, above their 200sma. $CSCO $EWZ $FB $QCOM $ORCL $PYPL $FEZ $TWLO $AMD $AMZN $XLNX $WMT" +"Wed Aug 07 10:01:57 +0000 2019","Most core markets/ETFs that I track have reached oversold reads. I am avoiding the EM markets, although they could bounce as well & staying focused on US tech, which has been the go to for the last few years. I am going to keep playing that hand until it stops working. $QQQ" +"Thu Aug 01 19:06:24 +0000 2019","Tarrif news is not a big surprise to the market The major indexes have been advancing in anticipation of a rate cut and now will use whatever excuse to sell the news. Bottom line: trend, Fed and economy remain bullish for stocks. Short term: pullbacks should be limited to 4-7%." +"Thu Aug 08 16:13:08 +0000 2019","The Nasdaq is still a good distance above its own 200-day line, but the % of Nasdaq stocks above their 200-day moving averages is only 42%. In the near-term, this is an ominous sign! Without a significant improvement is participation, snap back rallies are shortable for traders." +"Wed Aug 21 22:30:15 +0000 2019","Since the knuckleads at CNBC aired their most recent ‘markets in turmoil’ the eve of Aug 5 - Apple, Walmart, Target and Home Depot are up 8-15 percent. Thanks for watching .... $aapl $spy" +"Thu Aug 08 19:37:04 +0000 2019","There is an over abundance of info on FinTwit. Monday had crash calls, yield curve bear market tweets. SPX 2200 calls. Some saying cash. Some saying short. What works best for me is trading LT uptrends from the long side and downtrends from the short side..." +"Wed Aug 14 14:16:22 +0000 2019","Yesterday's volume was higher on both the Nasdaq and NYSE exchanges, qualifying the rally as a valid sixth day follow through. However, with few stocks in buyable position, it is not yet the time to get aggressive in this market. Quite the contrary; you should remain cautious." +"Tue Aug 27 16:05:43 +0000 2019","Market risk remains high. We are not yet out of the woods. However, China news took a turn for the worse and yet the market has held up relatively well. I think we could see an undercut of the recent lows, but with the Fed easing it should create a good buying opportunity." +"Tue Aug 06 11:25:40 +0000 2019","“Will the seller of Apple $AAPL at $186 last night please stand up? Will the person who obliterated Facebook $FB in the mid $170s identify themselves?” @JimCramer would like to have some words: " +"Fri Aug 02 20:25:03 +0000 2019","Wall Street Week... $BYND Meat : -25% $AMZN: -6% $FB: -5% Emerging Mkts $EEM: -5% $NFLX: -5% Nasdaq 100 $QQQ: -4% $GOOGL: -4% $MSFT: -3% S&P 500 $SPY: -3% $AAPL: -2% Gold $GLD: +2% Yen/$ $FXY: +2% Long-term Treasuries $TLT: +4% Volatility $VIX: +45% Fed: 1st rate cut since '08." +"Fri Aug 02 19:53:45 +0000 2019","Had a decent week given that $SPX fell about 3% this week! Closed $SQ for FLAT Closed $PAYS for about +14% Closed $NUGT for a +3.6% gain Closed $SNAP for a -3.1% loss Still holding $QD long from $8.40 entry(long term trade) Posting new charts and setups on Sunday!" +"Thu Aug 08 16:55:51 +0000 2019","Nice call @traderstewie yesterday as Monday’s low held and Tuesdays lows got reclaimed. U added the MACD divergence that helped breed confidence as $spy reclaimed $284 and $qqq $181. Trading is about “if this” then that. “If that” then this. And apply your process on top" +"Fri Aug 23 20:26:41 +0000 2019","What a crazy week. Dow -1.0%. S&P -2.4%. Nasdaq-1.8%. Russell 2000 -2.2.%. We had four days of cheerleading and one day of bloodletting. Would have been nice had anyone in media stopped to study @IHSMarkit data yesterday: Services employment at 9-yr low. IT’S THE ECONOMY STUPID!" +"Tue Sep 10 00:54:12 +0000 2019","$KT Corp., #RealEstate sales increase and add high value to #stock price $AAPL $AMZN $BA $CMCSA $FB $GOOG $INTC $MSFT $NFLX $NVDA $S $T $TMUS $TSLA $VZ $WMT $XOM #wallstreet #stockmarket #stocks #valueinvesting #money #finance #investors #investing " +"Tue Sep 24 16:23:28 +0000 2019","Qs #Investors Stake in $KT Corp. Raised by $3.06 Million #wallstreet #investing #investments #stockmarket #stocks #finance #valueinvesting #money $AAPL $AMZN $BA $CMCSA $FB $GOOG $INTC $MSFT $NFLX $NVDA $S $T $TMUS $TSLA $VZ $WMT $XOM" +"Thu Sep 26 17:56:58 +0000 2019","5 years ago, $NFLX stock price was ~$65/share.... Today the stock is $230/share after hitting an all time high of over $400 last year... Long term investing is not that bad, slow and steady at times, but well worth the wait! #longterminvestments #stockmarket #ROI " +"Wed Sep 18 04:03:08 +0000 2019","My gosh. So this is now creeping in my entry way...the Fed finally has competition for scariest, creepiest freak in my daily life " +"Sun Sep 15 07:48:48 +0000 2019","$ICUI is definitely a hold. Currently trading at $162.80 and has potential of rising back to the $280’s soon. Perfect time to get this stock at a cheap price. #stockmarket #trading #stocks #icui #discoverpage #follow #nyse #nasdaq #followme #investment #tradingbullz 📊💭 " +"Thu Sep 05 19:30:06 +0000 2019","Stock bulls are in rally mode, but can they hold onto gains? Tech stocks boosted over news that both US and China have agreed to restart trade talks. Dan Gramza discusses bullish and bearish scenarios for the September #NQ_F contract. Watch here: " +"Fri Sep 13 21:25:47 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AAPL $TSLA $AMZN $FB $GOOGL $KR $T $ACB $ORCL " +"Fri Sep 27 19:05:11 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $NKE $MCD $RAD $BYND $MU $NIO $AMZN $FB $AAPL $TWTR " +"Wed Sep 04 16:38:20 +0000 2019","Live stream tonight 9:30pm EST Canada I explain about the $SPY a great market update 3 huge wins in $ROKU and what I told my group while things were crazy in the market about $ROKU, $AAPL $WMT $COST $HD $AMD $TWTR plus come and ask me questions I am here to help people succeed " +"Wed Sep 18 20:14:15 +0000 2019","Year after year I explain and lead the $SPY in the right directions with skillful plans,Tonight I am doing a live stream at 9:30pm EST Canada, $AAPL $BA $ROKU $HD $DIS $GOOGL $NVDA, I have made so many wining plans in all of these in all tough times in the market in many years " +"Sun Sep 29 15:23:11 +0000 2019","THE WEEK AHEAD-End of quarter, Employment report and as you will see in the graphic below the market is at a go/no-go level. Uncertainty clouds the horizon - markets don't usually fare well under these conditions. #ES_F #Futures $spy " +"Thu Sep 19 12:04:54 +0000 2019","RT stock_family: $VZ 2 plays for 1 price imo 🙅‍♂️ 🛑Dump #Robinhood for #stockoptions: 🛑 #options #stockmarket #daytrader #stocktrading #news #stocks #webull $aapl $spy $amd $djia $vix " +"Fri Sep 06 17:49:34 +0000 2019","RT stock_family: $FIT .17 remember that price lol 💰🐐🙅‍♂️🇺🇸💯🚨 🛑Dump #Robinhood for #stockoptions: 🛑 #options #stockmarket #daytrader #stocktrading #news #stocks #webull $aapl $spy $amd $djia $vix " +"Mon Sep 09 17:46:20 +0000 2019","Stocks mixed as trade optimism is offset by Microsoft losses. Big tech in focus, with an investigation into Google looming. And AT&T pops after Elliott Management takes a stake. @mkobach and I have the details in #ChattinWithCheddar " +"Fri Sep 06 04:34:49 +0000 2019","$WDAY Workday_Inc_Class_A. Our signal is green, this price will unlikely go down. Sell $QQQ to hedge #Stocks #StockMarket #business" +"Tue Sep 24 03:09:57 +0000 2019","$DBX Dropbox_Inc_Class_A. This is a good opportunity, this price is set for a rise. Short $SPY to hedge! #Investing #StockMarket #trade" +"Sat Sep 14 00:33:51 +0000 2019","$WDAY Workday_Inc_Class_A. We go long, this price will rise. Short some $SPY to hedge #StocksToWatch #StockMarket #trade" +"Tue Sep 17 03:16:20 +0000 2019","$RMNI Rimini_Street_Inc. This is a good opportunity, this price is of great potential. Short some $SPY to hedge #StocksToWatch #StockMarket #money" +"Thu Sep 19 12:05:47 +0000 2019","Good morning Twitter derelicts! Let’s sneak attack the market this morning and teach it a thing or two about who’s boss. Warm up your mouse clicky hand and poor some coffee. None of that decaf trash. 🤣 " +"Mon Sep 30 21:40:20 +0000 2019","Target, Twitter, Caterpillar, and JPMorgan have soared this quarter, but will any continue to fly high? Our traders play 'Trade It or Fade It' with these standout stocks. $TGT $TWTR $CAT $JPM " +"Sun Sep 15 22:00:20 +0000 2019","There's that MACD curl on the 60 min that I mentioned a few days ago I wanted to see to seal in a divergent top. The market gave what I asked for. Double top...next ideally is $SPX 2550 " +"Tue Sep 03 02:55:55 +0000 2019","The year is 2025. Trump just started his 3rd term as POTUS, Elon Musk is working as a white-collar crime consultant for the SEC, $DRYS filed for an IPO, and CVS just chopped down the last remaining Sequoia in order to print one more receipt. China trade talks continue. " +"Fri Sep 06 19:14:11 +0000 2019","This market is disgusting. 80 points in 3 days on super low volume, entirely overnight, another day of zero movement from the open, just killing the $VIX. Bull and bear alike should open their eyes and nostrils enough to smell that something is off. " +"Sun Sep 29 07:23:36 +0000 2019","For Q3, 113 S&P 500 companies have issued EPS guidance 82 have issued -ve EPS guidance, well above the 5-year avg of 74 Tech & Healthcare are the biggest contributors # of Tech companies with -ve guidance is now highest this cycle " +"Tue Sep 10 13:26:34 +0000 2019","Technical Tuesday – 3,000 or Bust on the S&P 500 Here we are again! $AAPL $NFLX " +"Sun Sep 01 13:28:03 +0000 2019","$DOW in Uptrend: price may jump up because it broke its lower Bollinger Band on August 23, 2019. View odds for this and other indicators: #Dow #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Sep 04 10:16:40 +0000 2019","$NFLX in Uptrend: price may jump up because it broke its lower Bollinger Band on July 18, 2019. View odds for this and other indicators: #Netflix #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Tue Sep 03 11:13:40 +0000 2019","$DOW in Uptrend: price may ascend as a result of having broken its lower Bollinger Band on August 23, 2019. View odds for this and other indicators: #Dow #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Thu Sep 26 15:31:19 +0000 2019","As I was discussing with AOT members in premarket.... to watch how the $Nasdaq $QQQ react on the the RETEST of the Tuesday's ""breakdown"" area. It's not uncommon for a stock or index to revisit the scene of the crime.... We now have two lower highs printed.... " +"Mon Sep 30 16:01:32 +0000 2019","Semiconductors $SMH are the top performing sector YTD and its tough to see a sustained peak in $SPX until SMH does. It's been bull flagging all month and ideal is we break out to a final high at 127. This would complete an 8 month bear wedge and great zone for markets to correct " +"Tue Sep 10 17:02:17 +0000 2019","$SPX won't turn until Apple $AAPL does, and the pattern here is fairly clear. We've been building out a rising wedge all year, and while it may or may not get there, resistance at 225 would be the ideal zone to swing short. This would get daily RSI nice and overbought as well " +"Sun Sep 01 10:56:35 +0000 2019","$GOOG in Uptrend: price expected to rise as it breaks its lower Bollinger Band on August 23, 2019. View odds for this and other indicators: #Alphabet #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Sun Sep 29 05:02:15 +0000 2019","My #ASX EOW market scan stock list dump. I look for volatility, broad market participation (trading depth) and trend. Spreadsheet here for those who cut and paste... Some notes on the lists below... Tradingview import files to follow " +"Fri Sep 06 04:28:19 +0000 2019","Few Breakout setups to watch tomorrow/ next week $MSFT $V $ABT $EPAM Large cap & Big tech stocks were definitely more stronger today. Looking for exposure in 1/2 of these names. They sure look like great swing trading opportunities! " +"Fri Sep 13 13:00:14 +0000 2019","Good morning! Gap ups always make it tough to enter new positions.Tread carefully & don't chase gap ups blindly. Current positions with Entry Price, Stop & Size $MSFT $135.95, $134 & Full $BABA $179.20 , $176.50 & Full $PINS $29.65 , $29 & 3/4th $TTD $215, $211 & Full 🙋‍♂️ " +"Mon Sep 09 20:12:57 +0000 2019","Ppl who check the $SPX and see that it was down just 0.01% will be greatly surprised when they check energy stocks ($OIH), financial stocks ($KRE) and the recent tech momentum darlings. But the $SPX avoided an Outside Reversal Day by closing above 2972.51. " +"Tue Sep 17 19:23:21 +0000 2019","@tim_cook No where near competition.... $AAPL $MSFT $GOOGL $AMZN $IBM $ORCL $CRM $TSLA $SNAP $FB @WSJ @business @Reuters @BGR @BlackBerry @CNBC @jimcramer @verge @AP @androidauth " +"Wed Sep 11 01:41:10 +0000 2019","It’s always fun to see tweety dee and twitter dumb relive their $TSLAQ #DumDum fantasy. These two are so full of Schmitt, I can smell it all the way here in middle earth 😷 " +"Mon Sep 09 19:25:13 +0000 2019","Wild Monday! Stopped out of $EHTH & $V for breakeven, $SNAP & $AMZN for small gain. Took small loss in $ENPH , $TVIX & Entered a breakout trade in $LSCC. Current Position $LSCC -> Entry - $20.35 (3/4 size) Will clean up watchlist tonight. Lot of homework. Have a good evening! " +"Wed Sep 11 20:08:55 +0000 2019","Another strong close for $IWM & a nice breakout in $AAPL today. Few tradeable setups are starting to emerge. Watchlist coming up tonight. Current Positions with Entry price & Size $MSFT $135.95 Full $PINS $29.20 Full Have a good rest of the evening!🙋‍♂️ " +"Sat Sep 21 17:30:21 +0000 2019","$FAANG vs. $SPX Equal Weight FAANG vs. S&P 500 ... Looks like we may have a change of trend in this relationship. Not sure if we need to be looking to these FAANG names anymore for market leadership. RSI has been weakening since early 2018 as well. " +"Wed Sep 25 05:00:41 +0000 2019","People are sending me products to tweet. This aint Instgram guys and nobody on Fintwit will buy these things, they'd rather lose money in the markets. " +"Fri Sep 13 18:20:14 +0000 2019","Good day for anyone who shorted $AAPL at the 225 level I posted and we got a nice 4% drop in 24hrs from there. Importantly for the big picture, the massive rising wedge from January has held, which opens up more downside potential into next week (for $SPX & $NDX as well)." +"Mon Sep 02 01:29:13 +0000 2019","I'll post some patterns for educational purposes. AMS reported mid last week so waited for earnings traders to flush then mopped up 143-145 all day Friday. Now on the bar looks choppy but becuuse I'm a position trader I moved to line chart to minimise the noise. " +"Fri Sep 27 20:31:43 +0000 2019","This is my chart of the week - FANG Stocks (Facebook, Amazon, Netflix and Google). Since the beginning of July they $AMZN $NFLX and $FB have experienced material declines (especially Netflix). As you can see on the performance chart below, only $GOOGL stays strong these days. " +"Tue Sep 24 15:05:27 +0000 2019","$Nasdaq is now red, giving up its opening gains and officially setting up a LOWER HIGH and forming a bearish Rising Wedge pattern(shared educational yesterday on Rising Wedge patterns!) A break lower looks imminent, imho " +"Sat Sep 07 15:41:52 +0000 2019","$SMH Semiconductors ...If Semis break higher from this consolidation/base on a relative basis versus the S&P 500, would that be a risk-on or risk-off signal for the overall market? " +"Sun Sep 01 11:28:40 +0000 2019","Longer Term TECH uptrends on my screen my strat is to keep buying/holding the uptrends until they breakdown - then look for new uptrends. AAPL ADBE AMAT AMD AYX COUP FB HUBS MELI MSFT MSI MTCH NOW PYPL ROKU SHOP SMH SNAP TEAM TTD TWLO TWTR TXN VEEV " +"Fri Sep 13 12:45:07 +0000 2019","$SPX Todays close is key & many markets at key inflections. $AAPL a good example - it hit my 225 resistance zone and this is resistance of a huge wedge in play all year. This coincides with SPX near its ATH and RUT at downtrend resistance. Watching for rejections here/fake breaks" +"Thu Sep 19 00:28:38 +0000 2019","$NFLX is a must watch. Now diverging 25 pct pts from Nasdaq! It’s the first FANG stock... 1) below its 200 DMA; 2) with a death cross set up; 3) breaking down from a multi-year support; Is this an inflection point for stocks? Still trades at 106x EV to FCF estimate for 2022! " +"Fri Sep 20 11:39:05 +0000 2019","Basic Position Trading trend analysis: $TWTR uptrend, higher highs and lows, rising MAs, price support below. $NFLX downtrend , lower highs and lows, MAs rolling over, overhead of trapped buyers above to sell into rallies. " +"Mon Sep 02 18:03:36 +0000 2019","Market shd open gap down as sgx is trading @ 100 pt dis after initial hiccups market shd recover & trade between 10848-11046. Imp lvl for tom 10848/10876/10918/10949/10976/10991/11030/11046 New level only get activated if previous level broken on 15 mint chart." +"Mon Sep 23 19:10:01 +0000 2019","Markets looking constructive overall - $SPX is bull flagging above its August break out level, healthy activity following a break-out. Small caps $RUT are showing relative strength to SPX and RUT is also bull flagging. $AMZN - one of the uglier charts- is holding also its 200dma" +"Mon Sep 09 23:09:19 +0000 2019","Huh, Q3 2019, $AAPL reported the biggest June quarter ever — driven by all-time record revenue from Services, accelerating growth from Wearables $25.99 billion iPhone $11.46 billion: Services $5.82 billion: Mac $5.53 billion: Wearables, Home and Accessories $5.02 billion: iPad" +"Fri Sep 13 16:11:53 +0000 2019","For the investors out there. Some stocks I own that I hardly ever touch/sell. Growth (Brokerage/Margin): GOOG AMZN JPM LRCX TWTR DHR IDXX CRM TXN WM Dividend/Income (Good for IRA) : In some cases held for 2+ decades reinvested: MCD INTC BA VZ AAPL JPM SO XOM DUK O JNJ" +"Tue Sep 03 05:18:36 +0000 2019","My top 10 permawatchlist for September. Pretty much the same as August. Minor change in the top 7 though. July/Aug top 7 were: $TSLA $NFLX $BA $ROKU $NVDA $TWLO $SHOP September top 7 will be: $TSLA $NFLX $BA $SHOP $ROKU $BABA $BYND Will re-add $NVDA soon as semis crack again" +"Fri Sep 27 13:53:57 +0000 2019","Keep an eye on $AMZN. It just broke down from a 4-year support. Pockets of this market are starting to fall apart: Busted IPOs. Cancelled IPOs. Small caps. Micro caps. FANGs. Software stocks. It all looks done for this business cycle. " +"Mon Sep 02 05:27:47 +0000 2019","Many people are worried by looking at SGX Nifty. SGX Nifty will have to factor in triple whammy of US-China tariff hike from Sep 1, poor auto sales data, poor GDP data. In addition, poor PMI data from China, South Korea, India adding fuel to fire." +"Thu Sep 26 03:28:58 +0000 2019","Nifty changes from tomorrow : Indiabulls Housing : out Nestle : In Out of F&O Rel Cap Rel Infra DHFL IDBI Bank Kajaria MCX EIL Hind Zinc Raymond Oracle Arvind Birlasoft" +"Mon Sep 09 21:05:10 +0000 2019","Storm underneath the surface -- huge stock moves today even though the S&P 500 was flat. Momentum stocks slaughtered, Energy/Financials massive rally: $XLK $XLF $XLE " +"Fri Sep 20 15:53:44 +0000 2019","See $NFLX recently? It tried and tried and tried to breakout from a wedge but it kept failing. The more a stock re-tests support, the more likely it is break down. Seeing a similar thing shaping up in $AMD ... It tried numerous times to move up but it keeps making lower highs. " +"Tue Sep 24 22:32:41 +0000 2019","Major indexes reversed lower with Nasdaq breaking below its 50-day line. Both indexes logged their 4th distribution today. With today's sell-off, IBD shifts its Current Outlook to ""Uptrend Under Pressure."" via @IBDinvestors @MarketSmith $COMPQ $SPX " +"Sun Sep 01 15:36:37 +0000 2019","10 most valuable tech companies: Microsoft: $1.05 trillion Apple: $943 billion Amazon: $879 billion Google: $843 billion Facebook: $530 billion Alibaba: $456 billion Tencent: $394 billion Taiwan Semi: $221 billion Samsung: $217 billion Intel: $210 billion Total: $5.7 trillion" +"Fri Sep 20 00:24:21 +0000 2019","$QQQ NASDAQ 100 is not out of the woods yet. #IBDpartner Watch rising trend channel (or bear wedge). Marginal news highs possible... bulls need a breadth thrust. @IBDinvestors --> " +"Thu Sep 05 10:20:15 +0000 2019","Biggest mistake I made during Earnings season was focusing on the macro vs trading the underlying ASX. Funds will accumulate the stocks they want irrespective on the down days. Look how they also react on the strong market days $NAN $EML $JIN $MP1 $PME $JIN $APT. Trade wars?" +"Tue Sep 10 20:53:17 +0000 2019","Another intriguing session that hints at a trade deal or major news on trade could be coming soon. Big moves from key proxies: BA (endless bad news) FDX CMI CAT DE AAPL was moving lower as Tim Cook walked off stage then they popped. Cheap iphone didn't move needle. #Justsayin" +"Tue Sep 17 20:04:42 +0000 2019","#MarketWrap Major indexes close higher as Wall Street shakes off Saudi oil attack, looks toward potential Fed rate cut. DOW +0.12% at 27,109.03 NASDAQ +0.40% at 8,186.02 S&P 500 +0.26% at 3,005.61" +"Wed Sep 18 20:06:08 +0000 2019","#MarketWrap Major indexes close mixed after Fed cuts rates by a quarter point, provides little guidance on future rate decisions. DOW +0.13% at 27,147.08 NASDAQ -0.11% at 8,177.39 S&P 500 +0.03% at 3,006.73" +"Mon Sep 16 11:57:39 +0000 2019","Yesterday was the 11th anniversary of the Lehman bankruptcy. Returns if you bought tech stocks at the close that day & held to today... $NFLX: +7,225% $AMZN: +2,278% $NVDA: +2,022% $AAPL: +1,150% $CRM: +1,017% $V: +1,006% $ADBE: +631% $MSFT: +568% $GOOGL: +471% $SPY: +215% " +"Fri Sep 13 02:12:07 +0000 2019","POSITIVE FACTOR for MARKET IIP data Better than expectations RATE cut in European Central Bank Flexible approach towards trade war by China & America Ruppee getting stronger day by day boost from upcoming GST meeting FII buying back to back I expect small cap outperform" +"Tue Sep 10 22:57:26 +0000 2019","09/10/19 - View today's #MarketOutlook from @Market_Scholars here: Discussed: $SPY $IWM $DIA $QQQ $EEM $GLD $USO $UUP $SPX $TLT $TNX $AAPL $MTUM $VLUE $DVY $SPLV #factors $XLK $XLU $XLRE $XLF $XLI $SRPT" +"Mon Sep 30 16:55:04 +0000 2019","A very good day in the markets today $SPY we held key supports and the right stocks are doing well, all in all things are setting up well for higher prices but the key is to be in the best setup stocks to make the gains, success in the markets take strong skills and $STUDY" +"Thu Sep 05 20:07:27 +0000 2019","#MarketWrap Major indexes close higher after US-China agreed to hold next round of trade talks in Washington in October, labor market data shows little impact from trade war. DOW +1.41% at 26,728.15 NASDAQ +1.75% at 8,116.83 S&P 500 +1.30% at 2,976.00" +"Wed Sep 25 11:32:32 +0000 2019","18% YTD rally in S&P driven entirely by multiple expansion, while earnings broadly flat w/ multiple expansion propelled largely by expectations of easier Fed; yet median dot on FOMC dots plot has no additional rate cuts this year @Gavekal the " +"Tue Sep 24 18:04:03 +0000 2019","“It’s still going to dominate planet Earth... but I think it may take a little detour here. Right now, $MSFT is the better name.” - @Sarge986 on $AMZN. Sarge shared his stock picks with @NPetallides on #TheWatchList, and revealed why @amazon could move lower before running up." +"Sun Sep 15 18:36:40 +0000 2019","My @realvision short idea looks ready to play out. It's record late in the business cycle. Stocks have been struggling to go higher due to insane valuations and a macro downturn. Yesterday's drone strike on the Saudis may be the tipping point. @RaoulGMI @ttmygh $SPY $SPX $ES" +"Sun Sep 22 23:00:11 +0000 2019","Get ready for the week ahead in investing with @JimCramer’s game plan, including earnings reports from Nike, KB Home and Micron More here: " +"Fri Sep 27 21:10:32 +0000 2019","OMG ALL NEW TECH STOCKS ARE DOWN except Pinterest, Zoom, Datadog, DocuSign, Zuora, Medallia, Cloudfare, SurveyMonkey, Carbon Black & many more" +"Fri Sep 27 00:35:26 +0000 2019","Some of my targets in near term on daily basis: $SPX: 3038-3040 or 2938-34 $AAPL: 227-229 $AMZN: 1675-1672 $GOOGL: 1300-1302 $TSLA: 263 $ROKU: Either 120-124 or 93-90 Weekly/Monthly: $NFLX 189 30 mins/Hourly: $NFLX: 255 then 249 $TSLA: 255, 263. $GOOGL 1252, 1257-58" +"Tue Sep 24 19:02:32 +0000 2019","Got your buy list ready? I'm personally keeping a close eye on $TWLO, $OKTA, and $MDB, which are approaching the 15-18x P/S that I'd be comfortable in paying. And I'm even considering adding to my stake in $NFLX. What's on your list?" +"Wed Sep 18 20:09:32 +0000 2019","Wow, they even walked $ADBE back up a bit. All ETF.. NIce numbers by Herman Miller-great tell of small to medium sized business..Love that company.." +"Mon Sep 09 12:04:50 +0000 2019","$ATVI Added To Stifel Select List, PT Raised to $65 $NTNX PT Raised to $45 from $23 at Susquehanna $NTES PT Raised to $317 at Nomura $ROKU PT raised to $160 from $63 at Suntrust $SHOP Shopify Target Raised ($410 from $370) at Baird" +"Tue Sep 24 15:46:22 +0000 2019","Getting ugly in tech fantasy-land. WeSpend's(WeWork) private valuation collapse (taking other unicorns with it), Tesla under duress, Netflix sinking like as stone since early July (-125 pts, -33%), cloud software faves rolling over, AMZN 270 pts off since July top. Trouble ahead?" +"Fri Sep 20 13:24:40 +0000 2019","Major #Reform Done, Next Two Hurdles For Mega #BullMkt Are #Earnings & #Valuation Both Needs #Time To CatchUp #Smallcap Index Has Shown Signs Of Bottoming Out Scenario For Us Is Mkts Going In Sideways Accumulation Phase Circa 2020 & Firing On Once Earnings Kick In ✌️" +"Fri Sep 06 01:00:31 +0000 2019","#Trading tip: Don't try to find the next Apple or Amazon stock. Have a stock selection method which show you stocks which have the potential to go up 100% in 6 months or less: • High relative strength. • Strong growth. • New products or services-" +"Sun Sep 01 09:51:33 +0000 2019","Cisco Systems (CSCO) Price Target Raised to $45.00 $CSCO #stocks #stockmarket" +"Sat Sep 14 22:46:10 +0000 2019","Watch List: $FSLR, $IPHI, $LSCC, $STNE, $ACAD, $SNAP, $SONO, $PFPT, $JD Earnings WL: $ADBE, $CHWY I’ll be watching $ADBE not to buy but to see how software reacts to it. Good luck folks." +"Sun Sep 29 21:20:39 +0000 2019","@traderstewie While running some scans, these are the ones I will be focusing mostly on the following: Long $RH $NKE $SEDG $AAPL $AMBA $CYH $DG $JPM $ZIOP Short $LK $CGC $PAYC $AMZN $AMGN $FISV $ROKU $NFLX $SBUX Watching $COST earnings." +"Wed Sep 04 14:30:50 +0000 2019","I have a small handful of long positions partially hedged with my SPY short position. My home builder positions are doing relatively well led by $LGIH. Yesterday $TWTR staged a disappointing BO attempt; I'm still long. $LSCC is getting close to my backstop protecting my profit." +"Sat Sep 21 13:48:24 +0000 2019","We are below massive ( Billions of dollars) in Late Dark Pool sell prints on all major indexes right now $SPY ( $301.09) $IWM ( $157) $QQQ $192.52 Be careful, we are headed for a correction IF we stay below these prints next week." +"Thu Sep 12 13:01:12 +0000 2019","All the market action since Jan'18 has been part of a high level consolidation. Mkt is on the verge of a major new parabolic upleg led by technology & industrial stocks. Investors are wrongly bearish.I continue to love the semis & miners here.S&P to 4000,DJIA 36,000,Nasdaq 11,000" +"Mon Sep 30 06:04:30 +0000 2019","Dates of earning reports (Source Yahoo Finance) $NFLX 16/10 $MSFT 22/10 $AMD 22/10 $TSLA 22/10 $BA 23/10 $AMZN 23/10 $BABA 23/10 $SNAP 23/10 $TWTR 24/10 $FB 28/10 $GOOG 28/10 $EA 29/10 $AAPL 30/10 $ROKU 5/Nov $DIS 7/Nov $NVDA 13/Nov $WMT 14/Nov" +"Sun Sep 29 00:53:48 +0000 2019","The strength in mega caps $MSFT $AAPL $GOOGL, which = 31% of $QQQ, is masking alot of weakness in many tech charts, both daily and weekly, that I analyzed this weekend. SaaS broken down, $CRM $NFLX $CSCO $AMZN $PYPL $PANW $SQ weak. Semis relatively stronger for now $SMH" +"Fri Sep 27 23:47:48 +0000 2019",".@JimCramer: When stocks are overbought, you tend to get hit with sell-offs, especially when the market gets flooded with shoddy IPO merchandise. I think we need some more downside before I’m really ready to get more positive " +"Tue Sep 10 04:39:21 +0000 2019","Still analyzing the market action and it is totally baffling Every single strong stock was RED - MSFT, V, MA, COST, TWLO Almost all stocks that were killed the last few months was GREEN - Banks, UBER, NVDA If that's not short covering and dead cat bounce, I don't know what is" +"Wed Sep 18 01:36:56 +0000 2019","Wall Street giants Microsoft and Apple could be in position to lead the market to record levels, @JimCramer says " +"Fri Sep 13 09:44:43 +0000 2019","To ATH by % order 🤣 $SPX 0.6% $HD 0.7% $WMT 0.8% $JPM 1.1% $MSFT 3.0% $MCD 4.6% $AAPL 4.7% $GOOGL 5.0% $CMG 6.5% $DIS 7.0% $BABA 9.8% $AMZN 10.4% $FB 11.3% $INTC 12.4% $AMD 17.7% $BA 18.7% $NFLX 33.9% $NVDA 53.4% $TSLA 54.8% $SQ 75.0% via @PeterTrader99" +"Sat Sep 21 22:06:26 +0000 2019","Correction(?) after ATH 😱 $ROKU -$73 -41.3% $TTD -$89 -30.7% $AAPL -$91 -39.2% $SHOP -$97 -23.8% $BYND -$103 -43.2% $BA -$127 -28.4% $BIDU, -$139 -59.8% $ULTA -$144 -39.2% $NVDA -$168 -57.4% $NFLX -$192 -45.4% $STMP -$200 -86.0% $TSLA -$203 -53.4% $AMZN -$728 -35.8%" +"Sat Sep 14 20:43:14 +0000 2019","Top S&P 500 stocks, last 10 yrs: Netflix $NFLX: +4,730% MarketAxess $MKTX: +3,390% TransDigm $TDG: +2,330% Abiomed $ABMD: +2,240% Amazon $AMZN: +2,080% Broadcom $AVGO: +1,930% Ulta Beauty $ULTA: +1,540% Extra Space: $EXR +1,540% Constellation $STZ: +1,340% Mastercard $MA: +1,290%" +"Wed Sep 04 15:03:46 +0000 2019","The markets don't want to go higher due to macro weakness and high valuations but don't want to retrace because of imminent stimulus. So expect more sideways chop. Just thinking out loud." +"Thu Sep 05 05:15:17 +0000 2019","When I look at some of these valuations it reminds me of 1999, I went to cash on tech stocks thinking they were overvalued trading at 100X earnings and then the Nasdaq doubled over the next 6 months." +"Fri Sep 27 00:04:42 +0000 2019","Interactive Broker offers commission free account TD Ameritrade -6.5%, $AMTD Charles Schwab -2.2% and $SCHW E-Trade Financial fell 4.8%. $ETFC IBKR Lite will have zero commissions on U.S. stocks and ETFs, no minimums, no inactivity fees, & free market data. @DiMartinoBooth" +"Tue Sep 17 10:56:29 +0000 2019","Top S&P 500 stocks, last 10 yrs: Netflix $NFLX: +4,730% MarketAxess $MKTX: +3,390% TransDigm $TDG: +2,330% Abiomed $ABMD: +2,240% Amazon $AMZN: +2,080% Broadcom $AVGO: +1,930% Ulta Beauty $ULTA: +1,540% Extra Space: $EXR +1,540% Constellation $STZ: +1,340% - @charliebilello" +"Wed Sep 11 00:15:29 +0000 2019","I'm not suggesting that this is a secular top for technology. AI, cloud, e commerce, machine learning, robotics, SaaS will continue to grow for several years but nothing goes up in a straight line and in the near-term, these richly valued companies are likely to correct IMO" +"Mon Oct 07 16:46:47 +0000 2019","$KT expands #VR ecosystem ""light weight and price"" #wallstreet #investing #investors #stockmarket #stocks #valueinvesting $AAPL $AMZN $BA $CMCSA $FB $GOOG $INTC $MSFT $NFLX $NVDA $S $T $TMUS $TSLA $VZ $WMT $XOM " +"Fri Oct 11 14:38:59 +0000 2019","New street upgrades $KT Corp. to buy with price target of $14.10. $AAWW $AAPL $AMZN $BA $CMCSA $FB $GOOG $INTC $MSFT $NFLX $NVDA $S $T $TMUS $TSLA $VZ $WMT $XOM #wallstreet #stockmarket #stocks #valueinvesting #money #finance #investors #investing " +"Thu Oct 24 02:06:19 +0000 2019"," Apple Stock is on a run, but will it keep rising? #investing #Apple #iPhone #earningsreport #stockmarket #FAANG #NASDAQ #DowJones Checkout this tweet about #luxuryhomes in Los Angeles shared by #arieabekasis" +"Thu Oct 24 00:35:01 +0000 2019"," Apple Stock is on a run, but will it keep rising? #investing #Apple #iPhone #earningsreport #stockmarket #FAANG #NASDAQ #DowJones " +"Fri Oct 11 19:39:10 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $PCG $BBBY $DPZ $LEVI $DAL $TSLA $NVDA $AMD $AMZN $AAPL $NFLX " +"Fri Oct 18 20:08:47 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $UNH $NFLX $IBM $JPM $BAC $TSLA $AMZN $GOOG $AAPL $FB " +"Fri Oct 25 21:01:10 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $TWTR $TSLA $MSFT $BIIB $AAPL $NFLX $GOOGL $FB " +"Mon Oct 21 16:47:39 +0000 2019","Today #Apple's share price reached a new all-time high of 240.98. The #AAPL stock is currently trading in a bullish channel ahead of the company's quarterly earnings report on the 30th of October. #StockMarket #stocktowatch" +"Fri Oct 11 19:39:02 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $PCG $BBBY $DPZ $LEVI $DAL $TSLA $NVDA $AMD $AMZN $AAPL $NFLX " +"Fri Oct 18 20:14:08 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $UNH $NFLX $IBM $JPM $BAC $TSLA $AMZN $GOOG $AAPL $FB " +"Fri Oct 25 21:00:41 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $AMZN $TWTR $TSLA $MSFT $BIIB $AAPL $NFLX $GOOGL $FB " +"Wed Oct 02 22:11:22 +0000 2019","Live Steam Tonight Wed Oct 02 at 9:30pm EST Canada, I am giving a special update on the $SPY and the big picture talking about stocks $TSLA $AAPL $GOOGL $AMD $TWTR $ROKU $DIS and more, if your serious for success I tell it how it is come and ask questions subscribe to my YouTube " +"Thu Oct 17 16:57:09 +0000 2019","In terms of dividends, I would need to invest $60,571.42 (at around its current price) in this one particular stock in order to make the equivalent of minimum wage in my state. #FunFact #Math #IDidTheMath #Invest #Investing #stockmarket #nasdaq" +"Wed Oct 02 14:48:37 +0000 2019","Good morning!!🤓 Here is a stock to jump into now!!! It's at a good price and Will go back up by close!📈🧐 Watch...this is the best time to get it all cheap!... #stocks #StockMarket #businessadvice #investing #FoxBusiness @business #NASDAQ ⬇️⬇️⬇️⬇️⬇️⬇️⬇️ " +"Wed Oct 30 18:34:42 +0000 2019","Out in #California covering #Apple earnings! Guidance 4 all-important #Christmas #shopping period most important! Also impact of US #China #TradeWar on world's biggest co & what about #streaming wars with #AppleTVPlus Fri? A bit personal showing every1 my #airpodspro $aapl #tech " +"Wed Oct 30 22:21:37 +0000 2019","technically $IWF $SPY look ready to blast off on a breakout. Hammer candle print and price holding steady around new support area. #stocks #stockmarket " +"Wed Oct 30 00:14:38 +0000 2019","$CRM We go long, this price will unlikely go down. Sell $QQQ to hedge #Investing #StockMarket #trade" +"Wed Oct 16 22:07:22 +0000 2019","$CSOD Cornerstone_OnDemand_Inc. This is a good opportunity, this price will generate some alpha. Short $SPY to hedge! #Trading #StockMarket #business" +"Fri Oct 18 15:34:53 +0000 2019","Earnings season has begun! Real numbers are strong, and they’re not showing the cracks in the market which many expected. Financials are strong, notably $JPM. The fang stock trade is weighing on the market with $NFLX down 4% today. $FB under pressure as well. @MarketRebels " +"Thu Oct 24 19:34:09 +0000 2019","I’m loaded short (SPY puts for Thursday next week, VXX calls for 11/1, MNQ MES futures) as of a few minutes ago. Wish me luck and be sure to save some jokes for me if I end up off the rails. " +"Fri Oct 11 15:12:38 +0000 2019","BREAKING: MARKET RISES ON RUMOR THAT CHINA WILL STOP IMPEACHMENT INQUIRY, STOP BREXIT EFFORTS, WORK WITH FED TO CUT RATES WITHOUT SPARKING INFLATION, DONATE TO AAPL BUYBACK CHARITY, KEEP UNEMPLOYMENT LOW, AND WORK TOWARD TRADE DEAL (to be signed in 2021) " +"Mon Oct 28 21:09:22 +0000 2019","Can it stretch higher? Of course. Bollinger band % using (20,2) settings shows .92 though, that’s very overbought on $SPX, all visits to 1.00 (or close to it) represented a tasty swing short entry point. If your argument is “too many are expecting a pullback,” not same feed I see " +"Wed Oct 02 14:19:45 +0000 2019","$AAL's price moved below its 50-day Moving Average on September 16, 2019. View odds for this and other indicators: #AmericanAirlinesGroup #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Tue Oct 01 09:01:02 +0000 2019","$MSFT's price moved above its 50-day Moving Average on September 17, 2019. View odds for this and other indicators: #Microsoft #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Oct 02 09:40:31 +0000 2019","$GOOG in Uptrend: price may jump up because it broke its lower Bollinger Band on October 1, 2019. View odds for this and other indicators: #Alphabet #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Tue Oct 01 09:03:53 +0000 2019","$GOOG in Downtrend: its price may drop because broke its higher Bollinger Band on September 5, 2019. View odds for this and other indicators: #Alphabet #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Oct 02 09:54:52 +0000 2019","$NVDA in Downtrend: its price expected to drop as it breaks its higher Bollinger Band on September 5, 2019. View odds for this and other indicators: #NVIDIA #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Tue Oct 01 09:02:28 +0000 2019","$AMZN in Uptrend: price may jump up because it broke its lower Bollinger Band on September 23, 2019. View odds for this and other indicators: #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Oct 02 09:39:05 +0000 2019","$AMZN in Uptrend: price may ascend as a result of having broken its lower Bollinger Band on September 23, 2019. View odds for this and other indicators: #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Oct 02 10:03:40 +0000 2019","$AMD in Uptrend: price expected to rise as it breaks its lower Bollinger Band on September 27, 2019. View odds for this and other indicators: #AdvancedMicroDevices #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Sun Oct 13 19:21:25 +0000 2019","With AAPL making new highs, trade progress & QE4 talk, long $SPX seems like a no brainer. This is exactly why its good to consider the possibility we get a washout first. The $VIX is forming a bull flag with an inverse H&S in it. If 14 support holds, it could setup a spike to 20+ " +"Mon Oct 21 23:47:34 +0000 2019","While $AAPL is charging to new highs, broader tech $QQQ is stalled out right at resistance of a multi-month triangle after a failed breakout last week. Decision point here - we should find out this week if we reject back to the 188 zone to fill the gap or break out directly " +"Wed Oct 16 17:43:41 +0000 2019","The big news yesterday was leader $SMH making new ATHs in what seems like an all clear for bulls, but its worth zooming out abit. We're heading into resistance of a 6 month rising wedge at 126, and the latest high is on a bearish divergence. Would like a pullback here to 120 " +"Sun Oct 20 22:43:09 +0000 2019","Mon: $CDNS Tu: $CMG $SNAP $UTX $TXN W: $LRCX $XLNX $BA $MSFT $TSLA $PYPL $NOW Th: Durable goods, Flash PMI, $AMZN $TWTR $INTC $NOK $PFPT F: Consumer Sentiment 10/28: $GOOGL 10/29: $BA hearing, $BYND lockup, $LSCC $SHOP $AMD 10/30: GDP,Fed mtg, $AAPL $FB 10/31: #Brexit $AMT $PINS" +"Thu Oct 24 20:16:08 +0000 2019","$SPY $AAPL $TSLA $AMD do you have what it takes to get inside my group PowerGroupTrade a great opportunity? $STUDY this link if you can follow the rules and understand what I am saying here you should be able to if not you will not it as simple as that." +"Mon Oct 07 03:15:56 +0000 2019","Cues this week Thursday – TCS earnings Thursday - Indusind bank earnings Friday – Infosys earnings Friday – August IIP data Saturday - D Mart earnings" +"Thu Oct 03 01:52:14 +0000 2019","Of the names that I track, these are reading oversold and above a rising 200sma: $AMD $GD $GS $JD $MU $TWTR $SMH is the strongest tech ETF currently, that I track " +"Sat Oct 19 22:30:57 +0000 2019","Looks like sharp decline in interest rates overshot defensive equities and tech. Both tracking way above historicals during growth cycle slowdowns. Now starting to see the divergence in mkt. Think $TSM and cloud $IGV reversals a good tell. Following liquidity. " +"Thu Oct 31 20:58:47 +0000 2019","$SPY Happy Halloween: ""Dulce o Truco"" / ""Trick or Treat"" $SPX #SPX #SPY #SP500 #NYSE $QQQ $NDX $NDQ $DOW $DJIA $IMV #Merval $BVC #COLCAP #IBEX #TRMX #BolsaMx $IPC #DAX " +"Sat Oct 05 11:55:24 +0000 2019","Semis continue to act well. $SOXX has a bull flag working and is <4% from its high. $TNX and $NXPI are holding their Sept breakouts and leading the group. Even lowly $NVDA is perking up with a big base and break above the 200-day. New Post w/ Charts: " +"Thu Oct 24 20:11:38 +0000 2019","$AMZN losing that $1700 support level and was already below 200d. 1600 next px support level. Chart looks broken...much better ones out there even tho its very likely to bounce back at some pt. " +"Sun Oct 27 11:53:20 +0000 2019","Notable #Earnings To Watch This Week (via @eWhispers) Mon: $GOOGL $T $BYND $SPOT $WBA $TMUS Tues: $SHOP $MA $AMD $GM $GRUB $EA $ZEN Wed: $AAPL $FB $SBUX $TWLO $GE $LYFT $ETSY $YUM $WING Thurs: $PINS $MO $ANET $FTNT $CIG $KHC Fri: $XOM $CVX $BABA $DIA $SPY $SPX $ES_F $QQQ $NQ_F " +"Mon Oct 07 05:06:37 +0000 2019","Mon: Powell Tu: Powell Wed: Powell, Fed minutes, 10yr note auction Th-Fri: US/China trade mtg 10/14: US/EU trade mtg 10/15: Tariffs on China raised to 30%, $PINS $ZM lockup exp, $GOOGL event, $JPM $GS $C 10/16: $NFLX $BAC 10/18: Tariffs on EU begin 10/23: $LRCX 10/30: $AAPL $FB" +"Fri Oct 25 16:51:39 +0000 2019","After 6 months of non-stop chatter about the inverted yield curve , recessions and bear markets, $SPY and $QQQ hit new highs today. Another confirmation that the chart on the screen right now is significantly more important than narratives and predictions. Tune out the noise. " +"Tue Oct 29 15:56:00 +0000 2019","Rotation at work today .... $QQQ and Nasdaq names taking a breather as money rotates into $IWM(small caps) and $FAS(Financials) " +"Sat Oct 19 01:44:39 +0000 2019","Since the stock market is the greatest predictor of markets and the economy, I made my own list of 10 leading stocks & 2 ETFs. This group will be a much better tell than random narratives. $AAPL $AMAT $DE $JBHT $JEC $KBH $KSU $MAS $TGT $WHR ETFs: $ITB $SMH " +"Thu Oct 03 23:32:35 +0000 2019","My son's HS class started a stock picking competition for this quarter. All the other kids bought on Tues. He waited until yesterday. So far he's +20 points on AMZN, +7 on ROKU and +1.5 on ATVI. Thinking maybe I'll have him just drop out and give him an account...LMAO" +"Tue Oct 15 21:50:25 +0000 2019","Nasdaq rallies 1.24% on heavier volume than yesterday, closing higher than Friday's high when it faded. IBD Market Outlook shifts from Uptrend Under Pressure to Confirmed Uptrend. Courtesy @MarketSmith @IBDinvestors $COMPQ $SPX $QQQ $SPY " +"Mon Oct 28 15:34:14 +0000 2019","Great Monday morning coming after a great Friday in the markets. Volume continues to pick up as we see great price action coming out of the financials and the blue chips. $aapl $intc $msft all up today. Gunna be a record year if this pace keeps up. " +"Wed Oct 23 15:00:45 +0000 2019","#earnings after the close $MSFT $TSLA $PYPL $F $XLNX $NOW $EBAY $ALGN $LRCX $LVS $ORLY $SAVE $EW $CP $FFIV $NTGR $BXMT $BMRN $EFX $RHI $RRC $VAR $ASGN $AMP $RJF $ARI $CUZ $PTC $FTI $VMI $LSTR $NGVT $AEM $CMRE $NXGN $HNI $LMAT $KALU $WPG $RCKY $GGG " +"Tue Oct 29 14:21:18 +0000 2019","#earnings after the close $AMD $ENPH $EA $AMGN $EXAS $PAYC $FEYE $ZEN $SAM $LSCC $SYK $HLF $ALL $SGEN $CAKE $MDLZ $MAT $MOH $MRCY $RNR $CB $PSMT $TENB $CXO $FMC $IPHI $CYH $ACGL $AMED $PSA $REXR $ATGE $MXIM $CHRW $OKE $ZYXI $VRSK $TCS $ALIM $NBR $EXR " +"Tue Oct 01 20:07:09 +0000 2019","Close dead on lows.... This recent downdraft in the indices seems to be only just now reflecting what's really happening under the surface last few weeks..... more pullback to come, imho " +"Tue Oct 29 16:59:45 +0000 2019","$AMD reports after the close! Get the feeling there's a lot more bulls than bears in this one going into this report! My only issue with this $AMD going into this report is that the stock has made a decent run up last 2 weeks however I'd love to see an earnings blow out today! " +"Thu Oct 31 12:30:23 +0000 2019","MSCI World Index (ex-U.S.) recently broke out to a new 1 year high. When it did so in the past, ex-U.S. stocks went up 100% of the time 3 months, 6 months, and 1 year later " +"Sun Oct 27 12:35:47 +0000 2019","NASDAQ 100's monthly MACD is about to make a bullish crossover for the first time in at least 6 months. When it did so in the past, both the S&P 500 and NASDAQ 100 soared almost 100% of the time on every time frame over the next 2-12 months " +"Mon Oct 07 15:51:02 +0000 2019","The S&P 500 fell as much as 3.6 percent last week but turned on a dime to close almost flat! Weak data on the #economy and hopes of a #FederalReserve rate cut fueled the roller coaster ride. $AAPL led a resurgence in #technology stocks. " +"Mon Oct 21 14:47:05 +0000 2019","#earnings scheduled after the market closes today $AMTD $HMST $CDNS $TACO $LOGI $VBTX $HXL $CE $ZION $ACC $WSFS $HSTM $ELS $RBB $BXS $HOPE $EFSC $SFBS $HLX $SMBK $WASH $FBK $FDEF $EQBK $ADC $CFB $RNST " +"Tue Oct 15 20:06:48 +0000 2019","#MarketWrap Major indexes close higher amid bright start to Q3 earnings season. DOW +0.89% at 27,025 NASDAQ +1.24% at 8,148 S&P 500 +1.00% at 2,995 Major US banks close session higher $JPM +3.00%, $C +1.44%, $WFC +1.67%, $GS +0.34%" +"Wed Oct 16 20:05:51 +0000 2019","#MarketWrap Major indexes close slightly lower as weak retail sales overshadow strong earnings. DOW -0.08% at 27,001 NASDAQ -0.30% at 8,124 S&P 500 -0.20% at 2,989" +"Fri Oct 25 13:42:33 +0000 2019","In a bearish market, those numbers by $amzn would have it down $200 and hurting the rest of the market. In a QE market, much gets shrugged off. The whole world is easing with many money printers including the U.S. Do not forget that. #easymoney" +"Thu Oct 17 18:58:01 +0000 2019","#Earnings season in the #StockMarket started on a strong foot as companies like $NFLX, $JPM and $BAC beat estimates. Several other sectors had surprisingly good news. Get all the details in our weekly recap. " +"Thu Oct 24 20:15:17 +0000 2019","#MarketWatch $INTC surges after-hours on earnings beat. Intel posted earnings of $1.42/share, vs. $1.24/share expected, $19.19 billion in revenue vs. $18.05 billion forecast. Increase in PC shipments drove growth." +"Mon Oct 21 13:51:12 +0000 2019","In early Jan, Apple Inc lowered its Q1 revenue guidance from the previously announced $89 bn to $93 bn to $84 bn. Apple's stock tanked 7% on that news. Since then, Apple has added more than $430 bn to its market cap. At times great stocks provide great opportunities. #Infosys" +"Wed Oct 16 22:09:45 +0000 2019","$NFLX missed their subscriber guide for 2nd qtr in a row. I had covered ~85% of my recent Sept short expecting a short covering rally post results. I increased my position ~33% in the after-mkt & plan to do more w/ competition from $DIS $AAPL $T $CMCSA streaming services coming." +"Wed Oct 30 14:01:39 +0000 2019","#earnings after the close $AAPL $FB $SBUX $TWLO $ETSY $ZNGA $LYFT $WDC $OLED $ELY $AKS $VRTX $BOOT $SPWR $TDOC $COLM $KLAC $MGM $EXEL $CTSH $ACAD $TREE $CREE $DDD $APA $MET $PVG $CRUS $AWK $BLDP $MLNX $NLY $EQIX $SU $SFM $CF $VIAV $WPX $PS $MSI $CLR " +"Thu Oct 17 01:28:51 +0000 2019","Livestream on now $SPY $AAPL $AMD $TSLA and more info $STUDY View the live stream after 1 hour once the live stream is over on my youtube channel link is here" +"Fri Oct 18 19:29:07 +0000 2019","$SPY $QQQ lots of great opportunities in the right stocks in this market the key to success is in understanding the big picture for the right stocks, we are ready for the great gains with skill are you ? $STUDY" +"Thu Oct 24 14:13:30 +0000 2019","#earnings after the close $AMZN $V $INTC $GILD $ALK $FSLR $ILMN $COF $EHTH $DECK $CERN $PFPT $AUY $OSIS $BOOM $COG $AFL $CY $SWN $CINF $UHS $SMSI $SIVB $ALGT $JNPR $FLEX $PEB $RMD $MXL $LPLA $FTV $LOGM $VLRS $VRSN $MHK $ENVA $CSTR $AGYS $ANIK $ASB $EMN " +"Fri Oct 25 19:46:41 +0000 2019","The big picture leader just massively correct again the big picture for the $SPY over 300 with power for the 5th time in a row this year great wins with stocks like $TSLA $AAPL what really counts with true skill $STUDY my YouTube Channel you have found a great opportunity" +"Tue Oct 29 15:03:35 +0000 2019","#MarketWatch DOW, S&P turn positive in late morning trade with NASDAQ weighed down by $GOOG. S&P 500 trading above record close set on Monday as investors await Fed rate decision Wednesday." +"Tue Oct 29 13:41:15 +0000 2019","The popular indexes near new highs, but underlying participation is lacking. The NASDAQ is again extended from its 200-day line but the % of NASDAQ stocks above their own 200-day can't even eclipse 50%. Market is NOT yet moving in earnest. NOT yet an ""easy dollar"" proposition. " +"Mon Oct 21 14:20:40 +0000 2019","This could be the week where semiconductor stock delusion (massive YTD stock gains) intersects with reality (earnings reports in steepest industry downturn in 10 yrs). Worsening global economic slowdown, trade, industrial production, auto sales, GM strike all point to trouble." +"Mon Oct 21 14:30:05 +0000 2019","The #StockMarket is still trapped in a range as traders wait for more #earnings and clarity on political events. #Technology struggled but money’s flowing into other sectors. Find out more: " +"Tue Oct 01 20:06:37 +0000 2019","#MarketWrap Major indexes close lower on first day of fourth quarter after weak manufacturing data sparked growth concerns. DOW -1.28% at 26,573.04 NASDAQ -1.13% at 7,908.68 S&P 500 -1.23% at 2,940.25" +"Fri Oct 18 18:49:04 +0000 2019","when you're up since 4am prepping for days like today, and the market fails to disappoint you. The power of goddamn options. $TSLA $NFLX $SPY $FB $SHOP $TTD $ROKU $NVDA $BYND $BA" +"Sun Oct 27 22:55:36 +0000 2019","Nearly 150 S&P 500 companies report earnings this week including Google, Apple, and Facebook. With all of the negativity in private markets caused by WeWork, it’s hard to remember a more important earnings week. A strong FAANG earnings week will give tech much needed momentum." +"Fri Oct 18 14:22:17 +0000 2019","For those following our 'Granny Shots' stock portfolio, October has been its best month yet, outperforming S&P 500 by 220bp and 530bp YTD. Current #Grannyshots $GOOG $AAPL $AMP $BF/B $FB $TSLA $XLNX $AMGN $AMZN $AXP $BKNG $CMI $CSCO $EBAY $GRMN $NKE $MNST $NVDA $PM $PYPL $ROK " +"Mon Oct 28 13:38:00 +0000 2019","Well great market open to new ATH. Tesla rally continues jumping more as their solar business could be huge! Microsoft huge jump to new highs with the JEDI contract. $tsla $msft" +"Tue Oct 08 16:27:47 +0000 2019","The year is 2069 The Dow is at 1,000,000 but every stock trades at pennies except for Apple, Amazon and Microsoft that make 99% of the index value" +"Mon Oct 28 13:50:06 +0000 2019","#Tesla and #Apple are just two #stocks the pros are realizing are worth much more than they thought … just four weeks ago. And there's still #upside for several of them. $AAPL $TSLA Nice call: @GerberKawasaki " +"Sun Oct 20 23:10:08 +0000 2019","Get ready for the week ahead in stock market action and earnings from Amazon, Boeing, McDonald’s and more with @JimCramer’s game plan - “Next week is tough to game. Too many companies, too many variables” " +"Wed Oct 30 13:03:06 +0000 2019","Gm all I see nice stocks have going up on hour chart as their macd have been golden cross are: $NVDA $NFLX $AAPL $SPY $SQ $ADI" +"Tue Oct 08 21:10:53 +0000 2019","POSSIBLE (some unlikely)positives coming up: Yom Kippur tomorrow China deal Surprise Fed stimulus Impeachment talk dropped Improving Econ data Earnings Negatives: Pretty much the flip opposite of the above listed items, plus overall valuations, which are stretched Any others?" +"Fri Oct 18 23:02:02 +0000 2019","#Fangasm Facebook $FB Apple $AAPL Nvidia $NVDA Google $GOOGL Amazon $AAPL Shopify $SHOP Microsoft #MSFT @realmoney @jimcramer @dougkass" +"Mon Oct 21 08:59:10 +0000 2019","Jim Cramer is looking for a new acronym - he wants to change #FANG because of $NFLX issues and other companies possible inclusion. I have offered out #FANGASM ($FB, $AAPL, $NVDA, $GOOGL, $AMZN, $SHOP and $MSFT). What do you think? @jimcramer @SquawkCNBC @cnbcfastmoney @SullyCNBC" +"Thu Oct 10 01:00:47 +0000 2019","Algos, US pajama traders and Asian trading desks are primarily the only ones trading this crap...liquidity is very low with elevated fear factor (as it should be) so we are seeing some big whippy moves here. Have fun trading this crap...whoever u are. $ES_F $SPX" +"Thu Oct 03 13:38:12 +0000 2019","October began with a bang! The Dow fell 839 points in the first 2 trading sessions. Major indexes are registering oversold readings and put volume is rising. While this will lead to a technical bounce, volatility is likely to be elevated in coming days and risk is high." +"Tue Oct 22 18:26:34 +0000 2019","APPL 10 AMZN 72 BABA 9 BBD 1 BIDU 11 C 3 CSCO 5 DISN 4 FB 8 GLNT 2 GOLD 1 GOOGL 29 IBM 5 KO 5 MELI 2 MMM 5 MSFT 5 PBR 1 T 3 TSLA 15 VALE 2" +"Wed Oct 23 10:42:33 +0000 2019","Temper your biased feelings, the markets can care less or else it will humble you. $QQQ $DIA on #HPsignal sell triggers. $IWM $SPY near the battle line but no sell trigger yet, can easily happen today." +"Thu Oct 10 00:09:39 +0000 2019","This ping pong on news and tweets is so hard to swing trade with conviction...happy being mostly passive in index and not wasting energy & screen time trying to figure out the next zig zag in the chop. At some point we'll break it ...until then buy mid 2800s/sell mid 2900s. $SPX" +"Sat Oct 19 00:02:19 +0000 2019","I'm not anti-tech or anti-growth here, (28% of my money in tech, mostly $QQQ), but I am anti-big losses and anti-big drawdowns always. There are too many downtrends in the tech names and too many clean uptrends outside of tech to not have the positions spread out correctly." +"Tue Oct 15 20:06:49 +0000 2019","Problem now with mkt up here is u can't do anything hard to sell, and getting real hard to buy many of the buyers are FOMO chasers. Institutions that are underinvested now fear yet another year of underperformance. Also recipe for Growth to outperform in 4Q as they chase beta" +"Tue Oct 22 23:21:35 +0000 2019","Tech's going home ugly BUT Katy Huberty, the Apple Ax from Morgan Stanley just raised her PT from $247 to $289 and that could cause the group to rally after an initial $TXN-related sell-off" +"Sat Oct 19 13:53:14 +0000 2019","@eWhispers @amazon @Microsoft @Tesla @Snap @McDonalds @Boeing @hexo @Twitter @LockheedMartin @CliffsNR Implied moves for #earnings next week: $MCD 3.1% $LOGI 8.3% $UPS 5.1% $BIIB 5.5% $UTX 3.2% $SNAP 15.6% $CMG 7.0% $IRBT 14.6% $BA 5.6% $MSFT 4.1% $PYPL 5.6% $TSLA 8.4% $V 3.0% $AMZN 4.2% $GILD 3.9% $ILMN 6.3% $ALGN 9.9% $XLNX 7.8% $ANTM 4.5% $NOW 8.9% $TWTR 9.7% $CAT 4.7%" +"Wed Oct 09 13:19:07 +0000 2019","trade possibilities mini deal no oct or dec tariffs spx up 200.. no deal nothing changes oct tariffs and dec tariffs spx down 100 no deal trump get pissed raises dec tariffs aapl down 20 spx down to 2700 NO one on twitter or cnbc gives you these possibilities..." +"Sun Oct 06 01:59:26 +0000 2019","Something I learned from JC @allstarcharts is the value of going through the DOW 30. Uptrend: $AAPL $HD $KO $MCD $MRK $MSFT $NKE $PG $V $VZ $WMT Downtrend: $AXP $CAT $CSCO $CVX $DOW $JNJ $MMM $PFE $UNH $WBA $XOM Trendless: $BA $DIS $GS $IBM $INTC $JPM $TRV $UTX" +"Wed Oct 30 14:12:13 +0000 2019","Market Update: Stocks flat to down Waiting on new QE Fix $SPY at 2nd bolligner band (extreme overbought ST) $VXX at lower BB - oversold ST $AAPL earnings To be contd ... 😉 Fire update: Winds haven’t been that bad near me. Fires haven’t grown yet @DiMartinoBooth" +"Fri Oct 25 20:36:13 +0000 2019","$AMZN weight is 6% in Nasdaq and 3% in S&P....trade deal headlines probably had less than 10% effect/affect on the markets today...was mostly Amazon dip buyers .." +"Mon Nov 11 03:15:15 +0000 2019","Mirae Asset Daewoo maintained its #investment opinion ""buy"" of $KT Corp. and target price #KRW 36,500 $AAPL $AMZN $BA $CMCSA $FB $GOOG $INTC $MSFT $NFLX $NVDA $S $T $TMUS $TSLA $VZ $WMT $XOM #wallstreet #stockmarket #stocks #valueinvesting #investors " +"Mon Nov 25 20:50:26 +0000 2019","“Buzz on the Street” Show: Nov. 25, 2019 Earnings Focus for the Week (NYSE: $PANW $BBY) (NASDAQ: $NTNX) $NTNX $PANW $BBY #BestBuy #Nutanix #PaloAlto #CyberSecurity #Retail #Technology #Earnings #FinancialResults #Software #CloudComputing #IT #Networking #Storage #Computing " +"Fri Nov 15 21:48:16 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $DIS $NVDA $CSCO $GOOS $BA $AMZN $AAPL $FB $GOOG " +"Fri Nov 01 20:48:28 +0000 2019","Watch Us Report LIVE from the Floor of the NYSE! This weeks weekly wrap-up includes $TWLO $ETSY $AAPL $FB $SPOT $AMGN $BABA $ANET $BGNE $PINS $FIT $GOOG " +"Fri Nov 08 00:46:35 +0000 2019","I monitor these 8 Markets at all times... I'm looking for momentum... notice the difference on the Index Markets RTY, YM vs. ES, NQ #OrderFlow #Wyckoff $Emini $DOW $NASDAQ #GC $GC $Trade $NQ #nq_f $SPY $DIA $DJIA #daytrades #nasdaq $es $es_f $YM_f #VWAP #ES #ES_F $CL $NG " +"Mon Nov 18 14:15:44 +0000 2019","HP rejected a $33 billion takeover offer from Xerox, sending shares down in premarket trading. Here’s what we’re watching in the markets today, with @Annaisaac #WSJWhatsNow " +"Wed Nov 06 04:00:09 +0000 2019","#InvestorNews #IPO - #Stocks to Watch: $DFLY This Is a Stunning Breakthrough… North American #Drone Company, @DraganflyInc, Could Land Millions in New Contracts That Could Send Its #Stock Price Soaring! #microcapstocks #stockmarket #investing #CSE #UAV " +"Fri Nov 08 14:00:48 +0000 2019","Our new forecast - #Amazon #amzn #stockstowatch #StocksToTrade #StockMarket " +"Wed Nov 20 20:17:13 +0000 2019","Live stream Tonight nov 20 9:30PM EST Canada, $SPY $QQQ $AAPL $TSLA $AMD $BA $GOOGL, do you have what it takes to succeed long term in the markets?. Tonight I give you a market update and explain the facts why we succeed longterm and I will be answering some key questions. " +"Thu Nov 14 02:06:22 +0000 2019","We saw a major uptick in volume today across the indices. – Stock volume is a critical component of trading. We teach you its importance and how it affects price in our free courses. $SPY $ROKU #trading #stocks #stockmarket " +"Tue Nov 26 14:13:29 +0000 2019","GOOD MORNING-Late yesterday I posted that while we may not see liquidation, short-term inventory was dangerously long above the old high at the 3128 level. That caution remains. See graphic below. Join us for or Primer starting on 12-4. #ES_F #Futures $spy " +"Wed Nov 13 18:05:07 +0000 2019","Wow it's not every day that luminary @varneyco calls you an ""encyclopedia"" of knowledge! Discussing possible #Apple #TimCook #Trump tour across #Texas also #FederalReserve Powell's upbeat outlook on US #economy & #Facebook cross-platform payments & #Nike sales $nke $aapl $fb $spy " +"Thu Nov 21 05:02:19 +0000 2019","$WORK Slack_Technologies_Inc_Class_A. We go long, this price will unlikely go down. Sell $QQQ to hedge #Stocks #StockMarket #trade" +"Thu Nov 07 04:22:04 +0000 2019","$SIBN SI-BONE_Inc. We are bullish, this price will probably move up. Hedge by selling $SPY #Investing #StockMarket #business" +"Wed Nov 13 06:52:49 +0000 2019","$CRM We go long, this price will rise. Hedge by selling $SPY #Investing #StockMarket #trade" +"Sat Nov 16 12:00:41 +0000 2019","$STAA Staar_Surgical_Co. We go long, this price will unlikely go down. Short some $SPY to hedge #StocksToWatch #StockMarket #trade" +"Thu Nov 21 03:40:16 +0000 2019","$REPL Replimune_Group_Inc. This is a good opportunity, this price is set for a rise. Short $SPY to hedge! #Investing #StockMarket #trade" +"Tue Nov 12 16:01:07 +0000 2019","#ICYMI #IPO: This Is a Stunning Breakthrough… North American #Drone Company, @DraganflyInc. $DFLY, Could Land Millions in New Contracts That Could Send Its #Stock Price Soaring: #UAV #Drones #microcapstocks #microcaps #stockmarket #stocks #canada " +"Thu Nov 14 22:16:38 +0000 2019","Apple just hit a new all-time high for the sixth day in a row, on pace for its best year in a decade. But not everyone's sweet on the stock. Here's why Carter Worth of @csm_research would sell $AAPL here. " +"Tue Nov 19 13:18:32 +0000 2019","$SPY has now gone 27 days without even probing its 10ma intraday. Longest previous streak was 22 days - ended on 11/20/14 (almost exactly 5 yrs ago.) Remarkable run-up. Pullback overdue & might never ever happen :) $SPX " +"Wed Nov 27 05:35:06 +0000 2019","$SPY (weekly)Still have few days left on the short week but tough to go long right at channel resistance. Better to wait for a pb or look for a short trade to set up. " +"Thu Nov 28 18:59:50 +0000 2019","Happy Thxgiving FinTwit friends! Know that you’re appreciated. I never get frustrated with disagreement re:markets, in fact I see it as essential to balance my views/keep possibilities in check, necessary intellectual honesty. Here I present to you all VIX <12 days since Jan ‘18. " +"Wed Nov 06 22:37:05 +0000 2019","Twitter's stock dipping in extended trading after the Justice Department charged two former employees with spying for Saudi Arabia. @LesliePicker brings us the latest, and the traders react. $TWTR " +"Tue Nov 26 01:20:43 +0000 2019","$SPY overbought territory with negative divergence forming. Tomorrows candle will give us a better clue. July ATH similar bullish picture with things turning ugly following inside day reversal. " +"Mon Nov 18 20:35:17 +0000 2019","Spread between 10-day SMA of high and low in Ticks is narrowing....(best time to buy is when the spread is very wide as was the case the end of August). " +"Sat Nov 30 21:42:04 +0000 2019","Nasdaq: Max upside 10% left in this move. 5th waves could only be partial WHICH makes them more bearish . Partial rise IF it fails to test the upper trendline. (sells off from current levels) Nevertheless THE probability of a monster sell off in 2020 is very high. " +"Fri Nov 01 08:59:58 +0000 2019","$NFLX's price moved above its 50-day Moving Average on October 30, 2019. View odds for this and other indicators: #Netflix #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Fri Nov 01 08:47:46 +0000 2019","$GOOG's price moved above its 50-day Moving Average on October 9, 2019. View odds for this and other indicators: #Alphabet #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Tue Nov 26 21:08:43 +0000 2019","P/L: Knew it was going to be a slower day today based on premarket gap scans with a bunch of $1 stocks and high IO% stocks only in play so lowered expectations accordingly. $NSPR got some panic pop shorts on it. $CCXI tried my luck in the afternoon got chopped up in algo fest " +"Fri Nov 01 09:05:00 +0000 2019","$TSLA in Downtrend: its price may drop because broke its higher Bollinger Band on October 24, 2019. View odds for this and other indicators: #Tesla #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Nov 27 20:36:13 +0000 2019","The SPX hit 23x P/E this week as the difference between GAAP & non-GAAP earnings is the widest it’s ever been outside recessions. Back test of buying above 20x implies negative returns over 12months. $SPY $QQQ " +"Mon Nov 18 19:15:27 +0000 2019","20-year weekly chart of the S&P500. Short term I think we pull back here, but long term I think we break out above this trend line. $SPY $ES $DJI " +"Fri Nov 08 20:41:37 +0000 2019","🤣👏🏻 love it! Bollingers are below zero on VIX (20,1.5) and at .10(20,2), the only times we’ve dropped below 12 this year have been brief (intraday) spikes down before big spikes up.This isn’t 2017. market is more like a zombie from 2017 putting on her wedding dress for nostalgia" +"Fri Nov 15 16:18:14 +0000 2019","Many stocks in my watchlists starting to get into ""nosebleed"" territory..... $AMD is definitely starting to get after a strong recent run up and this week's bull flag breakout! " +"Mon Nov 11 01:03:57 +0000 2019","Mon: $BABA Singles Day Tu: Trump trade &economic policy speech, $DIS Plus, $DDOG $SWKS $HUYA W: Powell/Congress, $AVTR lockup exp, $CSCO $LK $NTAP Th: Powell, $NVDA $WMT $AMAT F: Mo Opex 11/19: $QCOM analyst mtg, #Huawei supplier waiver exp, FCC vote re Huawei/ZTE security risk" +"Mon Nov 18 00:32:48 +0000 2019","Tu: $QCOM analyst mtg, #Huawei supplier waiver exp? W: $VIX exp, Fed min, Trump $AAPL mfg tour, $PDD Th: Lei, $TSLA CyberTruck Fri: Flash PMI, FCC vote on #Huawei/ZTE security risk 11/26: $BABA HK ipo, $KEYS 12/3: $MRVL 12/3-4: NATO summit 12/4: $MSFT shldr mtg 12/5: $CRWD $ZM" +"Sat Nov 30 16:24:12 +0000 2019","$INSG Inseego ...""Engages in the design and development of mobile, Internet of Things (IoT), and cloud solutions for large enterprise verticals, service providers, and small and medium-sized businesses"". Daily and Monthly views below. " +"Mon Nov 18 16:37:26 +0000 2019","The combined market cap of $AAPL and $MSFT now exceeds the entire Russell 2000 via @biancoresearch " +"Tue Nov 19 02:39:11 +0000 2019","We may see a sector rotation into small caps/ $IWM as $SPY & $QQQ seem to be flirting with overbought territory. Keep an eye on $IWM & $TNA this week. 60 min chart of $IWM & $TNA shared showing this beautiful symmetrical triangle $IWM Daily chart shows this clear trend channel! " +"Fri Nov 01 08:47:03 +0000 2019","$AMZN's price moved above its 50-day Moving Average on October 30, 2019. View odds for this and other indicators: #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Mon Nov 18 19:47:30 +0000 2019","$AAPL is up 88% YTD & 38% since August, at the same time sales & Op. Income are flat & down -9% YTD. EBIT margin down -200bps for FY19. Now 22x P/E & 4.5x sales, both cycle highs." +"Mon Nov 04 23:23:24 +0000 2019","$AAPL this is our 4th winner right after earnings for $AAPL this Video explains the facts a great $STUDY if your serious for success also this Video shows you the links that show the great wins right into earnings for $AAPL all document to understand." +"Tue Nov 12 17:05:31 +0000 2019","I can't believe we spent so many years talking about FANG stocks. Especially when you consider they did *not* include Apple or Microsoft. As of this tweet, Apple and Microsoft are the world's only stocks with trillion dollar market caps. One is up 45% YTD. The other is up 65%. " +"Tue Nov 26 15:16:53 +0000 2019","NYSE's A-D Line made a new ATH Monday, very bullish. But we still have an apparent divergence in EEM to worry about. Today's small EEM drop is not helping. But it is not very far from here to get to a higher high. " +"Fri Nov 15 20:27:10 +0000 2019","Good noon! Another profitable week as market gets better & better. Have some exciting news to share this weekend. Stay tuned!! Current Swings with Entry & Remaining Size: $COST 297.80 , $MSFT 145.10, $V 177.80, $ZM 63.95 & $GOOGL 1298 Full $DIS 139.50 1/2 $PODD 169 1/2 HAGW! " +"Sun Nov 03 16:45:51 +0000 2019","NASDAQ New Highs-New Lows was sitting at -182 (significantly below zero) on October 8, 2018. Friday, the same indicator closed at +142 (significantly above zero). Today looks significantly different relative to October 2018. $SPY $SPX $QQQ " +"Tue Nov 05 20:35:30 +0000 2019","Spinning Tops in $QQQ $SPY ?? A small pullback phase wouldn't be a bad thing at this point ..... " +"Sun Nov 03 16:15:27 +0000 2019","On October 9th of last year, the percentage of NASDAQ stocks > 50-Day EMA had dropped all the way down to 26%. The reading last Friday was significantly more constructive and over 60%. Today, looks quite a bit different relative to October 2018. $SPX $QQQ $SPY " +"Mon Nov 18 11:28:32 +0000 2019","When other folks at CNBC are like “earnings season is over” ... and I’m like “it’s just beginning?!” What’s on deck this week: Kohl’s $KSS Home Depot $HD Lowe’s $LOW Target $TGT Gap $GPS Nordstrom $JWN Macy’s $M LB $LB Foot Locker $FL Urban Outfitters $URBN TJX $TJX Ross $ROST " +"Sun Nov 17 18:57:05 +0000 2019","Semiconductors relative to the S&P 500 trying to clear an area that acted as resistance in 2001, 2003, 2017, and 2018. $SMH vs. $SPY #Technology $SOXL $USD $PSI $SPXX $VGT $RYT $QQQ $XLK " +"Wed Nov 06 20:41:02 +0000 2019","Breadth appears to flashing bullish signals across the board, even from mid- and small-caps. Cumulative A/D lines attached. That's a big change. $SPX $SPY $MID $SML $IWM " +"Tue Nov 19 22:57:40 +0000 2019","@BrentCarlileFX @DiMartinoBooth @RealMikeLarson @pboockvar .... & we ended up with Hyper Asset Inflation... with $SPY Price to Tangible Book Value Multiple of 11.2x (Buffett’s favorite valuation metric for industrials - despite what the Street says - its only for financials)... Trading at a 3 Sigma Right Tail Bubble. $SPY @RaoulGMI " +"Thu Nov 07 17:14:54 +0000 2019","We're still stalling at my 3095 resistance area in $SPX after a solid rally and watching for at least some rejection in this zone. We've put in a solid bearish 4hr RSI divergence on this latest high and small caps are lagging and have failed to track $SPX to a new weekly high yet" +"Mon Nov 25 11:56:31 +0000 2019","Happy market day today. Indiabulls being the new one to join the surge. Also happy with the upmove in asset mgt business other than hdfc (aditya birla). Slowly mkt rally is broadening" +"Mon Nov 18 23:32:49 +0000 2019","On the Nasdaq, the last 4 days have triggered a Hindenburg Omen. Here is every instance over the past 20 years when at least 4 of 5 days triggered a signal. All 28 days showed a negative return either 3, 6, or 12 months later. " +"Sat Nov 02 12:50:41 +0000 2019","$AAPL up 20% in 20 days like a momentum not value stock. ISM under 50, again but Industrials breakout. $CAT up 24% on big earnings miss. And I feel bad for fiduciaries who have no faith in the fundamentals of this market but can’t make fees on holding cash. And can’t short ..." +"Sat Nov 16 14:00:06 +0000 2019","DOW hits 28,000 ATH while FED continues to lower rates. Companies borrowing free money to buy their own stocks further inflating the already crazy stock evaluations. National debt and consumer debt all time high. Negative yield inverted. Yep. Everything is all good. #DowJones" +"Fri Nov 15 16:50:30 +0000 2019","$AAPL with yet another ANALyst price target hike, it's a daily ritual but this stock is becoming way too overbought on a short term basis! The stock price is now trading over +$30 above its 50 day MA and over +$60 from its 200 day MA. #NoPullbacksAllowed " +"Sat Nov 09 13:17:32 +0000 2019","Global stock mkts gained another $1tn in mkt cap this week, driven by earnings, improvements on US-China & US-EU trade front & small improvement in econ data. Wall St reached ATHs. Global mkt cap of $82tn equates to 94% of global GDP, just shy of Buffett's 100% bubble indicator. " +"Sat Nov 09 21:34:28 +0000 2019","⁦@FactSet⁩ reports that with 89% of S&P 500 firms having reported Q3, the -2.4% eps being tracked & 3.2% revenue growth both lowest since Q3, 16. Broaden out universe to Russell 3000 & adjust for inflation. You see 15/16 industrial recession low taken out ⁦@SoberLook⁩ " +"Fri Nov 22 20:12:35 +0000 2019","Stocks may experience a pullback here But barring a significant decline next week, the NASDAQ Composite's monthly MACD histogram is about to turn positive for the first time in 12 months When this happened in the past, $SPX & NASDAQ soared over the next 6-12 months every time " +"Tue Nov 26 10:19:03 +0000 2019","The top end tends to track with the index but the bottom end/midcap stocks trade in their own Universe, mainly news driven and because of lower liquidity the volume signatures tend to carry more weight when the ""smart money"" (insiders) start buying." +"Sat Nov 02 00:38:24 +0000 2019","When the biggest company in the world is well on its way to doubling in value this year, how do you think things are going around here? $AAPL $SPX $DJIA In my opinion, the only crisis the market is pricing in right now is in the portfolios of people fighting this trend " +"Wed Nov 06 21:07:05 +0000 2019","#MarketWrap Major indexes close mixed, NASDAQ snaps 3-day record setting streak. DOW falls less than a point at 27,492 NASDAQ -0.29% at 8,410 S&P 500 +0.05% at 3,076" +"Sat Nov 16 16:46:00 +0000 2019","$SPY #SPY I'm not heavy on either side but I do know when the bears are out like this calling for a crash, we can only grind higher. Where else are you going to get a return other than the stock market right now? This seems to just be getting started based on past breakouts. " +"Thu Nov 14 14:44:41 +0000 2019","#earnings after the close $NVDA $ACB $AMAT $VFF $FTCH $WPM $AZRE $GLOB $TTNP $AUPH $AXNX $AXU $SORL $TRWH $KLIC $CRMD $WYY $YRD $EYES $NGVC $FSM $DGII $VJET $HDSN $QRHC $REDU $OSMT $CSSE $CANG $EAST $FSI $IZEA $KMPH $INUV $TCDA $DARE $LMB $ZSAN $OCX " +"Thu Nov 14 23:52:04 +0000 2019","1/2 Takeaways from 3Q 13Fs: $SWTX was a popular IPO. Under the radar, but still trading near IPO price. Another ""IPO"" was $BLU Funds added to $AMRN before today's adcom. Other popular adds were $ARQL, $SRPT, and $MRTX A lot of big funds lost on $SLDB, even they can be wrong!" +"Fri Nov 22 13:52:31 +0000 2019","Here is a Friday clip from my abbreviated note this morning. Quick thoughts around some of the names on my Go To List $aapl $msft $roku $nflx $amzn $googl $tsla $cgc as Friday’s not is smaller " +"Mon Nov 18 06:44:50 +0000 2019","Let's look at rand returns of JSE versus DJ Industrial index as well as Nasdaq over 10 years. JSE: + 294%. DJ30: +689% Nasdaq: +868%. No further comment, m'lord." +"Mon Nov 18 20:49:47 +0000 2019","We keep making the gains with $AAPL because of skill $STUDY if you have missed these massive gains only to watch and say wow or complain and say things like it to high , then long term success can not be yours skill is the only way and that what my group is all about skill" +"Wed Nov 13 22:45:46 +0000 2019","For the first time in months, the Nasdaq today triggered both Hindenburg Omen and Titantic Syndrome warning signs. If you made fun of the silly names in July, then you're in Twitter jail and ya need to check yo' self. " +"Fri Nov 15 20:52:59 +0000 2019","$STUDY if your not happy that the $SPY is in new highs again and that $AAPL is also doing the same it time to reflect on how you think and understand that you are thinking like your average stock clown with no skills.The market is for the smart with skill who can adapt and think" +"Mon Nov 04 16:38:40 +0000 2019","New $SPY Highs today are all the wrong old world thinkers stock clowns with no skill,still crying on how massively wrong they have been the big picture for the markets since 2016 to 2019 while I have been massively correct with powerful option plans to back it all up with instead" +"Wed Nov 27 23:32:21 +0000 2019","11/27/19 - View today's #MarketOutlook from @Market_Scholars here: Discussed: $SPY $IWM $DIA $QQQ $EEM $EFA $SPX $USO $XLU $XLRE $VNQ $TLT $TNX $GLD $UGA #FANG $FB $AMZN $NFLX $GOOGL $XLY $V" +"Wed Nov 06 20:19:55 +0000 2019","Uptrend still intact - had chance to buy shares that had mde new ROC highs the past 2-3 days, and once again, dip below 5 SMA on tape bomb provided buying opportunity in NQ SP and Rus. Dow did not get close." +"Mon Nov 04 13:30:45 +0000 2019","At 3,100, $SPY will be trading at 18.5x (based on 2019 earnings of $167 a share), a 20% premium to its long-term average—and yet still below the 2018 trailing peak of 22x. Even as we make new highs, the key observation is that valuations have already peaked for the cycle." +"Thu Nov 21 19:01:26 +0000 2019","We’re ahead of ourselves in terms of valuations, says @Sarge986. Is a sell-off on the horizon? 🤔 “I never thought I’d be out of $AAPL, $DIS, $ROKU, all at the same time.” Sarge broke down why he’s positioned for a pull-back, and where in retail he finds value on #TheWatchList." +"Thu Nov 14 02:26:23 +0000 2019","LIVE STREAM ON NOW $aapl $tsla $spy $dis $ba $cat and more key info ask questions after the live stream is over 1 hour later go to this link my youtube channel where you can view the recorded live stream Subscribe and $STUDY" +"Fri Nov 15 22:45:08 +0000 2019","Gains in banks and manufacturers helped propel the Dow to 28000 for the first time. But Apple powered the index’s latest 1,000-point rally. " +"Fri Nov 01 13:54:16 +0000 2019","$AAPL poor poor no skills bearish $SPY stock clowns and bearish $AAPL stock clowns, while I lead the people over and over again in the correct direction with great wining option plans the stock clowns just cry and complain with no skill, smashed to nothing, wake and $STUDY" +"Sat Nov 30 03:14:39 +0000 2019","Blessed Saturday. A very good morning to all of you. Stay blessed n remain happy always. Sgx do not get carried away. Europe n USA fell. Sgx had no option let's C what is in store for us. Fridays trades bajaj twins Dr reddy etc were not bad. Will market fvr us everyday??" +"Fri Nov 08 01:01:04 +0000 2019","Small cap index trading near its 200 Sma and anytime can cross it. Many companies post results are showing no significant correction because market discount future earning and future is going to be bright after many reforms done by government Stay invested for Bull market" +"Fri Nov 01 20:10:30 +0000 2019","#MarketWrap Major indexes close solidly higher on first trading day of the month after strong jobs data, trade optimism. NASDAQ and S&P close at new record highs -- DOW closing in on record. DOW +1.11% at 27,347 NASDAQ +1.13% at 8,386 S&P 500 +0.94% at 3,066" +"Fri Nov 29 18:38:13 +0000 2019","First part of December swings are done. Mostly $DIS $NFLX $NVDA calls and $TSLA puts. waiting for a good entry for $SHOP $TTD and $SPY swings. $ROKU $BABA $FB $AAPL $AMD $TWLO still on watch for next week. $BYND kicked off the permawatch. Toast to a great December 🍻🍻🍻" +"Thu Nov 21 19:32:55 +0000 2019",".@AJInsight is selling names that people love ➡️ $BAC $INTC $CRM “We’ve had such a run, and I continue to like the market, but a bunch of my names are approaching their target.” As the TINA trade and FOMO push the market, Johnson shares some new names to love with @NPetallides." +"Wed Nov 06 12:41:49 +0000 2019","SPX made a new high, then Dow, Sensex too, Nasdaq too gunning for it. Nifty too is not too far. When all parent indices are making new highs then do you really think the child indices would stay low for long?? #Smallcaps #Midcaps" +"Tue Nov 05 21:07:10 +0000 2019","The Dow and Nasdaq hit new all-time highs for a second straight day while the S&P 500 was slightly lower. The Dow rose 0.1%, or 30.5 points. The S&P 500 edged down 0.1%. The Nasdaq Composite inched higher by 0.02%. " +"Sun Nov 24 23:06:05 +0000 2019","Lots of data on tap in holiday-shortened trading week for #markets: GDP data for Canada/Sweden/US Inflation for the Eurozone/US & China PMI. These insights will be supplemented by other US data, including housing and confidence. Also Fed Powell's speech and German party election." +"Sun Nov 03 12:01:04 +0000 2019","Microsoft, Apple, Amazon, Google owner Alphabet and Facebook are the largest companies in America and have a collective market value of $4.5 trillion. This means that popular passive index ETFs are heavily concentrated in just a few names. " +"Wed Nov 06 03:18:19 +0000 2019",".@JimCramer: It destroys what makes the American stock market so great when machine trading runs up stocks like Caterpillar and FedEx up for no true reason - deep liquidity that leads to real price discovery " +"Wed Nov 27 22:39:34 +0000 2019","1. S&P 500: All-Time High 2. Dow: All-Time High 3. Nasdaq: All-Time High 4. Wilshire 5000: All-Time High 5. Home Prices: All-Time High 6. Expansion: longest in history (125 months) 7. Jobs: longest streak in history (109 months) 8. Fed: expected to cut rates for 4th time in 2020" +"Mon Nov 18 05:34:33 +0000 2019","$PG and $AMZN. I'll give the bears those two. They look a little weak. But with $MSFT and $AAPL chugging along - which together are over 8.5% of the S&P 500 - combined with $BRK.B $JPM and $GOOGL(another 6%+), I just don't see the weight of evidence in favor of the bears yet." +"Fri Nov 01 12:20:29 +0000 2019","$AAPL is the top holding in both the iShares S&P 500 Value ETF (IVE) and the iShares R1000 Growth ETF (IWF). Symbolic of the split among indexes as a whole as it shows up in exactly 13 value ETFs and 13 growth ETFs.. " +"Sat Nov 02 02:25:43 +0000 2019","The real alpha I see is in the oversold, out of favor cyclical, commodity, industrial stocks. Steel, chemical, oils, emerging mkts, Europe. But this requires a continuation of rally into y/e...not easy bet & not likely to be stress free. If index is +2-3%, they can be 5x that." +"Sun Nov 24 20:01:42 +0000 2019","Setups and Watch List, 11/24: $STNE $SE $PAYC $NOW $SPLK $DOCU $RH $ROKU $AAXN $NVCR Following charts courtesy of @MarketSmith $SPY $QQQ $IWM" +"Thu Nov 07 19:54:45 +0000 2019","FUNDSTRAT: “Raising S&P 500 YE Target to 3,185 .. due --> Santa Claus rally + ISM inflection + positioning... don't sell this rally .. “.. Stocks are cheap. And arguably EPS could be $188-$190 if industrial cycle accelerates as we expect.” @fundstrat" +"Thu Nov 21 14:41:40 +0000 2019","Can the secular bull market continue? Yes. But I assume nothing. As a STOCK trader, I take my cues from the stocks themselves. Right now, there are enough setups to buy, but not enough traction to buy aggressively. Much of the follow through has required holding into earnings." +"Fri Nov 15 14:50:15 +0000 2019","Maybe let $AAPL and $MSFT show some weakness before you get super bearish on the broad market? Just an idea." +"Thu Nov 07 13:39:54 +0000 2019","The market rally had not yet broadened out and remains very selective. There is indeed a lack of participation among small and mid-cap names. Indexing is still in vogue; S&P 500 investors should remain fully invested. Individual stock investors need to pick spots carefully." +"Mon Nov 18 12:32:10 +0000 2019","PE Ratios of richest (by S&P weight) tech stocks: $MSFT - 28.24 $GOOG - 29.94 $AMZN - 76.97 $FB - 31.18 $AAPL - 22.42 18% of $SPX. Apparently, we're going to party like its 1999." +"Fri Nov 01 19:49:13 +0000 2019","OK here your gift semi eqpt amat 60 are 34c fro 11-22 expire earnings on 11-14 asml exploding if goes can see 66 or 34c to 6 bucks" +"Wed Nov 20 14:05:44 +0000 2019","@jimcramer Is this a serious tweet Jim? We’ve literally had 150 SPX points uninterrupted to the upside & you’re complaining about retracing 30bps. Better call in the Fed for more ‘not QE’." +"Thu Nov 07 14:42:59 +0000 2019","Earning season is making it difficult to get on some of these great setups with low volatility risk. We added $NMIH to our Buy Alert list this week... gap and run this morning on earnings! Setups will occur during the quiet period as well... be patient." +"Sat Nov 02 22:14:09 +0000 2019","We hear that $AAPL and $MSFT are “carrying the market”...how does that explain Germany, Japan, EAFE, Russia, home builders, industrials, construction, health care and banks at new highs?" +"Mon Nov 25 22:31:59 +0000 2019","q4 gdp goes flat, mfg in recession, earnings slump, fed printing money at levels not seen since qe-2, buybacks record high -- and fox news and trump's entire family now on twitter telling ppl to buy stocks" +"Sun Nov 03 17:35:21 +0000 2019",".#Markets will open with a tailwind from favorable trade headlines over the weekend and Friday's solid #jobs report. This comes ahead of a week full of macro-economic data and earnings, as well several @FederalReserve speakers and the long-awaited @Aramco #IPO. #economy @WSJ @FT" +"Fri Nov 15 00:24:41 +0000 2019","This is my current watchlist: $AAPL $ADBE $AGQ $AMZN $BRK.B $CELG $DIA $DIS $ETSY $FB $GLD $GOOGL $GS $IWB $IWC $IWM $MA $QQQ $SPY $VIX What am I missing?" +"Sun Nov 17 21:14:05 +0000 2019","I’ll do $twtr live video on the stock I’m talking about. My last public video discussed how to buy $aapl at $247ish and why I was in $msft $139ish. This next name could go 50 points over the next two months. 👍" +"Sun Nov 17 13:28:43 +0000 2019","This is my current watchlist: $AAPL $ADBE $AGQ $AMZN $BRK.B $CELG $DIA $DIS $ETSY $FB $GLD $GOOGL $GS $IWB $IWC $IWM $MA $QQQ $SPY $VIX What am I missing?" +"Fri Nov 01 00:24:31 +0000 2019","Most growth stocks have been smoked since early August and some of the greatest businesses (i.e. $FB $GOOG ) with wide moats + consistent growth are now trading around market multiple! Yet, defensive names with no growth are trading above market multiple! Where is the bubble?" +"Sun Dec 01 18:02:52 +0000 2019","$AMD 1H, The determinants we have planned for the #stock on schedule... It could represent how to continue a trend. My target projection is over, then the price adjusts... #StockMarket #NASDAQ " +"Tue Dec 03 13:55:31 +0000 2019","$AMZN, $WMT, $COST, $BABA: Which #stock to back in golden quarter finale? #StockMarket #retail " +"Thu Dec 26 23:35:00 +0000 2019","Nasdaq crossed the 9,000-point mark for the first time as all three major Wall Street indexes posted record closing highs, boosted by optimism over U.S.-China trade relations and gains in Amazon shares " +"Tue Dec 10 19:11:52 +0000 2019","@TSM_ZexRow Neither Fortnite nor Epic Games have stocks you can invest in. All the commentators saying ""smart move"" when they wouldn't know what that looked like if it slapped them in the face like an oversized cock. The ""smart move"" is the impression farm, not the fictional investment. " +"Mon Dec 16 02:34:06 +0000 2019","Data & chart check for cumminsind RSI moves above 50 showing mild strength ADX MIGHT start trending (will be clear in coming sessions) Weekly highs Some short covering seen Supp as per charts can be seen . . (Not a call recco,do your research) Keep learning Keep sharing #AKAL " +"Tue Dec 31 04:18:28 +0000 2019","PENULTIMATE day of trade in 2019! #Stockmarket Within striking distance of BEST year since 1997 when US benchmarks rallied 31%. Declines #Monday despite US #China phase 1 #trade deal signing. Meantime #Tesla bets big on #China while some predict #Apple might buy #CBS $aapl $spy " +"Sat Dec 28 12:38:20 +0000 2019","#SIS Mkt leader in Security, Facility Management and Cash Logistics. Can this be an 'intelligent' swing? Stacks are fully against it with a large overhead supply right up there. D/E is rising, low ICR, CFO can be better, insider sells in Nov, but Sales/Profits rose " +"Tue Dec 17 19:23:08 +0000 2019","Market is hot again, but cooling off later in the day. Vol at 11-12 with huge paper to the upside. A lot of assets moving to the upside $jpm $gs $tgt $jnj and many others. This is the rebellion baby. Visit " +"Thu Dec 26 22:15:42 +0000 2019","Apple and Amazon are front and center on the desk tonight after the Nasdaq hit its 9,000 landmark. Here's how our traders are approaching the high-flying names. $AAPL $AMZN " +"Sun Dec 22 18:31:26 +0000 2019","$NVDA Stop Monkeying Around Price to Activate $240.40 Stop Loss $223.57 1st Target $259.63 2nd Target $288.48 Education Basis ONLY. No Stock or Advice Recommendations. The Risk is Yours ONLY. #StockMarket , #stocks, #investing, #trading, #investor, #trader, #stockpicks " +"Wed Dec 18 16:31:12 +0000 2019","Markets moving to the upside again today despite all the background events. Vol still at 12, energy, tech, and healthcare all moving tot the upside with names like $FB $BA and many others. This is the rebellion! Giddy up! " +"Mon Dec 23 17:08:14 +0000 2019","Market is up another 100 pts. today. $ba leading the charge today as well as $aapl. Volumes still in the 12 range. We are still trading 25 million options contracts per day. Volumes are high for this time of year. Giddy up! " +"Thu Dec 12 18:56:16 +0000 2019","It’s Christmas in miami and Christmas in the market today. Financials such as JP Morgan and GS moving to the upside as well as energy. Exxon and chevron getting it done today. Stay discipline, stay hungry, this is the rebellion baby! Giddy up! " +"Sun Dec 29 18:21:36 +0000 2019","$MSFT Is in Play 🖥️ Price to Activate $158.50 Stop Loss $147.39 1st Target $171.18 2nd Target $190.20 Education Basis ONLY. No Stock or Advice Recommendations. The Risk is Yours ONLY. #StockMarket , #stocks, #investing, #trading, #investor, #trader,#TradesAfterWork " +"Sun Dec 01 22:45:00 +0000 2019","This still amazes me: $AAPL's market cap is up more than half a TRILLION dollars in less than a year! $SPX $SPY $NDX $QQQ #dejavu " +"Fri Dec 27 00:16:19 +0000 2019","The Nasdaq Composite logged its 10th record in a row and finished above 9,000 points for the first time ever. It's the index's longest winning streak since July 2013. " +"Tue Dec 31 21:08:41 +0000 2019","🥂HAPPY NEW YEAR 🥂 #MarketWrap Major indexes close higher on the final trading day of 2019. DOW +0.26% at 28,536.54 NASDAQ +0.30% at 8,972.60 S&P 500 +0.29% at 3,230.60 " +"Thu Dec 05 14:03:07 +0000 2019","Thursday Thrust – Markets Drive Back to the Highs. Correction? What correction? $AAPL $SQQQ #TradeDeal " +"Sat Dec 28 22:02:20 +0000 2019","Information Technology accounted for 31.3% of the $SPX 2019 total return, as $AAPL and $MSFT accounted for 14.8% (17.8% for MTD December 2019). From 2009, $AAPL and $MSFT accounted for 8.45% of the $SPX total return " +"Wed Dec 25 15:26:06 +0000 2019","Everyone's taking about $AAPL +83% YTD but $TGT is +101% YTD with one of most viscous charts for shorts I've seen in 25+ years in the markets. " +"Thu Dec 26 21:10:22 +0000 2019","P/L: Guess the market didn't get the memo that #Christmas is over because it's still giving out gifts. A 3RD STRAIGHT #FiveFigureClub invite this week. 🔥 $MBOT made me work a little but managed risk and nailed it bagholder short style. $XRF nailed both sides $NLNK $LQDA padders " +"Sun Dec 01 14:39:02 +0000 2019","$AMZN's price moved above its 50-day Moving Average on November 25, 2019. View odds for this and other indicators: #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Sat Dec 28 08:04:33 +0000 2019","Just about everywhere. Technology,biotechnology,demographics, cloud computing..Brenthurst Global Equity fund, health care stocks...it’s been like Xmas every day the past year." +"Sat Dec 14 02:15:15 +0000 2019","S&P 500 is very top heavy again: top five stocks (Apple, Microsoft, Google, Facebook & Amazon) at 16.5% - the most weight since 1999 chart via @drtimedwards " +"Mon Dec 16 12:40:06 +0000 2019","Open Positions (start of week) $ABT $AMD $AMZN $BABA $BAC $CS $FB $GE $HAL $HL $MAS $MT $NVDA $SHOP $X $QQQ $SMH $XME $ITB $XOP All long. " +"Thu Dec 05 22:27:34 +0000 2019","We can look at leaders for clues. $TSM was first to breakout back in September, then Semiconductors and the broad market followed in October. Guess what? $TSM recorded a new high again today. Showing the way? $SPY $SMH $SOX $ES_F " +"Sun Dec 29 15:06:07 +0000 2019","On this day in 1999, Nasdaq closes above 4,000 for the first time. Most influential stocks then: *Microsoft *Cisco *Intel *Oracle Most influential stocks since then: " +"Tue Dec 03 15:48:54 +0000 2019","$AMD .... getting at interesting levels again! Finally getting that 20 day MA pullback(Holy Grail setup). No position in this one yet tho.... want to see how it looks as we approach the close! " +"Wed Dec 18 02:53:54 +0000 2019","Market looks set for a mad rally fuelled by the US China trade deal & proposed budget proposals. Blaming the set of companies that are going up will never be the same like buying them - better participate than crib. We track this data very carefully - set up looks super bullish." +"Thu Dec 26 18:26:33 +0000 2019","Santa rally sure seems to be in full swing. Current Positions with Entry Price & Size: $V 182.80, $MSFT 153.20 & $AMZN 1822.17 , $COUP 151.33 Full $PAYC 259.42 3/4th $SSO 144.20 1/4th $NVCR 83.25 1/2 $SHOP 408.58 1/2 Took profits on $NVDA this week -> 8% winner 🙋‍♂️🙋‍♂️ " +"Tue Dec 31 01:50:45 +0000 2019","YTD Nifty 13% Dow 22% S&P 28.5% Nasdaq 35% Nikkei 18% YTD Nifty 13% Hong Kong 10% China 22% Brazil 31.58% YTD Nifty 13% Gold 18% Brent 27% YTD Nifty 13% Bank Nifty 19% Nifty PSU -18% Midcap -4.5% BSE Small-Cap -7%" +"Mon Dec 02 21:25:17 +0000 2019","Why we are in chop right now with the $SPY and $QQQ for key stocks this Video is just perfect why the market is acting this way but remains very strong but as I explained the right stocks will give the new signals once big money positions itself." +"Mon Dec 02 20:25:16 +0000 2019","$SPY $QQQ $IWM 15 min charts: Notice the low green volume bars against those big red ones. Gives this bear flag more validity. This keeps me cautious going into tomorrow. No rush to buy the dip here. Let it play out! #TrendSpider @TrendSpider " +"Wed Dec 11 12:44:57 +0000 2019","$AMRN (26, 28-9) $ARWR (81, 95), $AXSM (high 50’s) $CLVS (13, 17) $GTT (17 3/4, 22-3) $LK (32-3, high 30’s) $PBYI (9 1/2, 10 1/2, 11 1/2, or more) $WRTC (7.40-.50, 8-9) " +"Mon Dec 23 04:56:58 +0000 2019","INDIA MART up 5% Jefferies Initiate at Buy , TP at 2500 expect 20% revenue CAGR over FY20-22E despite macro headwinds related to economic slowdown High ROI and limited avenues for B2B SMEs for targeted advertising Lower risk from google compared to B2C classified @CNBC_Awaaz" +"Thu Dec 26 21:42:56 +0000 2019","The Nasdaq Composite logged its tenth record in a row and finished above 9,000 points for the first time ever. It's the index's longest winning streak since July 2013. " +"Thu Dec 12 01:19:13 +0000 2019","This morning I posted bull flag/triangle patterns in $SPX, $RUT, and $SMH and these patterns are still in play after FOMC. SMH - which has been the leader all year - already broke out of its flag to new ATH's today and if it remains the leader SPX and RUT should follow" +"Thu Dec 26 21:00:00 +0000 2019","What a fun day. $AMD $LULU were good to me. $NFLX a turd... and missed to much of $AMZN but finally got in. If you missed it today.. another chance tomorrow! Always another chance... Keep your head up! Oh it's Thursday... One more day to We chill! " +"Sun Dec 29 22:08:16 +0000 2019","Wed: Mkt closed Th: PMI, Fed minutes Fri: ISM mfg 1/6: PMI svcs 1/7-10: CES show 1/10: Jobs report 1/14: $JPM $C 1/15: $UNH $BAC $GS 1/21: $NFLX $SNAP 1/22: $MSFT $TSLA $PYPL 1/23: $AMZN $INTC $NOK $TWTR 1/24: $VZ $ERIC 1/27: $GOOGL $T $SPOT 1/28: $AMD $SHOP 1/29: $AAPL $FB $BA" +"Fri Dec 13 03:10:52 +0000 2019","Massive breakouts across the board today. New highs in core names: (by volume) ETFs $SPY $XLF $EFA $IWM $XLK $XLV $SMH $EZU NYSE $BAC $BABA $BMY $C $TSM $JPM $MS $MRK $NKE $DHI $STM $MAS $UNH $GS Nasdaq $AMD $AAPL $MSFT $NVDA " +"Fri Dec 27 14:55:42 +0000 2019","Nasdaq now on the biggest winning streak in the last 10 years Also the most overbought in the last 10 yrs Up 37% this year already P/E Ratio at 27 on expected earnings growth of 8-9% next year" +"Tue Dec 31 14:18:07 +0000 2019","Big excitement for this $GAAPSPX chart I use in my Intermarket analysis for clients. TU! My Point: I'm suspicious of narrative that US corp profits are set to rebound in 2020. Add to that: $SPY ""forward earnings yield"" is 5.35% - lowest since 2008 + peaked Dec 21 '18 at 7.02%!" +"Sun Dec 22 21:17:57 +0000 2019","$SPY weekly.. Elliot Wavers👋and Rising Wedgers😎called top at 302 against my 322 measured target, I was shy of 0.03 cents on Friday's 321.97 intra high😉 " +"Thu Dec 26 21:56:05 +0000 2019","I'm sure all those people that work at Walmart and serve at restaurants were able to cash in big on the Nasdaq gains. You Orange Clown, Most Americans don't have the money to gamble on the stock market. #Resist" +"Fri Dec 13 10:00:56 +0000 2019","A few charts that are critical right now: MSCI AWI Index (emerging + developed markets) & NYSE Index broke out above Jan 2018 highs Surge in NYSE New Highs - New Lows Surge in financial sector members at 52 week highs Almost always bullish for equities 6-12 months later " +"Mon Dec 30 14:25:38 +0000 2019","3x Short Nasdaq 100's 2010s 😢 2010: -61% 2011: -37% 2012: -49% 2013: -65% 2014: -48% 2015: -38% 2016: -30% 2017: -59% 2018: -21% 2019: -66% Total Return: -99.89% $SQQQ " +"Wed Dec 18 02:00:12 +0000 2019","market levels are worrisome. there is good value in rest of the mkt but headline indices are high as F**k. if that worries you put 25% in cash. sleep> returns. " +"Mon Dec 23 17:29:57 +0000 2019","@JonErlichman Actually you're missing a few like; DexCom 4,044.8%, United Rentals 4,126.1%, Las Vegas Sands 4,171.8%, Dominos Pizza 4,171.8% Abiomed 6,108.0%, Netflix is at 6,438.4%, Lulemon Athletica 6,541.0%, etc" +"Wed Dec 04 02:26:19 +0000 2019","Sent this to trader buds. Quick review. $SE $TSLA $AAXN $AMD $IPHI $NTNX $NVCR $SPOT $DOCU $UCTT $VIPS $EVER $PCTY $CDLX $LK $ROKU $CGC $SHOP $RDFN $PTON $PGNY $SPLK $PAYC $ENPH $INMD " +"Fri Dec 20 17:34:49 +0000 2019","get @HiddenPivots private twitter @HiddenPivotsPri with lots of great charts - hope he doesn't mind me posting a snippet: $AMZN is very close 200DMA and it could get there very quickly - by then 50dma might also cross 100dma - rebal today too $600mm to buy, notice $AAPL for sale " +"Thu Dec 12 11:23:40 +0000 2019","The ground seems to be shifting under the semiconductor industry. $AAPL, $GOOG, $FB, $TSLA, $AMZN are taking share from $INTC and $NVDA." +"Fri Dec 20 17:26:00 +0000 2019","Back on July 10 it was clear to me that the market - fueled Fed easing - was setting up for a breakout that (we now know in hindsight) eventually occurred in Oct. Most were fearing a big top was forming. As expected, Sm. & MCaps are lagging, but I think they will play catch up." +"Wed Dec 04 15:43:15 +0000 2019","#earnings after the market closes today $RH $WORK $FIVE $SNPS $SMAR $HOME $TLYS $HRB $GEF $ESTC $DSGX $SMTC $SPWH $VRNT $EMKR $PGNY $CMTL $SEAC " +"Tue Dec 17 21:06:54 +0000 2019","#MarketWrap Major indexes close flat but higher, notching out records for the 4th straight session. DOW +0.11% at 28,266 NASDAQ +0.10% at 8,823 S&P 500 +0.03% at 3,192" +"Sat Dec 21 18:16:47 +0000 2019","What will January bring? This week's homework is very simple & yet VIP! Study the Nasdaq each year going back to 1972, focus on the prevailing trend into year-end & then the 1st two weeks of the new year. As Bill would say, if you want to know about fish, look at a fishbowl. " +"Thu Dec 19 19:48:02 +0000 2019","don't get freaked out tomorrow morning when you see $SPY rolling across the screen premkt and see it down $1.50 tomorrow $SPY and all the SPDR ETFs (ie $XLF $XLV $XLE $XRT) go ex div tomorrow, they always do on quadruple witching day " +"Mon Dec 16 06:56:38 +0000 2019","Markets YTD. Nasdaq +34%. S&P500+28%. Dax+25%. CAC+25%. MSCIWorld +24% JSE+8%. Hong Kong +8%. This has been the trend for 7 years now. You decide what this means." +"Tue Dec 10 11:00:03 +0000 2019","December is very different compared to last year. Both #SP500 & #DowJones hit record highs during a traditionally weak period. Check our TOP 2x ETPs post-#earningsseason 2x $GOOG ETP +12.80% 2x $AAPL ETP + 19.40% 2x $C ETP +16.70% 2x $MSFT ETP +20.50% - " +"Fri Dec 27 17:27:06 +0000 2019","Wish everyone a great weekend out there - hope you benefit something from my tweets - trying my best - not perfect but trying to give my views on markets/stocks $SPX #DAX - enjoy and have a a nice weekend all !" +"Sat Jan 04 10:32:40 +0000 2020","Could #Netflix $NFLX stock price go higher? Let’s have a look. #trading #StockMarket #stocks " +"Sun Jan 26 19:23:45 +0000 2020"," AI Stock Price Forecasting. 4% return in just 3 days. Are the AI systems ready to dominate stock market investing? #stockmarket #NASDAQ #DJIA #investing #beststockpicks #artificialintelligence #AIstockpicks " +"Wed Jan 15 15:58:16 +0000 2020","He doubled the #stock price of #Tesla in the last three months. Click to read everything about the sum #ElonMusk will get if this rapid growth rate continues. #stockstowatch #stockmarket $TSLA " +"Wed Jan 15 23:20:15 +0000 2020","Live stream Tonight 9:30pm EST Canada i explain how I lead my group to massive gains In both $AAPL and $TSLA also I talk about $COST and $AMD $GOOGL, all of dec into this jan month it has been back to back wins, come and ask questions also I talk about the $SPY and the market " +"Sun Jan 26 19:46:09 +0000 2020"," AI Stock Price Forecasting. 4% return in just 3 days. Are the AI systems ready to dominate stock market investing? #stockmarket #NASDAQ #DJIA #investing #beststockpicks #artificialintelligence #AIstockpicks Checkout this tweet ab…" +"Wed Jan 08 15:54:09 +0000 2020","Very bad Crude oil data causing oil price to tank now 🙅🏻‍♂ #tideinvestor #invest #investor #investment #investing #investors #invests #investments #trading #trader #traders #bullish #bearish #bullishmarket #bearishmarket #nasdaq #dowjones #stockmarkets #stockmarket #stock #money " +"Wed Jan 29 23:12:14 +0000 2020","Live stream tonight at 9:30pm EST Canada Figure out your time zone to match my time zone. Tonight I explain the importance of catching major moves in the market like we Did in $AAPL and $TSLA back to back massive gains plus more key info on the $SPY $QQQ and the big picture " +"Thu Jan 02 18:56:25 +0000 2020","#AMD $AMD Breaks all time stock price record $48.53 right around 1:32p.m. EST. #stocks #StockMarket " +"Fri Jan 10 23:00:01 +0000 2020","Price Performance #StockMarket Symbol Today 1Month 3 Month One Year Dow -0.15% +3.70% +7.82% +20.47% S&P500 +0.04% +4.59% +10.30% +26.17% Nasdaq =0.06% +6.88% +14.30% +31.82%" +"Thu Jan 16 17:06:43 +0000 2020","It is not coincidence that AAPL stopped going higher when SPX hit this titanium wall that created two brief bear markets in 2018, one of which made Powell fill his pants and completely reverse policy. Corrections in parabolas are sudden but very lucrative. Closely watching... " +"Thu Jan 09 01:55:45 +0000 2020","Price to Activate $26.65 SEE Jan 2nd TWEET Education Basis ONLY. No Stock or Advice Recommendations. The Risk is Yours ONLY. #StockMarket , #stocks, #investing, #trading, #investor, #trader,#TradesAfterWork, $SPY, $SPX, $DIA,#TradesAfterWork.com " +"Wed Jan 22 16:10:06 +0000 2020","Tesla surpassed $100B market value. It's now the highest-valued US automaker of all time, and its market capitalization has surpassed those of both Ford and GM combined. #Tesla #ElonMusk #SymphonySearch #TSLA #StockMarket #Automotive #EV #ElectricVehicle " +"Fri Jan 03 22:29:46 +0000 2020","This is what our traders are watching first thing Monday $SLB $CQQQ $SNAP $XLE " +"Sun Jan 26 23:14:00 +0000 2020","Alright, volatility is back! ‘Bout time...the narrow, perpetual push higher with constant “don’t fight the Fed 🤓” uptrend is the worst. Thank goodness we have a market again. " +"Wed Jan 29 01:48:33 +0000 2020","Overall profit for the day $749. I got nervous on my $SPY calls expiring tomorrow (despite my view that tomorrow is a high for the week), cashed out at the close but kept $QQQ 224C I bought for Friday. Account value $5,377. Remove margin from your day trade acct & no 3 a wk rule. " +"Thu Jan 16 21:09:02 +0000 2020","My pajamas are fuming...”blow off top” VIX into the close? It’s green.🤣 you guys have fun with another +30 easy points into OpEx tomorrow. I carried my puts into the close, maybe into a permanent sunset. Turned a green day into red, but the week isn’t over yet. Or is it? 😂 " +"Thu Jan 23 22:34:19 +0000 2020","With the Nasdaq closing at yet another new high, @fundstrat's Tom Lee gives his predictions for stocks and reveals what areas of the market he finds attractive " +"Thu Jan 30 22:13:25 +0000 2020","Amazon topping $1 trillion in market cap as the stock surges to all-time highs after hours. Here's what the traders think of $AMZN and its blowout earnings beat. " +"Fri Jan 17 00:51:27 +0000 2020","$AAPL as expressed by the parabolic Jack ‘n the bean stalk pattern. Spoiler alert: Do you know what happened to the giant? Show me ONE example where a company went parabolic and it didn’t end badly. It’s a challenge, and maybe educational for me if I’m wrong. MSFT 2000-2016 flat. " +"Sat Jan 04 09:51:03 +0000 2020","SPYFALL PART 2 TOMORROW SPYFALL PART 2 TOMORROW SPYFALL PART 2 TOMORROW SPYFALL PART 2 TOMORROW SPYFALL PART 2 TOMORROW SPYFALL PART 2 TOMORROW SPYFALL PART 2 TOMORROW SPYFALL PART 2 TOMORROW SPYFALL PART 2 TOMORROW SPYFALL PART 2 TOMORROW SPYFALL PART 2 TOMORROW SPYFALL PART 2 T" +"Mon Jan 27 22:36:15 +0000 2020","It's tech's time to shine this earnings season. @CSM_Research's Carter Worth breaks down what that could mean for the FAANG stocks, the tech sector, and the Nasdaq. $FB $AMZN $AAPL $NFLX $GOOGL " +"Thu Jan 02 09:07:01 +0000 2020","$AMZN's price moved above its 50-day Moving Average on December 16, 2019. View odds for this and other indicators: #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Jan 01 15:17:53 +0000 2020","$AAL in Downtrend: its price may drop because broke its higher Bollinger Band on December 20, 2019. View odds for this and other indicators: #AmericanAirlinesGroup #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Thu Jan 30 21:58:12 +0000 2020","P/L: +$5.8K.🔥 Who says Madaz only trades small caps?😆 Give me volume and volatility and I'm there. Nailed $TSLA washout long and $AMZN AH #earnings fun bucks. Also nailed $SINT panic pop shorts and wallet padders and $NNVC late day washout long wallet padders. " +"Sun Jan 19 23:40:04 +0000 2020","Yes,& the cyclical recovery we feel in financial markets will feel recessionary. While semiconductor, tech & trade related activities may bounce on low base, cheap rates, & cycle turning, consumers pinched by high debt, stagnant income & insecurity unlikely to boost discretionary" +"Tue Jan 28 04:48:19 +0000 2020","I monitor $SPX and $QQQ charts with these trend channels. Yesterday's gaps can be filled. Question: Is this a December 2019 type short correction? or we breakdown those trend channels for a larger-scale pullback? For that yesterday's lows will be critical levels. " +"Tue Jan 07 21:03:43 +0000 2020","The 29% gain in the S&P and 35% in Nasdaq stole the show. But there was one index last year that trounced them both, rising 51%. Any guesses??? MacroMavens tshirt to the 1st person to get it. " +"Fri Jan 31 20:03:28 +0000 2020","The S&P's top-four gainers - MSFT, AAPL, AMZN, GOOG - accounted for more of the S&P 500’s gain this month than in any January going back to 1999 - BBG " +"Thu Jan 02 08:25:42 +0000 2020","RT stock_family: $ETH.X 😎😎 -- #options #stockmarket #daytrader #stocktrading #stockoptions #news #stocks $aapl $spy $amd $spx" +"Wed Jan 15 21:20:38 +0000 2020","Observations today: AAPL AMZN BA red (what was green amongst leaders?!), semis down, tech weak overall, VIX and VIX ETNs (TVIX VXX UVXY) held up all day, VVIX way up, gold and bonds strong. Let the market drop already..." +"Thu Jan 02 22:26:58 +0000 2020","Hello did you know that right now Apple and Microsoft ALONE are worth as much as the entire German stock market combined? I mean freaking where is Tyler Dirden when you need him? That’s from fight club" +"Sun Jan 19 18:12:50 +0000 2020","$STUDY $HD $SPY $ANET $TLRY Here is everything I called out live on twitch, or in my mod room on @BlackBoxStocks last week. Lets see what we start with on Tuesday! link to stream in profile. @TeresaTrades @MariaC82 @TekMuNNee @ThuhKang " +"Mon Jan 13 16:00:43 +0000 2020","Whether stocks are expensive or cheap depends where you look. Some like $AAPL are trading at much higher than historical valuations despite sluggish expected growth. Others like $CCL are trading very cheaply as the market seems to disbelieve bullish analyst forecasts for it. " +"Fri Jan 31 19:18:20 +0000 2020","Apple, Amazon, Microsoft and Alphabet, now each worth more than $1 trillion, account for 17% of the S&P 500's total market value. Great charts here from @TheSheetzWeetz $AAPL $AMZN $MSFT $GOOGL " +"Wed Jan 22 06:24:57 +0000 2020","Started off this short week on a good note as most names acted well since open. Swings with Entry Price & Remaining Size: $V 182.80 1/2 $MSFT 153.20 1/2 $SHOP 412.25 1/4 $PODD 179.45 1/2 $NVCR 94.08 3/4 $SEDG 106.05, $AMZN 1888.60, $COUP 171.25 & $KLAC 180.55 Full " +"Fri Jan 10 00:28:52 +0000 2020","on top of the aapl and tsla wins we also had $COST as well I need to make a video on this but this was the posted plan in my group on jan 06 great gains today for us along will $AAPL $STUDY my youtube channel for more info chart plan to see below " +"Thu Jan 16 21:42:06 +0000 2020","Markets jump to record highs (again) as strong earnings and data boost sentiment on Wall Street. How much higher will the market go tomorrow? $DIA $SPY $QQQ " +"Sun Jan 05 20:19:59 +0000 2020","$QQQ As bad as 2008 was, look at the 2000-2002 post tech bubble performance. That's a lot of pain. Hope never to see that again. Past decade has made tons of people $$$ but pays to have a plan to make sure you keep most of it in case things turn bad at some pt down the road " +"Wed Jan 15 00:36:30 +0000 2020","With markets at all-time highs and sentiment starting to approach short-term bearish territory, we are in a very interesting spot going into earnings. @Wallstjesus takes you through it in names like $AAPL $TLRY $PINS in the Degenerate’s Hangout: " +"Wed Jan 01 10:46:50 +0000 2020","$AMZN's price moved above its 50-day Moving Average on December 16, 2019. View odds for this and other indicators: #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Thu Jan 09 14:43:41 +0000 2020","📈📈 Thursday Morning's #Top10 Most Actively-Traded Stocks 📉📉 1. $AMD 2. $AAPL 3. $TSLA 4. $MSFT 5. $BABS 6. $FB 7. $NFLX 8. $AMZN 9. $GOOGL 10. $GOOG See the rest of today's trending stocks here: Are you trading any of these names today? " +"Wed Jan 15 14:09:09 +0000 2020","The BATSH$T CRAZY Index™ (BYND,AAPL,TSLA) has gone ballistic for the past two months (h/t to @akjestates for index creation). Is the top close? Stay tuned in next week - same bat-time, same bat-channel. " +"Fri Jan 17 15:17:03 +0000 2020","Tesla AMD Twitter Snap Maybe the most absurd and hated basket of stocks ever. Early last year, a few of my co-workers and I started calling them the TATS. Hipster millennials with tattoos. There’s no way that basket of stocks would ever breakout. Right? Here’s an update. " +"Wed Jan 15 17:05:39 +0000 2020","Apple & Microsoft earnings in two weeks (28th/29th) will be some of the more important idiosyncratic data points for markets given market cap, positioning and recent performance." +"Mon Jan 13 16:45:03 +0000 2020","Apple, Microsoft, Alphabet, Amazon and Facebook now make up 18% of the total market cap of S&P 500, the highest level ever. Multiple strategists are sounding alarms on the increasing dominance of big tech, warning of a pullback in stocks ahead. MORE: " +"Sun Jan 05 17:52:13 +0000 2020","The late stage unicorn basket from the bet outperformed the S&P but underperformed big tech. Here's what $1 invested 4.5 years ago would be worth today: • S&P: $1.57 • Unicorn basket: $1.6 • FB: $2.39 • AAPL: $2.4 • GOOG: $2.6 • NFLX: $3.47 • MSFT: $3.57 • AMZN: $4.28" +"Thu Jan 09 02:36:14 +0000 2020","Yesterday SGX Nifty showed 180 point gap down. Today it is showing 130 points gap up. Missile attack by Iran killed few US Soldiers and many short sellers. For more analysis, " +"Wed Jan 22 03:47:55 +0000 2020","The last time the Nasdaq was this ""overbought"" on the weekly was in March 2012. A two-months 15% correction started two weeks later, helped along by poor US data (mainly payrolls) and concerns about the Eurozone debt crisis. " +"Wed Jan 08 13:46:42 +0000 2020","2019 returns for every stock in the NYSE #FANGplus index (with dividends reinvested): $AAPL +88.97% $NVDA +77.95% $FB +56.57% $BABA +54.74% $GOOGL +28.18% $TSLA +25.7% $AMZN +23.03% $NFLX +20.89% $TWTR +11.52% $BIDU -20.3% *Per FactSet" +"Fri Jan 10 12:50:51 +0000 2020","Lots of commentary about how the $QQQ is outperforming the $SPY. Just one note, there are only a few times in the last 25-years where both markets were trading 3-standard deviations above their 200-WEEK MA. This is one of them. " +"Tue Jan 14 22:21:00 +0000 2020","The only time the ratio of the Nasdaq to the S&P 500 has been higher than current levels was during a 4-month window between January and April 2000. (for those that remember Q1 2000.) $SPY $QQQ $$ " +"Thu Jan 02 17:06:48 +0000 2020","If you are wondering. TRIN is a comparison of breadth to advancing/declining volume. The very low number tell us that just a few big caps like $AAPL are holding this market up." +"Tue Jan 21 15:00:24 +0000 2020","#earnings scheduled after the market closes today $NFLX $UAL $IBM $COF $AMTD $NAVI $ZION $IBKR $WSFS $PNFP $FULT $UCBI $SFBS $TBK $FMBI $FBK $SMBK $RNST $TRST $GSBC $WTFC " +"Mon Jan 13 01:24:34 +0000 2020","Do what you will, just giving info Stocks Appian APPN Zoom ZM Trade Desk TTD HubSpot HUBS Activision Blizzard ATVI Okta OKTA Call Options Booking Holdings BKNG Apple AAPL Netflix NFLX Tesla TSLA Accenture ACN Could make you some cash or at least give you a good place to put it" +"Thu Jan 30 19:06:02 +0000 2020","$TSLA and $AAPL rallied into #earnings and didn't disappoint! $FB and $AMD disappointed but $INTC showed signs of a turnaround. TradeStation Securities breaks it all down. " +"Sat Jan 25 08:23:18 +0000 2020","Last 12 months? I think not. Here are the 10 yr numbers: Nasdaq 741% S&P500 577% MSCI World 396% MSCI JPN 268% MSCI Europe 233% FTSE100 217% JSE 178% (Total returns: capital growth plus dividends" +"Wed Jan 29 15:01:47 +0000 2020","#earnings after the close $TSLA $MSFT $FB $PYPL $NOW $LRCX $ALGN $URI $QRVO $LVS $ILMN $CRUS $MDLZ $ALGT $MLNX $CREE $LLNW $ADM $MTH $AMP $VAR $ENVA $AGNC $CACI $HOLX $CNMD $AZPN $TTEK $SEIC $PKG $MAA $DLB $FBHS $DRE $MUSA $LM $BDN $ESS $CLB $IVAC " +"Wed Jan 15 19:36:55 +0000 2020","In 2019, Apple made up 4.5% of S&P 500 Index—on higher end of market weighting for single stock in recent memory; but, it’s actually in middle of the road on historical basis @biancoresearch @SPDJIndices Past performance is no guarantee of future results " +"Thu Jan 23 02:28:17 +0000 2020","Live stream on now $AAPL $TSLA $SPY $AMD I explain abut oru back to back gains in both $AAPL and $TSLA and how it important to understand the big picture for long term success and what I have explain has worked year after year without fail." +"Tue Jan 28 19:19:28 +0000 2020","AAPL has had the pattern of gap down and rally since August. I have no idea what it will do on eps tonite but if that pattern changes, then we'll have something to fuss over. " +"Fri Jan 31 04:32:41 +0000 2020","-Asian stocks ⬆ after a six-day losing streak on virus concerns -U.S. futures ⬆ -Oil, gold ⬆ -Amazon tops $1 trillion market cap after earnings pop " +"Thu Jan 16 02:25:30 +0000 2020","live stream on now $AAPL $AMD $GOOGL $SPY $TSLA I explain the facts if your serious for success come to my livestreams I do this to benefit the right people who ever makes it into my group is really lucky." +"Mon Jan 13 21:45:42 +0000 2020","gains gains gains gains in the market with the right key stocks aapl tsla back to back to back to back etc etc to much skill new videos coming very soon with a new Video intro" +"Tue Jan 14 17:35:28 +0000 2020","The Nasdaq is currently up 29% over the past 2 years. During the final 2 years of the tech-bubble, it was up 188%. This market is not like the Dot Com bubble." +"Tue Jan 14 23:21:26 +0000 2020","01/14/20 - View today's #MarketOutlook from @Market_Scholars Discussed: $SPY $IWM $DIA $QQQ $EEM $EFA $SPX $USO $TNX $AAPL $MSFT $URTH $AMZN $GOOG $EWG $ARGT $DEO $UL $EWU $CCL" +"Thu Jan 23 21:12:50 +0000 2020","#MarketWatch $INTC surges after hours following sharp earnings beat, revenue tops $20 billion for first time ever. Intel posted earnings of $1.58/share vs $1.23/share expected, $20.2 billion in revenue vs $19.2 billion forecast." +"Sun Jan 26 16:23:23 +0000 2020","As we head into a big tech earnings week, one of the biggest risks to the market is that 5 stocks ($AAPL, $MSFT, $AMZN, $FB & $GOOG) represent more than $5 trillion in market value. With very full valuations already, any pullback in this sector will have a big impact on the mkt" +"Sat Jan 25 21:31:23 +0000 2020","World about to learn if $1tn tech rally was a good idea: Tech stocks have rallied twice as fast as the S&P500 since 2019. Nasdaq 100 valuation is highest since 2007 ahead of earnings. Apple, Microsoft, Facebook among companies scheduled to report next week " +"Thu Jan 30 21:31:45 +0000 2020","Looks like we may have four U.S. companies with trillion dollar market caps tomorrow. First time that has ever occurred. Apple, Microsoft, Alphabet, and Amazon." +"Mon Jan 06 13:57:50 +0000 2020","Stocks: be careful *Mkt cap to GDP ratio at an all-time record *Cyclically adjusted PE ratio far above its long-term average and the third highest in history * Stk mkt leaders Appl and Msft representing 38% of the S&P‘s total 29% price gain, 17 stocks were 76% of total gain" +"Fri Jan 31 14:09:32 +0000 2020","Amazon AWS $40B revenue run rate, Microsoft Azure $16B (est), Google CP $8B. Majority of Fortune 1000 tech stack still <30% cloud. Long $AMZN $MSFT $GOOG ☁️🚀" +"Mon Jan 27 15:10:03 +0000 2020","The #StockMarket had its worst week since August as coronavirus fears spread. Will investors buy the pullback with major #technology earnings like $AAPL, $AMZN, $AMD, $TSLA and $FB due this week? TradeStation Securities’ recap has answers. " +"Mon Jan 13 21:52:55 +0000 2020","Fall dip in enterprise / SaaS followed by major bounce: $SHOP $295 (11/6) -> $440 (current) / +49% $TWLO $91 (11/7) -> $120 / +31% $SPLK $110 (10/22) -> $156 / +41% $ZM $62 (10/22) -> $74 / +19% $OKTA $98 (10/18) -> $131 / +33% $DDOG $28 (10/22) -> $41 / +46% 🚀 🚀 🚀" +"Wed Jan 22 16:14:31 +0000 2020","Tesla valued at $105B, more than Volkswagen & after never reporting a single year with earnings. Apple doubles its ""value"" on declining sales & income. Good thing there are no bubbles, no inflation, no QE & no levered hedge funds to prop up. Thanks Fed! " +"Sat Jan 25 19:30:50 +0000 2020","Some implied moves for #earnings next week(1of2): $AAPL 5.4% $AMD 9.6% $BA 4.9% $TSLA 12.5% $MSFT 3.9% $FB 5.8% $AMZN 4.3% $PYPL 5.7% $NOW 7.1% $ALGN 11.2% $V 3.3% $CAT 4.9% $SBUX 4.5% $MCD 3.2% $GE 6.9% $VZ 2.7% $BIIB 5.8% $ALXN 5.5% $T 3.7% $LMT 2.9%" +"Wed Jan 15 21:16:28 +0000 2020","Interesting day. Market sold off following trade deal party (sell on the news) though da boys were able to keep major indices green (Nasdaq just barely). Semis fell & some of crazies like TSLA had huge intraday reversals. Could signal end of that parabolic move. Trouble tomorrow?" +"Tue Jan 21 18:43:10 +0000 2020","Q4 EPS reports (for tech) about to begin. Taiwan Semi's report (mkt share gains, overly optimistic 5G forecast)last week not indicative of other semi co. results, many of which will be down sharply Y/Y. Will tell us if fundamentals matter at all. Recently,only Fed QE has mattered" +"Fri Jan 10 15:59:26 +0000 2020","Just a few of the all-time highs today: Apple Facebook Alphabet Best Buy TJX Estee Lauder Allstate Moody's Lilly Medtronic Dover Adobe Autodesk Salesforce MasterCard Microsoft ServiceNow Visa" +"Fri Jan 10 15:41:35 +0000 2020","I think I might do a twitter live stream Q and A about what to do with your stocks when the market is crazy good. Do you sell, buy or hold? Any interest? Please like and I’ll scrape some time today. Otherwise I’m busy 😊#tesla #apple #Microsoft #stocks $tsla $aapl $msft" +"Tue Jan 28 15:35:12 +0000 2020","Market squeezing shorts trapped by the gap up. Make money. $AAPL $MSFT $NFLX $GOOGL all HOD $SQ Beast!!!!" +"Fri Jan 17 15:52:37 +0000 2020","Some of the 111 S&P all-time highs: Comcast Alphabet Live Nation Hilton Nike Estee Lauder Hormel Kimberly-Clark Coke Monster Bev Pepsi P&G Allstate Berkshire AmEx Moody's Nasdaq S&P Global J&J Medtronic Zoetis Honeywell Eaton Dover KSU Lockheed Raytheon Microsoft Adobe AMD Visa" +"Thu Jan 30 17:04:28 +0000 2020","APPL 10 AMZN 72 BABA 9 BBD 1 BIDU 11 C 3 CSCO 5 DISN 4 FB 8 GLNT 2 GOLD 1 GOOGL 29 IBM 5 KO 5 MELI 2 MMM 5 MSFT 5 PBR 1 T 3 TSLA 15 VALE 2" +"Fri Jan 17 14:49:10 +0000 2020","BofA: * $12T of QE since Lehman * $1T stock buybacks past 5 years by top 20 US companies ($381,000 per employee); APPL, MSFT, GOOG all worth >$1T * S&P 500 just 5% away from becoming largest bull market of all time (3498) (via @sameepa)" +"Tue Jan 21 11:09:49 +0000 2020","Good Morning! Futures Red, Impeachment starts today... Earnings kick in hard today... $SHOP KeyBanc Maintains to Overweight : PT $485.00 $FB : MORGAN STANLEY RAISES TARGET PRICE TO $270 FROM $250" +"Thu Jan 16 23:41:35 +0000 2020","Hola! $SPY bulls continue to rip, $TSLA bulls be buying that dip, #Crypto bulls are trying to hold fast, MJ bulls are hoping gains last, I will check in a bit this weekend with a couple videos to make up for the missed day today!" +"Tue Jan 14 03:46:43 +0000 2020","So many winners today.. we played $bynd $tsla $aapl $nflx $fb ... If you've been trying to guess the top the past few months, you've missed out on life changing gains... I will continue to ride this wave until it's time to pivot.. Thank you for all the messages the past few days" +"Wed Jan 29 16:41:49 +0000 2020","A few names I have profits in that are holding up well include: $KSU $EPRT $LMT $RDVT $FNV $IPHI. Of my 11 longs, I'm down on one - $AEM - less than 1%. My $SPY short is the only other position I'm holding down fractionally. Did lots of selling past two weeks nailing profits." +"Wed Jan 29 11:10:39 +0000 2020","$APL PT RAISED TO $358 FROM $330 AT RBC CAP $AAPL PT Raised to $360 at Raymond James $AAPL : CREDIT SUISSE RAISES TARGET PRICE TO $290 FROM $275 $AAPL PT Raised to $365 at Evercore $AAPL pt raised to 343 @ Piper" +"Tue Jan 14 01:01:09 +0000 2020","Wow the market is setup for a big move this week if $SPX can break above 3300... We can see another 20-25 point day $TSLA to 550+ is possible if it holds over 525 $BYND can see 132 if it can hold above 120 $AAPL gapping up 2 after hours, we been riding this one for weeks" +"Sat Jan 11 11:40:48 +0000 2020","FAANGs off the Highs, June 2019 Where were all the Bulls then? Baidu $BIDU -62% Tesla $TSLA -54% Twitter $TWTR -54% NVIDIA $NVDA -54% Alibaba $BABA -30% Facebook $FB -26% Apple $AAPL -21% Google $GOOGL -20% Netflix $NFLX -20% Amazon $AMZN -17% via @BearTrapsReport" +"Sun Jan 12 17:26:41 +0000 2020","Setups and Watch List, 1/12: $XP $TTD $SNAP $NBIX $PGNY $PODD $DXCM $PAYC $DT $DDOG Following charts courtesy of @MarketSmith $SPY $QQQ $IWM" +"Fri Jan 17 00:32:04 +0000 2020","“It’s very hard to be bearish here,” says an investment strategist as US equities hit new highs and Alphabet joins Microsoft and Apple in having a $1 trillion valuation. " +"Fri Jan 03 01:54:52 +0000 2020","Good evening! $AAPL gapped up 1 AH..looks primed for 303-305 nxt. I'm eyeing the 302.5C $AMZN if it can hold over 1900 it can see 1925-1950 $BIDU started to fill the gap to 150 ,134 was the key resistance lvl $SPX finally broke 3250, it can see 3270 nxt Good luck tmrw!" +"Wed Jan 29 12:18:29 +0000 2020","Apple = GM + Morgan Stanley + Starbucks + Delta Sales the past year - iPhone: $146B ≃ General Motors - Wearables: $27B ≃ Starbucks - Services: $48B ≃ Morgan Stanley - iPad & Macbook: $46B ≃ Delta Will discuss the Big Apple in tomorrow's @RobinhoodSnacks @NickOfNewYork" +"Sun Jan 05 18:23:58 +0000 2020","This is my current watch list: $AAPL $ADBE $AGQ $AMZN $BRK.B $BYND $DIA $DIS $ETSY $FB $GLD $GOOGL $GS $IWB $IWM $MA $QQQ $SPCE $SPY $VIX What am I missing?" +"Sun Jan 26 15:14:22 +0000 2020","Earnings this week: $AAPL $FB $MSFT $T $TSLA $SWK $BA $GE $MPC $S $RTN $MA $AMZN $CY $LRCX $FB $TXT $MO $LLY $BIIB $HSY $SHW $VZ $NOC $DHR $HON $UPS $MMP $EA $WDC $PYPL $PFPT $XOM $Cat $CVX $ITW" +"Sun Jan 12 14:45:00 +0000 2020","This is my current watch list and positions: $AAPL $ADBE $AGQ $AMZN $BRK.B $BYND Long $DIA $DIS 👀 $ETSY Long $FB $GLD $GOOGL $GS $IWB $IWM 👀 $KMX Long $QQQ $SPCE $SPY $VIX What am I missing? " +"Fri Jan 17 11:01:25 +0000 2020","Mostly green arrows around the World as the the rally extends. $spx futures +9 as My Oscillator hits+40. This is the first time in a month that I mentioned it, as it reaches Overbought. Make sure to trim some names into Strength & see if SPX builds or fades above 3317" +"Thu Jan 30 21:33:41 +0000 2020","With $MSFT and $AMZN posting huge cloud numbers along with $INTC posting big data center numbers and $LRCX posting a beat while $AMD, not so much, this leaves room for a big beat for $NVDA if CapEx was there, which I suspect it was." +"Mon Feb 03 13:30:01 +0000 2020","28jan2020 @jimcramer #StopTrading #alert ""Wait4 lower price 2buy $MKC & $BYND is millenial's stock"" #mkc #bynd #mccormick #beyondmeat #stocks #alerts #alertas #acciones #valores #bolsa #mercado #español #sp500 #spy #dia #DowJones #stocks #stockmarket #cramer #trading #investing " +"Mon Feb 17 19:38:14 +0000 2020","Will #Alphabet (Google) stock price keep going up? Maybe time for a correction? Technical analysis for $GOOG in this video gives us a better idea of what may happen. #NotFinancialAdvice #Google #stocks #stockmarket #ta #technicalanalysis #GOOG " +"Wed Feb 19 21:10:08 +0000 2020","Another Tesla $TSLA video! Just an update on recent stock price action. New all time highs or double top? #NotFinancialAdvice #Tesla #TechnicalAnalysis #TA #bullrun #bullish #bearish #stocks #stockmarket " +"Thu Feb 27 15:00:41 +0000 2020","BOOM!!!! $SQ, guys pick the stocks in play and lets continue to roll!!! long right here 80.17 avg price!! @traderTVLIVE #stocks #trading #market #stock #markets #nasdaq #nyse #daytrading #stockmarket #finance #money #pennystocks #livetrading #stockstowatch #trader " +"Mon Feb 24 22:47:16 +0000 2020","$AMD Advanced Micro Devices Inc. The network has detected this equity has an undetermined short term setup and its stock price is in line with its long term fundamentals #Investing #StockMarket #money" +"Thu Feb 20 10:15:08 +0000 2020","$TSLA Tesla Inc. The network has forecasted the price of this stock has an undetermined short term setup and has a neutral long term outlook #Stocks #StockMarket #money" +"Mon Feb 03 20:00:37 +0000 2020","#Tesla’s biggest #bull stampedes to a $7,000 #price target $TSLA #US #USA #Stocks #StockMarket #finance #Business #stock #tech #Technology " +"Tue Feb 11 16:26:24 +0000 2020","Poll --Analyst Actions: Oppenheimer Raises NVIDIA's Price Target to $300 From $250 Ahead of Q4 Report, Keeps Outperform Rating Will $NVDA reach $300" +"Mon Feb 03 19:26:09 +0000 2020","Why Tesla's biggest bull sees 24% stock surge from current levels - #stocks #stockmarket #money #investing #trading #TSX #TMX #nasdaq #nyse #news #investing #stocktrading #business #wallstreet #alpha #alphanews #Canada #Questrade" +"Mon Feb 10 02:00:01 +0000 2020","#Markets #coronavirus #Trade Lastweek the S&P500 & NASDAQ rallied back 2 their all-time highs. That's why we say: Don't listen 2 your emotions, other people, don't predict–follow the price & your rules. If you sold all your #stocks bcz of the #coronavirusnews, u missed the rally." +"Sat Feb 08 19:50:10 +0000 2020","Easy trading system. How to decide which stock to buy and at what price level? Watch: $STUDY $QQQ $DIA $SPY #stocks #trading #stockmarket #education" +"Thu Feb 06 18:17:41 +0000 2020","Will the 'made in China' Model Y januari announced by @elonmusk in #Shanghai ever be built in #China? I do not think so. Stock price $250 in the summer #Tesla $tsla #coronavirus #stockmarket " +"Fri Feb 21 18:38:39 +0000 2020","Following is a list of stocks with RSI>70 & Stochastic>70 in daily, weekly and monthly MACD>0 in daily, weekly and monthly & MACD>0 in monthly and weekly TF since more than 200days " +"Fri Feb 28 03:01:32 +0000 2020","Apparently $NFLX didnt get the memo. Insane relative strength. Will be interesting to see how it performs once the market rallies. $SPY $FB $AAPL $AMZN $GOOG $MSFT $TSLA " +"Thu Feb 06 11:51:38 +0000 2020","Gold is up, VIX is positive, bonds are positive...it’s going to be a good day for $SPY puts. Let us mourn together when the reversal comes. " +"Wed Feb 26 22:51:08 +0000 2020","This sell-off has been indiscriminate, dragging retailers, oilers, autos and even tech sharply lower. Are any of these bear market stocks a buy? " +"Fri Feb 28 17:11:57 +0000 2020","“Take a Xanax for heaven’s sake.” Jimmy Chill aka @JimCramer takes it to the ticker tape: $JNJ, $JPM, $KO, $MCD, $MMM, $MRK, $NKE, $PFE, $PG, $TRV, $UNH, $UTX, $V, $VZ, $WMT, $XOM ,$BA, $CAT, $CVX, $DIS, $DOW, $GS, $IBM, $ICE. More on " +"Fri Feb 14 16:35:58 +0000 2020","@OptiontradinIQ Oppenheimer Raises NVIDIA's Price Target 2 $300 From $250 Ahead of Q4Report, Outperform Rating. Just saw another projected Pricearget of $315 - up $17 today on earnings. Look at $SMH, a semi/tech fund with $NVDA (Up 15% YTD) inside; 4 those with lower risk tolerance. Do your DD." +"Tue Feb 18 17:21:22 +0000 2020","$NQ_F long-term TL still holding. Daily closing high 9666 yesterday. Extremely overbought and divergent which is quite rare on weekly. Wouldn't surprise me to see a significant pullback of 8-14% over the next month $QQQ $NDX $FB $AMZN $AAPL $MSFT $GOOG " +"Sat Feb 01 13:52:21 +0000 2020","$AAL in Uptrend: price expected to rise as it breaks its lower Bollinger Band on January 27, 2020. View odds for this and other indicators: #AmericanAirlinesGroup #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Sun Feb 02 09:25:28 +0000 2020","$TSLA in Downtrend: its price may decline as a result of having broken its higher Bollinger Band on January 30, 2020. View odds for this and other indicators: #Tesla #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Mon Feb 24 05:31:53 +0000 2020","#Nasdaq has a better defined trend channel when compared with #SPX. Both are testing lower boundary of trend channel. If there is a breakdown, minor lows will be the next support (3,210 & 8,950). Charts are 1st month continuation futures. " +"Mon Feb 03 10:16:13 +0000 2020","$TSLA in Downtrend: its price expected to drop as it breaks its higher Bollinger Band on January 30, 2020. View odds for this and other indicators: #Tesla #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Sun Feb 09 12:45:14 +0000 2020","Notable #Earnings To Watch This Week (via @eWhispers) Mon: $QSR $L $AGN Tues: $LYFT $UAA $HAS $AN $HLT $LSCC $D Wed: $SHOP $CVS $TEVA $CSCO $AMAT $CYBR $CME $GOLD $MGM Thurs: $BABA $ROKU $NVDA $PEP $KHC $EXPE $AIG $MAT $WM Fri: $CGC $NWL $DIA $SPY $QQQ " +"Wed Feb 05 01:46:18 +0000 2020","Global cues Asia shows strength as Japan gains 200pts Hang seng up 195 Dow had a rocking day gained 400 Pts Nasdaq hits all time high on the back of Tesla @CNBC_Awaaz #awaazmarkets" +"Mon Feb 10 21:01:20 +0000 2020","And where do we CLOSE? 3348.5-52 🎯 MET Smelled in advance by The $SPY King 💘 + RT if U enjoy daily, weekly, intraday, swing anal Anal for all times + ages shared FREE $SPX $NQ_F $ES_F" +"Wed Feb 12 13:51:14 +0000 2020","Futures This Morning: S&P 500 | 3370 | +0.40% Nasdaq | 9573 | +0.49% Russell 2K | 1687 | +0.54% Dow Jones | 29368 | +0.48% $SPY $QQQ $IWM $DIA " +"Tue Feb 18 00:30:43 +0000 2020","Since prior tweet have ramped to ~50% of assets now short $AAPL, 7 suppliers & $QQQ. $AAPL -pre not a surprise. Surprised it is this early & NO guidance. China supply issues are temporary but demand issues may not be. China Q4 GDP already slowest in 29 yrs pre-Coronavirus impact" +"Wed Feb 19 17:18:52 +0000 2020","Updating this $AMZN chart now that earnings are out of the way and it printed a huge PEG(POWER EARNINGS GAP). Next target $3000, regardless of that Frontline report last night!:-) I doubt this will pullback much, could do what $AAPL has done in recent months! Opened floodgates! " +"Mon Feb 24 05:42:05 +0000 2020","$SPY Broke down decisively after it failed to breakout into new all time highs this week. Action in Leader's $AMD $AAPL $AMZN was poor & we got stopped out of all our existing positions on Friday. Going into next week with 100% cash. We'll see what we get! " +"Sun Feb 09 22:21:49 +0000 2020","In earnings, there are 68 S&P 500 companies reporting results in the week ahead. Some of the notable names reporting results this week include: -Alibaba -Roku -Nvidia -Lyft -Cisco -Under Armour -CVS Health -Pepsi -Kraft Heinz $BABA $NVDA $LYFT $CSCO $UA $CVS $PEP $KHC " +"Wed Feb 19 16:35:04 +0000 2020","Those who invested in the growth, tech & high flying momentum stocks over the last 5 months made an absolute killing. While the Nasdaq 100 went up over 30% in just 5 months, the more concerted FANG index is up over 50%. Incredible returns! $QQQ $AAPL $MSFT $AMZN $FB " +"Wed Feb 05 20:43:59 +0000 2020","@I_AM_WILDCAT Yep agreed, big fan of S&P 500 and Total Stock indexes, still I know people that lost out on hundreds of thousands or even millions of dollars today b/c their holdings in Apple or Amazon were sold early. Individual stocks are risky as hell but can compliment a long portfolio." +"Fri Feb 21 19:40:38 +0000 2020","If you’re expecting a large $TSLA drop correlated with a worsening Nasdaq $QQQ pullback, keep this in mind. I think we see a repeat of this. Disclaimer: not a trader." +"Wed Feb 26 05:27:49 +0000 2020","US mkt became very narrow.5 stocks:FB,AMZN,AAPL,MSFT & GOOG are 18% of S&P value & accounted for over 100% of S&P 500’s 2% EPS growth-indicating a negative earnings breadth As we said a few days ago,beware of tech funds coming at top of the market! Key always is #assetallocation" +"Sat Feb 29 03:10:06 +0000 2020","$QQQ $NDX Of the 4 major US indices, the Nasdaq 100 was the only index to: 1.) Not trade below its respective Q4 breakout level 2.) Not trade below its respective 200-day MA " +"Sun Feb 16 12:22:27 +0000 2020","Notable #Earnings To Watch This Week (via @eWhispers) Mon: Markets Closed Tues: $WMT $MDT $AAP $GRPN $HLF $A Wed: $WING $Z $STMP $CAKE $ADI $DISH $APRN $SEDG $KL Thurs: $DPZ $ZS $DBX $OLED $WIX $SIX $NEM $FIT $AKS Fri: $DE $DIA $SPY $QQQ " +"Sun Feb 16 19:00:18 +0000 2020","$AMZN $GOOGL $MSFT $AAPL levels in the room for team, these been the 4 pillars that continues to hold up mkt's, they will be responsible in the other direction as well when that comes. As my friend the legendary MC @AlderLaneeggs would say: ""Never wrestle a jaguar in the tree"". " +"Sun Feb 02 13:13:38 +0000 2020","Notable #Earnings To Watch This Week (via @eWhispers) Mon: $GOOGL $SYY Tues: $DIS $SNAP $F $CMG $GILD $MTCH $KLAC $SNE $BP Wed: $GM $QCOM $TWLO $MRK $SPOT $PTON $IRBT $GRUB $PAYC $GPRO $FEYE Thurs: $TWTR $UBER $PINS $YUM $WWE $WYNN $ATVI Fri: $GOOS $CBOE $ABBV $DIA $SPY $QQQ " +"Sat Feb 01 09:40:36 +0000 2020","$TSLA in Downtrend: its price expected to drop as it breaks its higher Bollinger Band on January 30, 2020. View odds for this and other indicators: #Tesla #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Feb 26 15:22:07 +0000 2020","#earnings after the close $SQ $ETSY $TDOC $BKNG $NTNX $CVNA $IIPR $NTES $BMRN $CPE $BOX $CCI $MAR $SRPT $ACAD $LB $APA $DDD $EDIT $UPWK $MED $CRC $VKTX $RUBI $WPX $UHS $NDLS $PTLA $CLR $ESTC $ANSS $CLGX $FTI $BEAT $WPG $VAC $WATT $OPK $GEF $ARNA $FIX " +"Wed Feb 26 23:36:39 +0000 2020","Many Co’s will be lowering guidance. Bottom picking can be dangerous until all the bad news comes out & gets priced in. Let the mkt wash out, for better Risk Mgmt. $MSFT $QQQ" +"Thu Feb 27 03:23:17 +0000 2020","$MSFT decided to cut guidance at the close. Trump decided to dismiss the thing that has companies+ countries everywhere cutting guidance: COVID-19! $SPX $3050 WAS my PT but now I see futures has no bid AND the beloved CTA call wall is lower than the put wall! 🤯 No Bid Is Bad🖤" +"Thu Feb 06 01:44:03 +0000 2020","Under 704 $TSLA - Trade Idea - Feb 7 655P - bid/ask: 4.20/5.60 Can drop another 50-60 points Over 704 $TSLA - Trade Idea - Feb 7 820C - bid/ask: 4.55/6.30 Over 786 can see 800, 833, 877 ----- $AMZN $AMD $BA $BABA $BYND $FB $AAPL $GOOGL $NFLX $NVDA $ROKU $SNAP $SPX $SPY $QQQ " +"Fri Feb 07 15:01:21 +0000 2020","$PINS Give the market time to digest the news. It caught many on Wall Street flat footed / on the wrong side and they will not openly change their minds quickly. But the beat was absolute: - Revenue EPS MAU ARPU Next Q Revenue guide Next Full Year Revenue guide Thread 👇👇👇" +"Tue Feb 04 03:51:20 +0000 2020","$QQQ Nasdaq had a nice up day today and is holding up well so far, but I am still about 60% cash because of the change in character in the volume. Huge distribution day on Friday followed by a low volume rally. I will never catch THE bottom or THE top. I remain cautious for now " +"Mon Feb 24 15:20:47 +0000 2020","Many stocks in my PEG watchlist gapped down to tag their 50 day MAs and starting to put in reversal candles.... $Nasdaq, $AMD, $BLDP, $V to name a few..... " +"Thu Feb 06 22:05:26 +0000 2020","Here's what was missed while we were gone $UBER $ABBV $PINS $ATVI $GOOS $WYNN $TTWO $SKX $TMUS $FTNT $ZEN $ROAD $TWOU $CBOE $DXC $HMC $COLM $CAE $FE $MSI $SGEN $NLOK $MSG $HBI $SIMO $TWST $FLT $NOV $POST $MYGN $EXPO $CCJ $FTV $UFS $VRSN $VSAT $CNHI $AVTR $SYNA $PFSI $CIVB $ASYS " +"Mon Feb 24 16:10:03 +0000 2020","#Coronavirus is hammering #stocks today. Which sectors are most at risk? Where are investors finding opportunities? What’s next this week? TradeStation’s Market Insights has answers. $AAPL $SMH $NVDA $GLD #Housing $VIX " +"Thu Feb 27 15:25:31 +0000 2020","This is how you crush the market during coronavirus week $NFLX 385C at $3.60 to $10.38 today $AAPL 285P from $2.75 to $9.35 $TSLA 680P From $5.70 to $26.60 " +"Mon Feb 24 11:47:36 +0000 2020","Quick look at $spx $amzn $aapl that can help guide the day. I’m glad most of you know my 8/21day moving averages rules so u come into today a lot more tactical." +"Fri Feb 21 20:02:11 +0000 2020","FANMAG; $FB, $AMZN, $NFLX, $MSFT, $AAPL, and $GOOG NDR's Bubble Composite, suggest we are definitely in the late innings. Maybe we get a blowoff or slow churn up, but I would advice selling into strength and considering a new theme for the next bull run. #megacaps #maybesmallcaps " +"Tue Feb 18 21:02:56 +0000 2020","Nice start of week 👍 🎉🎊 2/3 from $TSLA Some from $NQ and $AMZN Lunch time 🤣 " +"Thu Feb 27 02:27:45 +0000 2020","Live stream on now $AAPL $SPY $TSLA $AMD $BA $AMZN plus I explain a market update" +"Sun Feb 16 15:45:43 +0000 2020","Record consumer euphoria to misery ratio already peaked. US stocks making historic top at highest valuations ever. Earnings already turning down. China debt bubble poised to implode. So many great short opportunities today. Best macro setup of my 28-year career!" +"Sat Feb 29 03:52:08 +0000 2020","#DowJones recovered 1100 points #NASDAQ and S&P500 closed green... So what man already told you don't panic, buy and sit relaxed. I don't need to spend the whole night to watch American markets and all 🤪" +"Thu Feb 06 02:27:33 +0000 2020","Live stream on now $AAPL $TSLA $SPY $AMZN $BA after this is over you can see it 1 hour after it is closed here and my youtube channel subscribe to it." +"Sat Feb 08 13:53:59 +0000 2020","#earnings for the week $BABA $ROKU $SHOP $NVDA $CVS $CGC $CSCO $UAA $QSR $L $AGN $HAS $LYFT $TEVA $AMAT $MCY $SAFE $GBDC $GOLD $PEP $DO $KHC $D $CYBR $MELI $CHGG $CNA $EXAS $GT $HLT $AYX $AN $APPS $WM $GPN $CRNT $BIP $YETI $MPAA $LSCC $RNG $NMM $JE " +"Sun Feb 02 13:43:14 +0000 2020","Now for tmrw firstly u must know whether markets will be up or down. Yes I will try n tweet. If bullish D best scrip to buy Ulteratech n Bajaj finance followed by DLF n power scrips. You me r you not buying IT SCRIP. MINDTREE 915 just sell. Many scrips Including ambuja bottomed" +"Thu Feb 27 16:44:52 +0000 2020","#earnings after the close $BYND $BIDU $TTD $IQ $WDAY $OXY $ADSK $DELL $VMW $AMC $RUN $MNST $AAXN $MYL $PAGS $AIMT $PSTG $SWN $EOG $FTCH $NKTR $SWCH $AAOI $CHRS $RRC $BTG $XLRN $ZYXI $MTZ $CDNA $TRHC $ADUS $EIX $GPOR $FTAI $NPTN $CARA $COLL $AXDX " +"Mon Feb 24 13:43:38 +0000 2020","Last one- if QQQ falls 2.9% today, it would still be 10% above its 200-day MA. Last week it got more extended from its 200-day than it had been all decade. The rubber band was stretched, now it's snapping back. " +"Thu Feb 27 22:29:57 +0000 2020","Hold onto your hats, it's going to a be a bumpy open! APAC Opening Calls: #ASX 6470 -2.64% #NIKKEI 21251 -3.27% #HSI 25980 -3.13% #NIFTY 11416 -1.49% #CSI300 3950 -2.78% #IGOpeningCall" +"Tue Feb 04 17:39:50 +0000 2020","3 stocks drive 60% of the gain in the Russell 1000 Growth YTD - $MSFT, $AMZN and Tesla - TSLA 0.70% of index but 15% of YTD gains (21x). $TSL massive surge arguably as much about Russell 1000 Growth manager FOMO as it is short covering. Tesla also @fundstrat’Granny Shot’ " +"Tue Feb 04 00:57:17 +0000 2020","Today 47 million shares of $TSLA traded at an average price of $750/share - equating to a nominal value of $35 billion. That was greater than 1.6x the nominal value of Spyders traded ($22 billion) and over 1.5x the nominal value of $AMZN and $AAPL trading combined today. ." +"Wed Feb 12 00:13:40 +0000 2020","02/11/20 - View today's #MarketOutlook from @Market_Scholars Discussed: $SPY $IWM $DIA $QQQ $EEM $EFA $SPX $USO $AMZN $GOOGL $GOOG $AAPL $MSFT $VNQ $XLRE $S $TMUS $CCI $AMT $SBAC $FB" +"Fri Feb 14 21:06:46 +0000 2020","Stocks had a good start to the week and held gains nicely at the end of the week. For the full weeK: S&P 500 up 1.58% NASDAQ up 2.21% VGT (tech) up 2.34% TLT (bonds) up 0.08% IEF (bonds) up 0.04%" +"Mon Feb 03 19:33:25 +0000 2020",".@Sarge986 is back ‼️ Sarge caught up with @NPetallides to discuss his “dumpster dive” and “work from home” stock picks. $AAPL: “I am a firm believer… I think you’ll get $400 for this one day.” $AMZN: “I think it’s going to $2300, but I don’t want to pay this price today.”" +"Wed Feb 12 21:16:32 +0000 2020","AAPL closed today 65 cents short of an all-time high despite vast majority of production currently shut down, its 2nd largest end mkt(China)as well,despite last year's fall in revenues&net income(26PE),a plunge in Tim Cook's 2019 performance bonus & huge mkt shr losses past 5 yrs" +"Tue Feb 18 15:00:42 +0000 2020","AAPL, largest US stock down sharply on warning& Nasdaq down just 0.14% as wildlings ""rotate"" into other tech faves, including some -like TSLA with heavy China exposure. This is what the Fed has created via their constant interventions in free mkts - mindless, fearless ""investors""" +"Mon Feb 17 01:14:48 +0000 2020","@markbspiegel NASDAQ rose ~90% btw Sep 1999 and March 2000 - just as internet ""unlimited $/productivity gains"" narrative crashed down. Now FANGs + $TSLA exploding in similar ways. CBs + sh buybacks + vol suppression more proactive now, so mkt skewed. Macro econ is this generation's kryptonite." +"Tue Feb 11 13:55:22 +0000 2020","What’s Not Confirming the New High: -Volatility -% S&P above 50-MA -% Nasdaq above 50-MA -# S&P At 52 wk Highs -McClellan Osc. -High Yield Bonds -Financials Relative Perf. -Semiconductors -Micro/Small/Mid Caps -High Beta -VL Geometric Index -Discretionary/Staples Ratio -Momentum" +"Sun Feb 09 18:17:37 +0000 2020","Last week we played $TSLA 720C,750C,800C,850C,1100C.. Most of these paid 1000%+ with the right entries... We also played $NFLX 360,365,370C and $AMZN 2070C 2080C 2100C We waited for key resistance lvls to get crossed and we capitalized on the trades.. Patience is the key..." +"Sat Feb 01 02:16:28 +0000 2020","Watch List: $TNDM, $SQ, $BILI, $TEAM, $XP, $ZM, $DXCM, $DOCU, $PODD, $DT, $INMD, $AYX, $PLMR Earnings WL: $TWLO, $ZEN, $GOOGL, $CMG, $MTCH, $SNAP, $ICHR, $PTON, $PINS, $UBER Good luck next week folks!" +"Sun Feb 09 16:09:42 +0000 2020","#America 2.0 is already happening. $TSLA is the most visible example, it's our energy, transportation system being remade right now. $UBER is another. $BYND for food. $FB $TWTR $NFLX $GOOGL for media. $AMD $STM $MU for megatrends. many more. soo much happening. don't miss out." +"Tue Feb 18 14:33:57 +0000 2020","I have No sell signals except high levels of extension. Wait for reversal signals, we could be entering a blowoff phase. Watch MSFT, digesting nicely vs plunging. INTC, AMZN are also Keys! If AAPL doesn't break this mkt Monday, I don’t know if anything can stop a blowoff top." +"Mon Feb 10 11:11:05 +0000 2020","Good Morning! Futures mostly flat after whippy overnight session $TSLA up on Forbes article saying $GOOGL could buy $1500 per share $UBER PT Raised to $58 at New Street Research" +"Sun Feb 16 01:29:17 +0000 2020","New all time weekly closing highs $SPY $QQQ $IGV Software $IPAY FinTech $ITB Home Construct $SMH Semis $XLF Fins $XLI Industrials $XLK Tech $XLP Staples $XLRE REITs $XLU Utes These signals > narrow market, weak breadth, overhead supply, sequential countdown, Quad 3 tweets." +"Thu Feb 27 15:19:29 +0000 2020","Getting ready to pull the trigger with some big adds, but stocks aren't oversold just yet. Markets always overshoot both on the upside and downside. This selloff will be no different. $TSLA $VIG $ARKK $FOF" +"Mon Feb 24 19:41:08 +0000 2020","WOW i figured it out if italy get 1000 sick people no one will watch nflx or search googl. No one will buy a tsla (how many sales in italy) and nvda and lrcx will sell no chips.... CNBC got really insane today..scaring people like ..." +"Sat Feb 15 04:42:36 +0000 2020","Fun fact 20 year anniversary of DotCom Bubble top (3/10/2000) coming on March 10, 2020 On March 10, 2000, the NASDAQ Composite stock market index peaked at 5,048.62. Nasdaq peak at 10,000 (or a double of old peak which would be 10,097.24) before the massive selloff 🧠🤓 $SPY" +"Sun Feb 02 04:36:18 +0000 2020","$aapl just got the #Coronarivus & that means so will the: $SPY $Djia $qqq $xlk " +"Wed Feb 12 15:17:37 +0000 2020","Microsoft $MSFT Amazon $AMZN Google $GOOGL Apple $AAPL The acronym for the four U.S. stocks with a trillion-dollar market cap echoes Trump’s well-known campaign slogan. " +"Sun Feb 02 23:15:56 +0000 2020","The consensus on FinTwit this weekend is lower to much lower. The consensus is usually on the wrong side. Will see how this week trades. No predictions, observation only. Know your levels, honor stops, follow the plan. $SPX $QQQ" +"Wed Feb 26 02:09:24 +0000 2020","I had some stops get hit today. I had quite a few hit in Sept. which freed up $ for huge moves in $QQQ $SHOP $NVDA $NOW $HL & others. The key for me is a risk control line, that once $SPX breaks it, I sit on cash. Cash and USTs are at 46% - ready to go when the time is right." +"Tue Feb 04 21:32:58 +0000 2020","Both major indexes log an accumulation day each with Nasdaq printing an all-time high and S&P 500 back above its 21-day EMA. IBD Market Outlook shifts back to Confirmed Uptrend. $SPX $COMPQ $SPY $QQQ" +"Sat Feb 01 21:43:29 +0000 2020","So many people missed $TSLA because the financial media, Wall Street analysts and also because most money managers just ignored it. That's often the story with the greatest stocks -- $AMZN $NFLX $AAPL $FB $GOOGL Smart money is not that smart. What's the next one?" +"Sun Feb 02 19:11:10 +0000 2020","I've traded through the Nasdaq losing 80%, $GE $MSFT $AMZN $CSCO $BAC losing 60-90% of their market caps. $SUNW $WCOM $ENE $ACF $LEH $MER $BSC and others vaporizing overnight. $AAPL closing some stores for a week or two in the big picture pales in comparison." +"Thu Feb 27 21:47:03 +0000 2020","Trades done this week -> $TQQQ 1.6% loss $AMZN 1.7% loss $AMD 0.8% gain $AMD 0.6% loss $NFLX 2.9% loss $QLD 1.2% loss I know we all hate losses, but it's part of the game. Considering the amount of carnage that happened out there, Im thankful for keeping these losses small 😀" +"Tue Feb 11 01:07:32 +0000 2020","Sixty-seven percent of the S&P 500’s year-to-date returns come from just four names: * Microsoft: 28% * Apple: 15% * Amazon: 13% * Google: 11% (via @DataTrekMB)" +"Sun Feb 02 14:02:18 +0000 2020","This is my current watch list and positions: $AAPL $AGQ 👀 $AMZN $BRK.B $BYND $DIA $DIS $ETSY $FB 👀 $GLD $GS $IBB Long Friday $IWB $IWC Long Friday $IWM $KMX $QQQ $SPCE $SPY $SQ $VIX $XLE 👀 $UPRO Long Friday on close " +"Sat Feb 08 16:27:40 +0000 2020","Watch List: $SYNA, $ZEN, $TEAM, $SQ, $ZM, $SNAP, $IIPR, $ZM, $COUP, $CROX, $PINS, $TNDM Earnings WL: $AYX, $DXCM, $DDOG, $BL, $CHGG, $ROKU, $LYFT, $MIME, $SHOP, $NVDA, $CGC, $AMAT, $CYBR, $MELI, $YETI" +"Thu Feb 13 08:01:30 +0000 2020","If you think this market is stupid, in 2000 the Nasdaq was trading at 100x forward earnings so I went to cash and then the index doubled over the next 6 months." +"Fri Feb 28 11:45:53 +0000 2020","Even the #QQQ - once at the vanguard of innovation - has lost its way with airlines (what?), energy, and old tech $CSCO, #NTAP, and $INTC. I haven’t looked at the #QQQ in years. It no longer seems to provide the broad based exposure to #innovation that it once did." +"Fri Feb 28 00:38:01 +0000 2020","From 52wk high, most recently $SPX -12.2% $DJIA -12.9% $QQQ -13.4% $SMH -15.2% $NFLX -5.4% $SQ $HD -9% $BABA -11% $AMZN $JPM $GOOGL -14% $FB -15% $AAPL $MSFT $LRCX $MU-17% $AMAT -18% $INTC -19% $NVDA $CMG -20% $DIS $TTD -23% $SHOP $AMD -26% $TWTR -28% $TSLA -30% $ROKU -38%" +"Sun Feb 02 01:41:48 +0000 2020","Here is the list if you are bored AAPL BIIB NVDA V DHR CE QRVO ILMN URI GD LYB PSX HCA MCK UPS ADS MMM UHS JBHT EA TE AAP SPG PKI UAL XLNX RBI BBY KEYS CAH ROSS DD EBAY NUE DAL SEE ALXN MAC WMB MO MRO CHRW" +"Tue Feb 18 22:10:38 +0000 2020","With all said and done. No real traps today. $amzn went green. $nflx went green and cleared $385 $tsla cleared and held $820 to close on highs. $twtr had a nice session. $aapl even gave a way to buy vs. A reactionary low to take back half of the losses." +"Wed Feb 26 11:02:33 +0000 2020","Three key pivots to watch today. $spx 3118 with the 200day near 3075 area. $spy $311.69 $qqq $214.74. Do the markets hold above them? Do they break and do market discovery lower? Do they break them and then reclaim them later in the season." +"Sat Feb 29 14:13:43 +0000 2020","Just create a shopping list for when all this starts to slow down and market turns. For me long term names get cheaper I want to own. $AAPL $AMD $BA $CMG $MCD $COST $DIS $MSFT $AMZN $NVDA $TTD $MA $V just to name a few." +"Fri Feb 28 21:49:21 +0000 2020","Away from the market mostly today & I see at close the Nasdaq was actually up (pennies)... ... and @TMFRuleBreakers members get to open up two more cans of #spiffypop!!! $SHOP 2/24/16 cost $21.02, +24.94 (6%) today $TTD 2/22/17 cost $24.30, +37.24 (15%) today #thisishowwedoit" +"Sun Mar 01 11:30:34 +0000 2020","You might think that a higher stock price is good. This is correct only if you are a seller. $TSLA $KO $AMZN $MSFT $AAPL $JNJ $DIS $PEP #investing #investment #StockMarket #StockMarketCrash2020 #stocks #market #DividendInvesting #Millionaire" +"Wed Mar 04 06:49:55 +0000 2020","Coronavirus fears hit travel stocks like Air Canada the hardest. $AC stock price fell a shocking 22.7% in February❗️📉💸Buying puts on airlines $AC.t $AC.to $UAL $AAL $DAL $SPY #coronavirus #options #trade #StockMarket " +"Mon Mar 30 18:15:55 +0000 2020","Amazing Business Great Tailwinds Corona Virus is just another Boon for this company! Buying Opportunity Right Now For TARGET PRICE -470$ Can expect Appreciation of $100. #Tesla #StockMarket #CNBC #Markets #market #investing #Dow #DowJones #NASDAQ " +"Tue Mar 31 01:40:05 +0000 2020","$BPMX A possible falling wedge breakout this week over $0.32. Positive MACD crossover and stock price closed over 8EMA. Looking for $0.44+ over $0.32 break. #Trading #Stocks #Stockmarket #TSS #NYSE #NASDAQ #daytraders #wallstreet #pennystocks #charts #technicalanalysis #invest " +"Mon Mar 09 12:02:06 +0000 2020","@realDonaldTrump While this corrupt president is mean tweeting... #coronavirus #StockMarketCrash2020 #MondayMorning #STOCKMARKET TODAY Dow Jones Futures Plunge, Crude Oil Futures Crash On Rising Covid-19 Cases, OPEC Price War: Coronavirus Stock Market Correction " +"Fri Mar 27 01:16:20 +0000 2020","Three consecutive days of gains for the Dow and S&P 500. Thursday evening's market wrap looks at stocks, stimulus, and surging weekly jobless claims. MORE: " +"Fri Mar 13 17:12:56 +0000 2020","Left : Costco share price vs S&P 500, weekly chart. Right: Costco fresh meat counter on March 12, 2020. Caption Contest? $COST $SPY #StockMarketCrash2020 #StockMarket #stock #coronavirus #COVID19 " +"Mon Mar 16 20:06:19 +0000 2020","These are crazy times. The market falls more and more everyday. I want the $SPY at the low $200 level. When it gets there I am going long with a $500,000 investment. I am looking to hold for 4 to 5 years. $AAPL $AMZN $TSLA “Buy the Bottom”. " +"Mon Mar 09 15:07:06 +0000 2020","Dow Jones Dives 2,000 Points After Oil Shock Global stocks plunged on Monday and prices for crude oil tumbled as much as 33 per centafter Saudi Arabia launched a price war with Russia." +"Tue Mar 10 17:00:04 +0000 2020","U.S. Stock indexes rang up major losses Monday with the #Dow Jones Industrial Average (DJIA) and the S&P 500 (SPX) each declining more than 7% amid an #oil-price war between OPEC and Russia, as well as rising #coronavirus fears. #stockmarket #DJA #SP500" +"Mon Mar 09 08:51:29 +0000 2020","The Dow Jones stock market crash of 2020 is officially here. #coronavirus Global pandemic, #Oil price war, #geopolitical tensions very much on the rise. A very strong certainty that the #stockmarket carnage will continue repeating the 1929 stock market crash." +"Fri Mar 06 01:46:37 +0000 2020","$MYO Pretty much every indicator is bullish here. Impending MACD bullish crossover and also a bullish stoch with price trying to get above 8EMA. Entry over $5.40. First MAJOR PT is $7 and then $8+ #NYSE #NASDAQ #Stocks #Trading #Finance #TSS #Stockmarket #biotech #Healthcare " +"Fri Mar 13 03:12:04 +0000 2020","US #TravelBan🚫Adds to European #Airline✈️Woes😱@StatistaCharts #Tourism #Mobility #SP500 #Economy #GlobalEconomy #GDP #Profits #StockMarket #SellOff #covid19 #Pandemic #Recession #FP #Market #investment #DOW #BearMarket #Nasdaq #SocialImpact #MarketCrash " +"Mon Mar 16 23:33:42 +0000 2020","$DIA $SPY #stock volatility may “flatten” near term after historic gains #volatility #StockMarket #vix $VIX #StockMarketCrash2020 early signals of ‘new price discovery’" +"Tue Mar 10 00:14:05 +0000 2020","UK and US stock markets suffer worst day since 2008 financial crash | #stocks #StockMarket #BlackMonday #DowJones #StockMarketCrash2020 #economy #business #coronavirusuk #CoronavirusOutbreak #coronavirus ⁦@DrEmmaLJohnston⁩ ⁦@MrFTSE100⁩ ⁦ " +"Sun Mar 29 14:01:49 +0000 2020","This time tomorrow people are going to either yelling at their computers or bringing them into the bathroom for a little siesta. Thank God the market will be open tomorrow because I am a few weeks from going full Shining... $spy $qqq $aapl $jnug $penn $csv $pw $roku $x $aal $ba " +"Thu Mar 12 19:21:48 +0000 2020","@RevolutApp @RevolutApp how come I cant access the stockmarket feature on the app it just freeze when I select a stock? And price is much higher then NASDAQ??" +"Mon Mar 09 13:39:02 +0000 2020","Stock trading halted for 15 minutes after the S&P 500 craters 7% #StockMarket " +"Tue Mar 17 00:27:53 +0000 2020","Tracking BIGGEST points move in #WallStreet history ⬇️3k for Dow & 2nd worst day for #stockmarket since #BlackMonday in 1987! Big companies like #Apple #Nike closing stores cuz of #Coronavirus spread! I have not seen #5thAvenue this quiet since #HurricaneSandy #foxnews $dji $spy " +"Thu Mar 19 21:29:03 +0000 2020","US #Stockmarket lifting from 3 year lows! Big #technology & #pharmaceutical led the gains #Thursday. #Oil had it's biggest EVER 1 day JUMP +23% after @potus hinted he might intervene! Meantime #drugmakers UP on hopes of #chloroquine #coronavirus treatment & #vaccine #foxnews $dji " +"Thu Mar 19 20:11:56 +0000 2020","Stocks rebounded on yet another volatile day of trading on Wall Street, with the Dow up more than 100 points at the close. Tech stocks led the rally, with the Nasdaq up 3.7% at its session high. " +"Tue Mar 03 23:00:52 +0000 2020","$SPY $AAPL — trade today. $2,970. Full breakdown uploading on YouTube soon 🎯 " +"Fri Mar 06 17:36:30 +0000 2020","Another down day for Wall Street... @JimCramer takes it to the ticker tape $GS, $HD, $IBM, $ICE, $JNJ, $JPM, $KO, $MCD, $MMM, $MRK, $NKE, $PFE, $PG, $TRV, $UNH, $UTX, $V, $VZ, $WMT, $XOM, $AXP, $BA, $CAT, $CVX, $DIS, $DOW " +"Wed Mar 04 14:21:43 +0000 2020","Whipsaw Wednesday – Wild Market Swings Continue. We remain cautious and well-hedged – especially while the indexes are under their strong bounce lines. #coronavirus #COVID19 #DowJones $AAPL $LMT " +"Thu Mar 05 22:36:05 +0000 2020","Tomorrow: 6 Fed speakers all day long, employment in the morning. Best of luck shorting in the hole after a big down day. Wide ranging chop (meaning up tomorrow) is what I’m looking for. Resolution at lower levels should come, but I don’t expect that until beyond tomorrow. " +"Tue Mar 17 21:21:04 +0000 2020","Another wild day for stocks with the market making a huge comeback. But @RiskReversal says Microsoft and Apple are the two stocks to watch for a ""sign of capitulation"" in the broader market. $MSFT $AAPL " +"Tue Mar 03 21:04:40 +0000 2020","Tomorrow is going to be more lit than you can imagine ADP PMI ISM Bulltard Prepare for a destiny of epic squeezing " +"Sat Mar 07 07:31:34 +0000 2020","$SPY got the oversold bounce off the yearly .50fib and then rejected at the falling 10dma for the right shoulder. Would be interesting to see if we ride the DMA down just as we rode it up during the bull run. " +"Tue Mar 24 03:18:48 +0000 2020","Despite the mayhem the market is telling us something. It is seeking safety in IT and FMCG. Even globally, the NASDAQ is down just 2% over 1-year period. Please see this data. @CNBC_Awaaz @hemant_ghai @YatinMota @SumitResearch " +"Fri Mar 20 03:10:52 +0000 2020","I’m probably only and a few that notice we aren’t going straight down like we did from ATH. Notice we are starting to get some side action. It’s more a slope then a steep one. Next week hard gap down and crazy tail would be sexy. Or tomorrow just a move $SPY $SPX $SPOT " +"Mon Mar 09 20:14:40 +0000 2020","+$27K‼️ I can' t believe how much opportunity this market is giving us. Unbelievable non stop action. Nailed $SPEX at the open. I did have some trouble with $INO again but a CAREER BEST day on $TVIX $26K on that name ALONE beating Friday's $20K day on it. $AIM padder. 🔥 " +"Sun Mar 01 08:43:16 +0000 2020","$AAPL's price moved below its 50-day Moving Average on February 24, 2020. View odds for this and other indicators: #Apple #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Mon Mar 09 14:29:11 +0000 2020","The key to this market is patience and hedges. $NFLX long hurting me today, but hedges in $QQQ, $ES, $VX more than making up for that loss. Be patient. Funds and traders getting blown out today all over the place. " +"Fri Mar 27 21:14:55 +0000 2020","Markets are closed. That's it from us for the evening-have a great weekend all! Here's a slightly further look back at #spx moves to put the last few weeks in context. " +"Thu Mar 05 03:46:11 +0000 2020","The $SPY Futures $ES_F are testing the VWAP anchored from the all time highs, this comes a day after finding buyers at the VWAP anchored from the low of last week #levelsofinterest There are other levels, such as YTD VWAP that you should be aware of too " +"Tue Mar 31 20:04:14 +0000 2020","🚨WALL STREET TUMBLES AS WILD QUARTER COMES TO AN END🚨 -DOW ENDS ⬇️ 410 POINTS, OR 1.8% -S&P 500 ENDS ⬇️ 1.5% -NASDAQ ENDS ⬇️ 1% -VIX END ⬇️ 7% $DIA $SPY $QQQ $VIX " +"Sat Mar 28 17:04:08 +0000 2020","$SPY 248.20 <—— this is you real level to defend on the downside. Below is us Bears play ground. Above remains bullish. Bookmark this tweet. Don’t need opinions. Here’s my customized fibs. All levels have been priced to the T. Please share and retweet. $spx $es_f $nq_f " +"Mon Mar 09 10:38:16 +0000 2020","This is true - but there is a MASSIVE divergence in the mkt b/w the gogo growth stocks (semis/SaaS/FANGs/etc) which could fall another 50% and still be rich and the cyclicals/commod names where many are at/below multi-yr lows (or all time valn lows in some cases)..." +"Mon Mar 02 16:26:56 +0000 2020","After Friday's monster volume reversal, $QQQ was the by far the ""relative strength"" leader of all the other indices. Today it gapped up at the open, faded to fill the gap and now showing upside follow thru attempt. A positive close today bodes well for the bottoming pattern " +"Mon Mar 02 17:41:14 +0000 2020","I did say this on feb 28 about the $SPY and some of our key stocks like $AAPL paying some nices gains today with skill, love this stock we kill it with skill in $AAPL" +"Wed Mar 18 13:30:07 +0000 2020","BOOM 🥊🥊 Round 5 K.O. A 150 point bleed 🎯 Shared FREE + in advance ~24 hours ago 🤲 And yes I shorted while ALL were bullish + now banked 75% (3/4 pos) 👇 ⚠️ Look out below 2369 🗝️ leads to 2344.44, 2323 + 2288.5 before u sneeze $SPX #ES_F $NQ_F $DIS $BA $AAPL $GC_F $VTI" +"Thu Mar 26 15:45:12 +0000 2020","Everyone short overnight because the numbers. Everyone short overnight because the bill. Market the next day on each. BILL- 130pts Jobs- 117pts currently $SPY $ES_F Services posting their team went short into close........ " +"Tue Mar 31 18:04:44 +0000 2020","$ES $SPX have hit first targets and starting to ease out of tech longs here $AMZN, $NFLX. Looking to add $SPY puts no later than Thursday. Watching 195M and 78M @thinkorswim charts here for next trade signal. " +"Mon Mar 23 22:20:40 +0000 2020","After a steep 35% pullback.... $AAPL retested key breakout area from September and printed a reversal. Risk to reward starting to look appealing once again " +"Thu Mar 19 03:31:03 +0000 2020","Short the FAANG names, since they're the dumb, over-priced stocks that caused the broad market indices to become ""too expensive"" in the first place right? Nope. $AAPL $AMZN $NFLX " +"Sun Mar 22 21:02:10 +0000 2020","Chart: Nasdaq 100 vs S&P 500 Wild guess. The Tech/SaaS/Cloud/Growth investors will say I'm probably wrong... But my wild guess is this bear market won't be over until Tech & Growth goes through a serious bust & a relative underperformance vs large caps. $NDX $QQQ " +"Wed Mar 04 20:45:23 +0000 2020","Moral of the story: ignore zerohedge and other permabears who have missed out the entirety of this generational bull market, and buy the dips. $TSLA $VIG $ARKK" +"Tue Mar 31 20:17:31 +0000 2020","We talk about 10/28/2019 a lot. Why? It was a very important day from a behavioral perspective. In our opinion, it signaled a change into a risk-on environment. Thus, we want to see buyers be willing to pay those same prices for stocks again. First attempt: rejected. $QQQ " +"Thu Mar 19 14:08:52 +0000 2020","Nasdaq moves into the green led by Amazon, Microsoft, Apple " +"Wed Mar 25 11:32:15 +0000 2020","there are 2 things missing in this market: 1. the fall of giants (aapl, msft, amzn and few more) held very well during spx crash 2. knocking out all certificates barriers (1900 area is the largest cluster) last week mkt started to smell blood like a shark" +"Fri Mar 06 21:43:27 +0000 2020","This week was insane. Started on Monday up YUGE! $4,400+ $SPY all cash Tuesday-Thursday Sold $GLD too soon $BABA puts were toast $AAPL calls on Thursday were toast. Friday up a $950 off a quick squeezer before market close. Up $4,600 this week. Have a good weekend traders! 💎" +"Sun Mar 22 13:32:15 +0000 2020","🚨Notable #Earnings To Watch This Week (via @eWhispers) 🚨 Mon: $JT $VTSI $DMAC Tues: $NKE $INFO Wed: $MU $PAYX $PAYS $WGO $INUV Thurs: $LULU $GME $KBH $SIG $FDS Fri: $SCWX $DIA $SPY $QQQ " +"Mon Mar 09 19:08:36 +0000 2020","Tesla down 11-12% today Daimler down 12-13% today Under Armour down almost 10% Steel companies down 13-15% MGM Resorts down 12-13% Marathon Oil down over 46% Big gains for AIM Immunotech, UP over 200% today" +"Tue Mar 31 23:57:33 +0000 2020","#TheMediaKnowsNothing. Turn off the TV, Follow TML & Index Price & Volume. 3 Basketballs🏀underwater 🌊shot up to the surface, CHWY, DOCU, NET. All 3 as well as AMZN remain tells. Support for leaders is uncertain so far. No FTD yet. #Patience " +"Tue Mar 31 00:21:39 +0000 2020","Could just imagine all those puts on stocks indices that have been put last week. My bands on #ES_F are sky high top one right now pointing to 2830 tomorrow can be higher if they keep on going up. $SPX can stealth rally here.... 2660 looking to see what happens here." +"Sat Mar 14 16:20:15 +0000 2020","With Apple closing all of its stores outside of China until March 27, may be noteworthy the Discretionary vs. S&P 500 ratio was down over 2% Friday. Compare and contrast recent lagging action with the leading action in $XLY vs. $SPY in Nov/Dec 2018. #Economy #Earnings " +"Mon Mar 02 03:04:09 +0000 2020","Interesting to see where the $QQQ bottomed out on Friday before reversing..... note that it's the only index to not break below its 200 day MA on this bear raid. And take a look at the volume on Friday too! " +"Tue Mar 31 00:44:40 +0000 2020","To me this looks like a bear flag. The rally in the $QQQ Nasdaq is running right into overhead supply (on decreasing volume rally )and the declining moving averages. We are in a bear market and the prior trend is lower so I think the risk is too the downside here. " +"Sun Mar 29 05:35:22 +0000 2020","~Pandemic Watchlist~ - Social distancing $GOOG $FB $NFLX $CGC - Remote working $ZM $MSFT $WORK - Household goods and food $AMZN $WMT $COST $RB - Cleaning and protective equipment $CLX $APT $JNJ $MDT - Vaccines/cures/tests (HIGH RISK) $GILD $INO $MRNA $CODX $NVAX" +"Tue Mar 31 18:47:15 +0000 2020",".@Wedbush’s Dan Ives reveals his latest $TSLA and $AAPL notes on #TheWatchList 🔥 #TSLA: “It’s hard to pound the table here… there’s going to be some tough delivery numbers.” #AAPL: “Extremely attractive risk/reward… On the other side of dark valley, Apple is a name to own.”" +"Mon Mar 16 14:40:37 +0000 2020","the Nasdaq is attempting to lose all of its key extension levels from the 1987 crash, 2000 Tech Bubble Crash and Financial Crisis $COMP #nasdaq $QQQ $NDX $COMPX " +"Sun Mar 01 19:57:35 +0000 2020","Stocks got hit nicely this week and bonds did very well. So where do we profit next? Here is my March Playbook [Premium] $SPX $GDX $TLT $DJIA $IWM $QQQ $JPM $GS $TNX $XLF $SPY $ES_F $NQ_F $COMP $AAPL $MSFT " +"Mon Mar 23 15:06:13 +0000 2020","As I noted, the Tsy is buying Corporates and ETFs (yes, ETFs!). The Fed is brokering into a SPV. Now that this is set, and the Fed is buying ETFs on the NYSE, easy to expand to stocks and add AAPL and AMZN to their BND and LQD purchases. Stock tanks more, they might do it." +"Mon Mar 02 22:26:59 +0000 2020","$AAPL $TSLA gains gains gains with skill more videos to explain the facts coming soon just another big picture win coming up for us once again. $STUDY my channel no one does in like me in the face of fear like me with key powerful plans " +"Wed Mar 11 15:00:02 +0000 2020","#earnings after the close $INSG $NVAX $TACO $DVAX $WPM $AQMS $CLSD $MVIS $ZAGG $BLFS $LMNR $MGEN $SIEN $RST $PFNX $KRO $SMTC $AMOT $HNGR $BBCP $CALA $IDN $PDLI $BREW $CHRM $FSM $AXU $BUX $ARCT $FTEK $HUD $TH $FPI $NAVB $PWFL $RC $TALO $KINS " +"Thu Mar 26 02:23:08 +0000 2020","Thursday. Earnings day. Major indices plunge again. Prices fly all over the map as 10%+ intraday volatility becomes the new normal. Back in San Francisco, total school closures are announced (which is both the right thing and a very, very big deal for parents working from home)." +"Thu Mar 19 14:33:46 +0000 2020","Just how bad will this environment be for some of tech’s biggest players? We have to take a “scorched earth” approach to find the floor for names like $AAPL and $TSLA, says @Wedbush’s Dan Ives. Ives explains why he’s cutting his #Apple price target:" +"Tue Mar 31 12:51:46 +0000 2020","3/31 Watchlist Catalysts haven’t been helping much for individual stocks so I’ve been paying attention to what industry has news or moving pre-market/after market hours. Also pay attention to what the market is doing as a whole NVDA 💋 MSFT 💋 BA 💋 ZM 💋 NFLX 💋 TSLA 💋" +"Mon Mar 16 23:30:04 +0000 2020","Volume actually FELL today on SPY despite our ""biggest down day in over 30 years"" headlines. Breadth at -14/1 seemed ugly, but compared to last week, this is MUCH improved and something to pay attention to.." +"Mon Mar 09 13:56:22 +0000 2020","See, this is what I am talking about. ETF's like SPY and QQQ are trading once again, but some of their underlying stocks have yet to reopen. So how do you know how to price them?" +"Fri Mar 20 01:42:54 +0000 2020","Best combination of Stock Market -Declining interest rates with declining price to earnings of stock in broader Market. -Higher dividend yield -Higher price to book value Right now if we look at overall market More than 90 percent stocks trading below 20 P/E." +"Sat Mar 21 08:10:50 +0000 2020","Good morning! Hope you have a splendid Saturday. Here's our weekend indices update: #DAX 8487 -1.44% #DOW 18658 -1.94% #FTSE 4948 -1.51% #HANGSENG 21950 -0.70% #IGWeekendMarkets" +"Thu Mar 05 18:00:55 +0000 2020","#Technology stocks remain in the spotlight as #earnings season winds down, while traditional retailers keep struggling. Market Insights has the details. $ZM $JD $MRVL $TGT $KSS " +"Thu Mar 12 20:02:45 +0000 2020","Excerpt from my memo this morning to our MPA members: ""It would not surprise me one bit to see the Nasdaq trade down near the June 2019 lows below 7300 and see more FANG name damage."" Intraday low on the NASDAQ 7198 😨 " +"Fri Mar 13 00:46:43 +0000 2020","S&P closed nearly 19% below 200d SMA. I ran a simple screen: Recent Qtr EPS and Sales up 20%+, Price >=$20, Daily Turnover >=$20m and Close >= 200 SMA $AMD $BL $DOCU $DXCM $EDU $EHTH $ENPH $LITE $NEM $NVDA $PEN $PFSI $SEDG $SHOP $VRTX $ZM $ZTO Maybe one will be next leader .." +"Sun Mar 22 22:07:23 +0000 2020","(Sighs) Same old monday.... US Futures limit down: #DOW 18210 -5.02% #SPX 2184 -4.69% #NASDAQ 6644 -4.99% #RUSSELL 971 -4.81% #FANG 2532 -4.58%" +"Thu Mar 05 16:43:27 +0000 2020","Efficient market? AAPL +2% YTD despite Q1 warning, China factories partially shut most of qtr.,major end mkts in Europe& Asia either in or near recession(US. not far away).Meanwhile, gold miner ETF GDX flat YTD with $1660 gold,$175 above miners Q4 avg realized price (pure profit)" +"Fri Mar 20 21:31:21 +0000 2020","From the 2018 lows $SHOP went 3x $AMD went 6x $AAPL 2.5x $AMAT 2.5x $CMG 3x Those moves will come through in many names on the other side of this. Have to be able to wait it out with alot of cash." +"Mon Mar 09 18:17:48 +0000 2020","They have not really come for $aapl $amzn $tsla and $shop ... watch these for the real panic and woosh. We seem pretty close to getting the real thing $spy" +"Wed Mar 18 08:43:51 +0000 2020","Pre-Market: $BA: -12.5% $UAL: -8.2% $AAL: -8.2% $DAL: - 5.5% $LUV: -4.6% $TSLA: -7.4% $GM: -6.4% $F: -6.2% $FB: -5.5% $AAPL: -5.5% $GOOGL: -5.5% $MSFT: -5.3% $AMZN: -4.6% $NFLX: -3% $SPY: -5.3%" +"Thu Mar 26 22:50:13 +0000 2020","Many leading stocks have rallied hard this week, right into their 10wk SMA. The best thing that could happen here is the market goes sideways for a few weeks to let the leaders build right sides to bases. Volatility is still sky high and not conducive to position trading, yet.." +"Wed Mar 04 20:47:15 +0000 2020","As we enter the last fifteen minutes I am wondering whether yesterday's highs (around $314 on $SPY and $219 on $QQQ - represent some resistance and whether we will trade in the S&P range of 3050 to 3140 for the next few days? Just writing/talking out loud. @realmoney" +"Thu Mar 26 17:49:42 +0000 2020","With about 135 mins left in the trading day. The market is about where it was at lunch time. A little bit of selling but keeping most of the gains so far. Dow up +884pts. All are up about 4% NASDAQ is the laggard today only up about 3%. Good action today. Let's see if it holds." +"Mon Mar 16 23:30:19 +0000 2020","Today was a good 40% alpha day. Being short some absurd names is finally paying off after a brutal last year. $TSLA $TSLAQ $CVNA $CMG $SHOP $CACC $FRPT $RUN $ROL $OKTA $NFLX" +"Fri Mar 20 13:27:12 +0000 2020","$SPY $Spot just a 5min opening bell view.... please don’t ask for lottos. Just let me put them out when I feel like it. That’s how they work. You don’t just find them at any time have to wait. " +"Mon Mar 16 19:15:51 +0000 2020","Ett axplock av stora fall bland attraktiva bolag: Autodesk -30% Paycom -35% Facebook -30% 247 -50% ANSYS -30% Trade Desk -45% Alteryx -45% Instalco -35% Fortnox -35% Admicom -35% Cardlytics -50% Vitrolife -40% LVMH -30% Moncler -35% Align -40% Lifco -35% BTS -40% Ping -40%" +"Thu Mar 19 18:26:28 +0000 2020","With 90 minutes to go Dow is up +407pts but NASDAQ is up almost 5% oil also having a big day up 25% Very good action today. almost a 1100 pt swing from lows to highs." +"Sat Mar 28 18:38:27 +0000 2020","$SPY $SPX $AAPL $AMZN $ZM $VXX $NVDA $OIL $UNH $VIX This doesn’t bode well for stock markets ? Covid relief bill allows withdrawing money from 401k and IRA accounts with no penalties! " +"Tue Mar 10 17:14:51 +0000 2020",".@JimCramer is back with his next round of stocks to watch: $KO, $GS, $AAPL, $HD, $INTC, $IBM, $JNJ, $JPM, $MCD, $MRK, $MSFT, $NKE " +"Fri Mar 06 23:22:08 +0000 2020","I made a watchlist Incase we don’t open up -5% Most are inside weeks - “stronger” stocks to play $noc $lmt $pg $mcd $aapl $amgn $nflx If we tank I just short $spy and long $vxx (which my followers already understand lol) I’ll chart them later - might be a waste of time lol" +"Mon Mar 09 20:01:47 +0000 2020","NASDAQ UNOFFICIALLY CLOSES DOWN 600.58 POINTS, OR 7.00 PERCENT, AT 7,975.03 DOW JONES UNOFFICIALLY CLOSES DOWN 1,912.96 POINTS, OR 7.40 PERCENT, AT 23,951.82 S&P 500 UNOFFICIALLY CLOSES DOWN 215.95 POINTS, OR 7.27 PERCENT, AT 2,756.42" +"Tue Mar 24 04:18:31 +0000 2020","$ZM $TDOC $AMD $DOCU $SDGR $VIPS $ONEM $TTD $SHOP $TWLO $UBER $WORK $NFLX $AMZN $QQQ $SPY Day 1 of a new rally attempt on $COMP after undercutting the prior low. A couple of standout leaders, snap backs from prior leaders, and a few new potential leadership names emerging." +"Sun Mar 15 22:03:57 +0000 2020","The consensus is expecting the stock market to rise strongly on Monday and in the coming weeks after Fed just threw a ""kitchen sink"" 0% rates, $700B QE, swap lines at the market. I don't know what will happen next, but I'm wondering what if the market doesn't like it? $SPX $QQQ" +"Wed Mar 11 22:17:39 +0000 2020","BAYCREST: “.. the SPX closed with just 13% of components above their 200 DMA. While this has happened just seven times since the 2009 lows, the SPX was higher 100% of the time looking out on any time frame from one week to one year. The average 1wk return was +6.87% ..” (2/2)" +"Wed Mar 11 00:20:39 +0000 2020","Good evening! $SPX closed at 2882, but is down 30 after hours..2800 needs to hold tmrw otherwise we can see another fade to 2734 $AAPL rallied towards close, it needs to hold over 281 otherwise I would consider a short position..Levels above are 285,290,294 Have a good night!" +"Tue Mar 17 11:39:51 +0000 2020","For those who think stocks can't fall further.... FB - 22.72 PE AMZN - 73.47 PE MSFT - 23.58 PE AAPL - 19.13 PE GOOG - 22.06 PE NFLX - 77.62 PE CMG - 46.18 PE ....and this is trailing PE...not forward. So let's bust out those forward PEs now." +"Sat Mar 14 14:53:40 +0000 2020","one thing going completely unnoticed this week imo is the fact that Technology continues to rip to new multi-decade highs relative to S&Ps. The relative uptrend is still very much intact & nothing the past month has changed that $XLK $SPY $QQQ $AAPL $MSFT $V $MA $INTC $CSCO $ADBE" +"Sun Mar 01 18:29:17 +0000 2020","MKT epic week coming.... last 2 weeks were insane STMP 1 to 6+ tsla life changing lower broke secondary so simple.. Gave you thing on here went 4 to 100+ 2 to 100+ etc etc so many layers... AND SAM buys regn stk at 400 goes to 450 IS anyone in SAm league" +"Fri Mar 20 18:06:10 +0000 2020","Strong stocks that are outperforming the market significantly vs $SPY's -30% as of today: $ZM $NET $TEAM $NFLX $AMZN $OKTA $COUP $DOCU $MRNA $BABA ..." +"Tue Mar 03 01:31:05 +0000 2020","$SPY $SPX Being in this business, I come across a LOT of indicators. If I could pick only ONE indicator and have to live with it for rest of my life, it would probably be @Alphatrends Anchored VWAP. Just look at how perfect it has been on SPY. " +"Tue Mar 10 16:11:14 +0000 2020","🚨🚨🚨 I expect earnings pre announcements, the bad kind, from at least a few of: Advertisers: $FB $TWTR $PINS $SNAP $TTD $ROKU $AMZN $GOOGL Hardware $AAPL $ROKU Infra $NVDA $AMD $INTC $TSCM $XLNX $FSLY $AKAM $NET It's OK, the stocks are pricing a slowdown short-term." +"Thu Mar 19 01:22:24 +0000 2020","2) Here are some incredible, 'wide moat' US companies which are off a fair bit from their highs; yet are likely to survive and thrive over the long run - $ADBE $AMZN $FB $GOOGL $MA $MCD $MSFT $NOW $SBUX $V Usually these companies aren't marked down; but the sale is now on." +"Tue Mar 24 00:03:28 +0000 2020","@RichardMoglen Highest to lowest price (new RS Line Highs and closing above 200SMA and over $20 that you didn't list): $AMZN $SHOP $DPZ $ADBE $NTES $VRTX $STMP $CBPO $FNV $SGEN $LITE $ATVI $HLI $SHEN $NEM $CCXI $PDD $PETS $MNTA $VIRT $EGOV" +"Sun Mar 01 23:06:23 +0000 2020","Futures Sunday Night 6PM EST: Dow futures dropped more than 400 points, indicating a loss of nearly 500 points at Monday’s open. S&P 500 and Nasdaq 100 futures fell 1.6% and 1.9%, respectively. 🤔 #futures #stocks @DiMartinoBooth @chigrl @GaryKaltbaum #dow $qqq" +"Wed Mar 18 17:09:43 +0000 2020","$spy below yesterday’s lows. Oil, financials, and Airlines didn’t support the earlier bounce attempt. Now looks $spx 2351 after the halt. Can’t rule out 2150-2200 soon" +"Fri Mar 06 16:03:20 +0000 2020","Heavy selling in the growth stocks at the open today but on a positive note (thus far) $IWO $QQQ $SPY have held up above last week's lows." +"Wed Mar 11 13:53:24 +0000 2020","Market update: -785 Goodbye 500 day Moving Average Hello abyss Depressing headlines Cancellations There might be Blood There might be Donuts There might be Naps 😉🍩 @DiMartinoBooth $SPY @GaryKaltbaum @TheVoz4Real @frugalprofblog #stocks" +"Wed Mar 11 15:38:30 +0000 2020","Don't @ me with but the S&P is just back to last August or whatever dumb shit. I have a Bloomberg, I can see. What I'm saying is for the median stock, so basically excluding mega tech, the current price action is nearly analogous to that period." +"Mon Mar 23 01:54:43 +0000 2020","3) Off the top of our heads tonight, the family mentioned the following: $DIS $NFLX $AAPL $AMZN $GOOGL $FB $COST I added others to consider: $NKE $JNJ $HD $MCD $JPM $COST $SBUX etc." +"Mon Mar 23 15:04:46 +0000 2020","Some other companies that look particularly appealing right now, and I'm actively considering: Alphabet $GOOGL Amazon $AMZN Guardant Health $GH Microsoft $MSFT The Trade Desk $TTD" +"Tue Apr 07 03:26:07 +0000 2020","$AIRI Price now above all short term EMAs, and MACD is still bullish. Looking for $1.16 breakout this week for $1.40+ PT. Entry over $1.04 or between $$0.97-$.99. #Trading #Stocks #Stockmarket #TSS #NYSE #NASDAQ #daytraders #wallstreet #pennystocks #charts #technicalanalysis " +"Mon Apr 27 15:11:02 +0000 2020","Today we're waiting & trading on earnings reports for; UPS (NYSE: $UPS), 3M (NYSE: $MMM), Alphabet NASDAQ: $GOOG) , Southwest (NYSE: $LUV), Ford (NYSE: $F), Caterpillar (NYSE: $CAT), AMD (NASDAQ: $AMD), PepsiCo (NASDAQ: $PEP), Starbucks (NASDAQ: $SBUX) & Merck (NYSE: $MRK) " +"Thu Apr 30 13:55:01 +0000 2020","All about perpective: For the Long Holds, a bad stock market is GOOD. It allows you to buy MORE of the shares that you already own for alot LOWER than your entry price point and you get to bring down your CBPS (Cost Basis Per Share) average down. #StockMarket #nasdaq #DowJones" +"Sun Apr 12 16:58:36 +0000 2020","$ELTK Big breakout continuation idea this week. MACD & stoch bullish, and price is shooting for $5.40+. Entry over $4.40 or between $4.15-$4.21 pullback. #Trading #Stocks #Stockmarket #TSS #NYSE #NASDAQ #daytraders #wallstreet #pennystocks #charts #technicalanalysis #invest " +"Tue Apr 14 04:01:58 +0000 2020","$ONTX - Breakout today and expecting a continuation once $0.34 breaks. Entry over said price for $0.41+ #Trading #Stocks #Stockmarket #TSS #NYSE #NASDAQ #daytraders #wallstreet #pennystocks #charts #technicalanalysis #invest " +"Thu Apr 30 13:33:00 +0000 2020","Investors will see if Amazon and Apple’s earnings will follow the patterns of strong numbers from Facebook, Microsoft and Tesla. Here’s what we’re watching in the markets today, with @jimwillhite. #WSJWhatsNow " +"Wed Apr 01 03:34:08 +0000 2020","$TCON Chart is setting up for a big continuation, especially once 20EMA clears at $1.75. MACD curling higher and price is above EMAs(8,13). $2+ target over $1.75 #Trading #Stocks #Stockmarket #TSS #NYSE #NASDAQ #daytraders #wallstreet #pennystocks #charts #technicalanalysis " +"Mon Apr 06 01:08:27 +0000 2020","#us500 #spx $aapl $goog $amd $amzn $BA $FB $IBM $INTC $MSFT $MU $NFLX $NVDA $BABA $TSLA $TWTR $SQ My short term S&P 500 Futures index expectations are as follows. If index could break the 2780 level in the upcoming days, this analysis will be garbage. I predict that +++ " +"Sat Apr 18 15:32:43 +0000 2020","During the upcoming week, 96 S&P 500 companies (including six Dow 30 components) are scheduled to report results via @eWhispers. Highlights $IBM $NFLX $KO $T $INTC $LUV $VZ $AXP $LLY " +"Sun Apr 26 22:30:00 +0000 2020","1️⃣ $GOOGL $FB $MSFT $AAPL $AMZN Earnings 2️⃣ $BA $MCD $TSLA $AMD $TWTR $F $SBUX $GILD Also Report 3️⃣ US First Quarter GDP, Jobless Claims Data @JesseCohenInv Breaks Down What You Need To Know On Wall Street This Week $DIA $SPY $SPX $ES_F $QQQ $NQ_F $VIX " +"Sat Apr 25 18:53:49 +0000 2020","Big week ahead for US earnings. 172 S&P 500 companies (including 12 Dow 30 components) are scheduled to report Q1 results. Highlights include $AMZN $TSLA $MSFT $AAPL $AMD $BA $FB $MMM $GE $AAL $UPS $TWTR $PFE $CBSH $PEP $GOOGL $GILD $SBUX $V $MCD $XOM $F $CAT via @eWhispers " +"Mon Apr 27 16:42:20 +0000 2020","No change in my overall analysis. #Oil is the key, I think. Negative divergence on $ES_F Bearish price action on Crude Oil Today's stock market rally is suspicious and possibly terminal. $SPY $SPX #stocks #stockmarket #trading #daytrading #investing #CNBC #commodities " +"Wed Apr 15 11:39:47 +0000 2020","Tesla's Stock Keeps Rising After Goldman Sachs Gives Shares $864 Price Target $TSLA via @benzinga #stocks #stockmarket #money #investing #trading #TSX #TMX #nasdaq #nyse #news #stocktrading #business #wallstreet #alpha #alphanews #Canada #Questrade" +"Fri Apr 03 05:54:28 +0000 2020","Is #btc price based on speculation as much as the #stockmarket is? Or are there other factors? #cryptocurrency #bitcoin #crypto #NYSE #NASDAQ #SP500 #dow #dji #trading #stock #stocks #blockchain" +"Tue Apr 21 16:50:11 +0000 2020","TSX drops as energy sector slumps after oil price crash via @nationalpost @Gamma_Monkey #stocks #stockmarket #investing #trading #TSX #TMX #nasdaq #nyse #news #stocktrading #business #wallstreet #alpha #alphanews #Canada #Questrade" +"Mon Apr 27 21:55:43 +0000 2020","A mega week for MAGA stocks! Big tech names reporting this week: $MSFT $AMZN $GOOGL $AAPL. Here's what to expect " +"Tue Apr 21 21:36:22 +0000 2020","A MAGA meltdown hitting Wall Street today, with Microsoft, Apple, Alphabet and Amazon all leading the broad market lower. @RiskReversal shares his thoughts on the tech giants. $MSFT $AAPL $GOOGL $AMZN " +"Mon Apr 13 16:18:52 +0000 2020","The trends in technology stock in the US remain intact with AMZN as the leader followed by NFLX! " +"Sun Apr 26 01:55:22 +0000 2020","Relative performance Ranking since May 2017: FANG-MAN = FB AAPL NFLX GOOGL MSFT AMZN NVDA 1 FANG-MAN up 101% 2 XLK up 61.7% 3 XLY up 24.5% 4 SPX up 18.7% 5 XLP up 6.8% 6 RSP (equal weight) flat 7 XLF down -8.1% Market can't go up with XLF & RSP lagging this much🧐 " +"Sat Apr 04 10:28:25 +0000 2020","It was just the other day when $TSLA went parabolic, $SPCE was trading on 2030 possible earnings, $LK was the next $SBUX, $SHOP was going to be the next $AMZN, $GE was turning the corner, $NFLX was about to breakout after 1.5 years of sideways action, $AAPL straight-up action. " +"Fri Apr 24 21:12:42 +0000 2020","The $5.1 trillion countdown is on as tech titans Alphabet, Facebook, Microsoft, Amazon and Apple prepare to report earnings next week. Here's what to watch. " +"Mon Apr 27 06:30:48 +0000 2020","Big #Huge week for 🇺🇸#earnings with some favorites reporting $AMZN $TSLA $MSFT $AAPL $AMD $BA $FB $LUV $GE $AAL $UPS $TWTR $PFE $MA $GOOGL $GILD $SBUX $UAL $V $SPOT $MCD $XOM $CAT $ABBV $WHR $QCOM $BP $NOK #Invest💰@EasyEquities🇿🇦 #EasyResearch 🥩 " +"Tue Apr 21 17:23:43 +0000 2020","Lows in for the day at key pivot with momo div.....Now wait for first of the big FANG earnings (NFLX) " +"Wed Apr 29 21:13:29 +0000 2020","Deserves a repost for any short fools still paying attention to news and not charts/context/feel/market internals/ruling reason/momentum/FAANG/market profile/anything else ShadowTrader teaches - #FB #AAPL #AMZN #NFLX #GOOGL" +"Wed Apr 22 10:41:05 +0000 2020","It’s exactly a month ago the #ASX and #WallSt hit their lows - they’re now +20% despite recession, huge jobless spikes etc. The Fed’s super charged mkts - how long will it last? @NorthmanTrader on #TheBusiness tonight " +"Thu Apr 23 16:58:34 +0000 2020","I shared this chart on last night's #MarketOutlook video. It's QQQ compared to ETF that covers 85% of total US market cap equally weighted since the 1/26/18 peak where the period of higher volatility started (2nd chart). Gaps in performance usually get filled with both going 📉 " +"Thu Apr 30 20:18:00 +0000 2020","P/L: +$24.8K 🔥 Killer day today recovering almost 2/3s of yesterday's losses‼️😎 $CAPR bagholder panic pop short big winner today at the open. $UAVS nailed the longs out of the gate then flipped short and nailed that as well. $THMO padder. $AMZN AH #earnings fun bucks👍 " +"Tue Apr 14 20:26:54 +0000 2020","Increased our long exposure today as momentum along with Big Tech continued to put on a strong sho Current Positions with Entry & Remaining size: $SQ Long 62.0 (Full) $ZS Long 65.16 (3/4 ) $NFLX Long 401.0 (3/4) $AAPL Long 272.6 (1/3) $DOCU Long 95.69 (3/4) Contd (1/2) " +"Mon Apr 27 15:44:51 +0000 2020","Dow back above 24k! S&P500 just 17% away from record highs! Big #technology names have received most of the investor $ 💵 A record $250bln rotated in just 1 week! 😯 Earnings this week from the biggest ones #Apple #Amazon #Microsoft #Google Addictive! Including this #memoji " +"Fri Apr 17 20:47:42 +0000 2020","📈WALL STREET WRAPS UP ANOTHER VOLATILE WEEK📈 ⬆️DOW +2.2%, SECOND STRAIGHT WEEKLY ADVANCE ⬆️S&P 500 +3.0%, SECOND STRAIGHT WEEKLY ADVANCE ⬆️NASDAQ +6.1%, SECOND STRAIGHT WEEKLY ADVANCE ALL THREE AVERAGES ARE UP MORE THAN 25% FROM THEIR MARCH LOW $DIA $SPY $QQQ " +"Wed Apr 29 22:56:23 +0000 2020","MSFT and FB earnings caused the ES and NQ to rally close to the shorting areas that we have been looking at in our morning sessions. In the markets, there must be a buy order to fill every sell order. Market rallies facilitate short-term selling. Of course no certainty, just odds" +"Tue Apr 14 17:16:57 +0000 2020","Stock Market Recap: JP Morgan: Massive defaults are coming Tesla: Don’t care Amazon: Don’t care S&P 500: Don’t care Nasdaq: Don’t care Apple: Don’t care 😉 #nasdaq $AMZN $Tsla @DiMartinoBooth @frugalprofblog " +"Thu Apr 09 18:02:37 +0000 2020","Similar to the Nasdaq chart posted yesterday, I think the same scenario could potentially play out in the S&P 500 as well. $SPX $SPY $QQQ $NDX " +"Fri Apr 17 01:43:28 +0000 2020","$NFLX Netflix ...A lot of really smart technicians out there have been all over this one, going back to Monday. Official ATHs today. Good stuff. " +"Wed Apr 15 04:10:32 +0000 2020","In America, tech stocks are soaring again. The Nasdaq is back to February end levels. Same level as in November.. before anyone had heard of coronavirus.." +"Sun Apr 26 21:00:25 +0000 2020","*It’s a big week for earnings! *No less than 140 S&P 500 companies are due to report this week, including Big Tech. *Google kick things off on Tuesday *Microsoft and Facebook follow on Wednesday *Apple and Amazon then report on Thursday $QQQ $SPY $GOOGL $MSFT $FB $AAPL $AMZN " +"Sun Apr 26 15:55:35 +0000 2020","Lot of Charting work to do! Earnings Super Week! $AMZN $TSLA $MSFT $AAPL $AMD $BA $FB $LUV $MMM $GE $AAL $UPS $TWTR $PFE $CBSH $PEP $MA $GOOGL $GILD $SBUX $UAL $V $SPOT $MCD $XOM $F $CAT $TDOC $AMAT $AWI $CHKP $MRK $ABBV $WHR $QCOM $BP $KHC $CLX $HAS $ANTM $NOK $CMS $CNX $APRN " +"Tue Apr 21 01:42:55 +0000 2020","Good evening! $SPX down 51 pts today.. If SPX fails at 2822 it can drop to 2800,2762 $NFLX reports earnings tmrw .. 55 pt move priced in.. 480C can work.. it's possible to see 500+ $SHOP 593 key level broke today and run to 544+.. if 552 breaks it can see 600 Have a GN! " +"Tue Apr 14 23:02:26 +0000 2020","Continuing this week strong! 📈 💪 $AMZN 2200C $6.20 -> $35.35 $TSLA 700C $5.35 -> $27.05 $AMZN 2300C $8.70 -> $40.70 $NFLX 400C $4.65 -> $12.35 $AAPL 285C $2.33 -> $5.25 " +"Sun Apr 19 18:43:59 +0000 2020","Weekend Review, 4/19: Confirmed Uptrend Nasdaq reclaims its 200-day and 50-day lines. S&P 500 reclaims its 50-day line. Both indexes show a cluster of accumulation: Nasdaq has 3 in the last 4 days while S&P 500 has 3 in the last 6 days. Charts via @MarketSmith $QQQ $SPY " +"Fri Apr 17 13:58:45 +0000 2020","This bounce is 100% FED driven. A few trillion gets you a 50%+ retracement. But the largest 500 companies in the US are 16% below the perfectly priced record levels they sat at a few weeks ago. Earnings will shake some sense into these market soon enough. Am I wrong? 📊🎓📉 $SPX " +"Fri Apr 24 00:39:23 +0000 2020","STAHKS: $SPY down in the post after closing down for the 3rd day in 4 this week and down -17.4% from where the Spider Monkeys chased charts in FEB " +"Mon Apr 20 14:50:46 +0000 2020","Earnings dates for every company in the #FANGplus index: Company Date $NFLX 4/21 $GOOGL 4/28 $FB 4/29 $TSLA 4/29 $AMZN 4/30 $AAPL 4/30 $TWTR 4/30 $BIDU 4/30 $BABA 5/14 $NVDA 5/14" +"Mon Apr 13 19:14:57 +0000 2020","$NFLX $AMZN $TSLA Huge Runners for the day, Feels good to catch these with my custom Range Break scan thanks to @TradeIdeas When you have High Rvol at open and over 20% volume traded in first 15,30 mins its cue for the ORB Long trade. Have one for Bearish Range Break as well " +"Thu Apr 30 12:15:18 +0000 2020","Some of best premarket movers $VXRT $UAVS $CPE $SNGX while $TWTR drops into red and traders wait for $AMZN and $AAPL earnings results 🧐" +"Mon Apr 27 16:31:47 +0000 2020","Interestingly, the Nasdaq turned red on the 6th of March (at $208 on QQQ), but then turned green again on the 6th of April (at $196 on QQQ). A much larger and quicker bounce than the S&P500. So let's dig into the few companies that are driving all of this ""growth"" ... Post 8/ " +"Wed Apr 29 21:10:02 +0000 2020","Nasdaq now overbought for the first time since February 21st and at the same level after hours that it was trading on February 3rd. Up 15%+ YoY and 200-DMA at new highs. $QQQ " +"Wed Apr 15 12:42:57 +0000 2020","Still not stopped on my $DIA short or any of my longs that I added last week. With the NASDAQ above the 200-day on a gap but less than one-quarter of NASDAQ stocks above their own 200-day, a pullback is likely to occur." +"Thu Apr 23 10:40:13 +0000 2020","Investors' & traders' love affair with tech continues as the NASDAQ 100 outperforms 16 of the past 17 weeks have seen the NASDAQ 100 / S&P 500 ratio's RSI exceed 70! The only other time tech persistently outperformed this much was at the height of the *dot-com bubble* in 2000 " +"Sun Apr 26 17:53:26 +0000 2020","Weekend Review, 4/26: Confirmed Uptrend Nasdaq is down marginally, closing near high of the week, holding above its 200-day/50-day. S&P 500 closed above its 50-day line. On watch if the indexes can clear its handle. Distribution Day: 0 Charts via @MarketSmith $QQQ $SPY " +"Tue Apr 21 01:37:48 +0000 2020","$QQQ relative to $SPX is showing a massive momentum divergence right when it seems like everyone is piling into semiconductors, software, cybersecurity, etc. Seems like a crowded trade. Watch your 6. " +"Sat Apr 18 17:07:02 +0000 2020","State of the market video where I give my opinion on what I am seeing in the stock market. $spx $qqq $iwm $dja $xlf $smh $valug $xsw $hack $xlv I tried Zoom this week to record the video... check it out 👇👇👇👇👇👇👇👇👇👇👇 " +"Thu Apr 30 17:56:08 +0000 2020","“Ain't nuthin' but a 'V' thang, baby,” says @jkrinskypga. But the SPX rally “puts it in a difficult spot. .. Have we seen that before? Somewhat. In 2000, the NDX fell ~40% from the March high to the May low, and then rallied 43% to the September high.” " +"Sun Apr 26 12:20:03 +0000 2020","💥Notable #Earnings To Watch This Week (via @eWhispers)💥 Mon: $AMAT Tues: $GOOGL $AMD $LUV $SBUX $MMM $CAT $UPS $PEP $F $PFE $MRK Wed: $MSFT $FB $TSLA $BA $GE $MA $TDOC $SPOT $YUM $APRN $QCOM Thurs: $AAPL $AMZN $TWTR $GILD $MCD $V $AAL $UAL $MGM Fri: $XOM $CVX $HON $ABBV $CLX " +"Thu Apr 16 15:47:01 +0000 2020","Lots of people sitting in home that are new traders, they are buying AMZN, NFLX and calls on these...we all know how this ends but impossible to know when. The number of ""blown up"" stories are going to be staggering over the next 3 months." +"Wed Apr 15 18:16:22 +0000 2020","Still not stopped on my $DIA short or any of my longs that I added last week. With the NASDAQ above the 200-day on a gap but less than one-quarter of NASDAQ stocks above their own 200-day, a pullback makes sense here. " +"Thu Apr 16 16:06:54 +0000 2020","Market: V-shaped recovery, jobs and consumption will roar back Also Market: Bid up $AMZN because every other retail store is dead and $NFLX because nobody gonna ever leave their house again" +"Tue Apr 07 00:21:22 +0000 2020","Also, have to remember the S&P is not really an economy trade...it’s a tech monopoly fwd multiple trade. If you are bearish better today build index of garbage and trade that basket short." +"Tue Apr 14 20:15:01 +0000 2020","U.S. stocks on Tuesday closed sharply higher on the back of strong gains in prominent tech shares, which helped the Nasdaq exit bear-market territory. " +"Wed Apr 01 23:23:41 +0000 2020","For daytrades, the top stocks to focus on are still the same. so the usual $TSLA $NFLX $BA $NVDA $SHOP $TTD $BABA $ROKU $TWLO $AAPL $SQ $AMD $FB. Those will always be my top 10+ for the most part, yr after yr. Best combination of liquidity & range by far, so perfect 4 weeklies" +"Thu Apr 16 12:51:59 +0000 2020","Here’s some excerpts from my smaller Morning note - I reach it each day and goes out 8:30 $spy $spx $qqq $jets $jpm $nflx $amzn $aapl $msft $pton $work " +"Sun Apr 26 15:16:59 +0000 2020","The conundrum is 2021 EPS will almost certainly be lower than 2019. But MSFT, AMZN, and AAPL earnings will be higher. As the first two in particular become greater % of SPX earnings they will likely pull the multiple higher." +"Wed Apr 29 20:41:48 +0000 2020","This market is pretty much giving Covid-19 the middle finger. Tech stocks almost at levels they were before this pandemic. Crazy. $TSLA, $FB, $AMZN, $AAPL, $GOOG" +"Wed Apr 29 14:48:21 +0000 2020","#earnings after the close $TSLA $MSFT $FB $TDOC $QCOM $EBAY $NOW $VRTX $ALGN $RIG $URI $BMRN $CCI $AGNC $NLY $CREE $CACI $AFL $MPW $FICO $AM $AGI $MTDR $PTC $UCTT $ADM $CONE $HOLX $INOV $RJF $OLN $PEGA $FRTA $GIL $AR $HIG $KRC $SCI $QEP $KLIC $DRE " +"Mon Apr 20 15:43:54 +0000 2020","#FANGplus earnings dates: 4/21: $NFLX 4/28: $GOOGL 4/29: $FB 4/29: $TSLA 4/30: $AMZN 4/30: $AAPL 4/30: $TWTR 4/30: $BIDU 5/14: $BABA 5/14: $NVDA" +"Thu Apr 16 20:10:43 +0000 2020","#MarketWatch Tech stocks surge led by $NFLX and $AMZN Netflix jumps 2.91% higher to record high of 439.17/share Amazon rises 4.36% to record high of 2,408.19/share" +"Sat Apr 25 03:03:21 +0000 2020","After Big Selloff & Recovery, Drawdowns Of #US Market Indices : Nasdaq : -10.4% SPX : -16.4% DowJones : -19.4% That Gives Hints Abt #Tech Dominance To Continue In Future" +"Mon Apr 27 17:01:02 +0000 2020","All of the biggest names $AAPL $AMZN $GOOGL $MSFT $FB which were making overall market go up past days are red today while $SPY still at highs. Keep that in mind and be careful 🧠" +"Thu Apr 30 23:00:54 +0000 2020","Dow futures drop more than 200 points after earnings drive Apple and Amazon lower If 2 of our most valuable companies post disappointing earnings.... look out below..." +"Sat Apr 25 12:54:01 +0000 2020","#earnings for the week $AMZN $TSLA $MSFT $AAPL $AMD $BA $FB $LUV $MMM $GE $AAL $UPS $TWTR $PFE $CBSH $PEP $MA $GOOGL $GILD $SBUX $UAL $V $SPOT $MCD $XOM $F $CAT $TDOC $AMAT $AWI $CHKP $MRK $ABBV $WHR $QCOM $BP $KHC $CLX $HAS $ANTM $NOK $CMS $CNX $APRN " +"Tue Apr 14 16:32:09 +0000 2020","i suppose the lesson is to never sell market leaders in high growth sectors. nobody is smart enough to judge what ""valuation"" is appropriate - SHOP AMZN ASML NFLX NVDA MSFT" +"Fri Apr 24 20:02:24 +0000 2020","ding ding ding. Man what a day. We played: - $SPY calls for a potential 6X - $TWTR calls for a potential 3X - $BA for easy 3 pts - $TSLA calls for easy 2 pts - $NFLX calls for an easy pt - $INO some of the squad got for an easy runner - zoom on the FB news" +"Tue Apr 14 00:31:20 +0000 2020","There have been big recent moves in many names & the indices recently. Today, $AMZN, $AMD, $NFLX, $TSLA, $ZM & $GOLD led higher in large caps, all up over 5%. There is only one way to get in ahead of those moves & it isn't by looking at 1987 charts or predicting new lows." +"Sun Apr 26 15:09:57 +0000 2020","Happy Sunday squad. Enjoy the day.. cause tomorrow we start the bank making party back up. Be back in the evening with the watchlist after we see some futures action. We’ll be watching $tsla $googl $ttd $fb $amd $aapl $sbux and many many more" +"Tue Apr 07 02:07:04 +0000 2020","Today's powerful follow through day improved many of the charts on my watch list, especially in big cap tech. We're not out of the woods yet, but it's definitely a step in the right direction. AMZN, MSFT, NFLX, NVDA and a few others closed above their 50-day moving average." +"Sat Apr 04 16:24:02 +0000 2020","My #stockmarket haiku: Delicious Bacon From the pigs that got slaughtered Bottom has not hit $spy $qqq $djia $aapl $tsla $tvix" +"Tue Apr 28 19:16:26 +0000 2020","Earnings about to get serious: five of the top six SPX by market cap report in the next 48hrs Aftermarket $GOOG (1.6% weight) exp. 10.33/33.6bln Wed $MSFT (5.6%) exp. 1.26/33.7bln $FB (1.9%) exp. 1.75/17.5bln Thu $AAPL (4.9%) exp. 2.26/54.5bln $AMZN (4.1%) exp. 6.25/45.5bln" +"Tue Apr 14 12:44:06 +0000 2020","TSLA's performance indicates Fed's money printing is at it again - kiting up stock prices - this time with orders of magnitude more money printing than before. Pre-market futures indicating Nasdaq 100 index now down only 3% YTD despite global disaster. FANG's back too.Thanks Fed!" +"Sat Apr 11 10:41:32 +0000 2020","A batch of names showing up running through a few screens. LVGO SDGR CHWY MSFT DOCU DXCM TSLA AMT SBAC CCI GOLD NEM FNV VRTX ZM TDOC ETSY PDD PTON NET AMZN IPHI STMP VEEV NFLX WING NLS PLD DEA PPD EXP EQIX ACAD QLYS" +"Wed Apr 22 15:16:12 +0000 2020","The $SPY is having trouble with the WTD (red) AVWAP and is also below the 5 DMA which tells us further caution is warranted after finding trouble at the 50DMA and VWAP anchored from the Dec 2018 low the last couple of days from " +"Fri Apr 17 20:01:41 +0000 2020","$SPX strong move into close... Next week is setting up for another move higher... I will be posting more charts and my thoughts/plan this Sunday.. Have a great weekend everyone! $AAPL $NFLX $NVDA $SHOP" +"Tue Apr 28 21:29:43 +0000 2020","If $GOOG can go up $100 on pretty weak results, $TSLA should be able to pop $100+ tomorrow on anything better than expected and pop more on any surprises." +"Sat Apr 25 20:31:10 +0000 2020","$INTC projected declining EPS for 2nd Q, loses some $AAPL business, the stock rallies 5% off the open & closes higher on the day $GOOGL announces cutting ad-spending by 50%. Social media predicts 'the end' on Thur night. Stock closes higher Not exactly Bear market price action" +"Sun Apr 26 17:53:51 +0000 2020","Setups and Watch List, 4/26: $NOW $COUP $TEAM $AMZN $NFLX $TSLA $SWCH $LSCC $NVDA $AMD Following charts courtesy of @MarketSmith $SPY $QQQ $IWM" +"Mon Apr 06 20:01:05 +0000 2020","DOW JONES UNOFFICIALLY CLOSES UP 1,652.80 POINTS, OR 7.85 PERCENT, AT 22,705.33 S&P 500 UNOFFICIALLY CLOSES UP 177.87 POINTS, OR 7.15 PERCENT, AT 2,666.52 NASDAQ UNOFFICIALLY CLOSES UP 543.08 POINTS, OR 7.37 PERCENT, AT 7,916.16" +"Thu Apr 16 13:20:14 +0000 2020","$AAPL $MSFT helped lead the rally from Oct-Feb, and now $AMZN $NFLX are leading this rally Notice how the entire market is being concentrated into a few equities" +"Mon Apr 13 23:06:20 +0000 2020","Select growth names showing constructive price action today, outperforming the market: $NFLX $LVGO $VRTX $AMD $NVDA $IPHI $TSLA $DOCU $AMZN $NET $PTON $ZM $SHOP" +"Thu Apr 30 10:34:35 +0000 2020","Of course, Facebook shares are up by more than 9% after beating estimates. Turns out it helps Big Tech when everyone's glued to their screens. FAANG (or FANMAG including Microsoft) shares still charging ahead as earnings beat expectations. Amazon & Apple report after the bell." +"Tue Apr 28 00:27:22 +0000 2020","Good evening! $SPX slow grinding move higher for most of the day.. If SPX can break and hold over 2882 it can test 2900 tmrw $NVDA tested 300 today but failed. AMD reports earnings tmrw. If $AMD beats, NVDA can move to 306+ $BYND under 100 can drop to 91,82 next Have a GN!" +"Wed Apr 15 14:51:38 +0000 2020","carbon copy market of monday NO ONE on twitter will teach you this MONDAY amzn zm nflx tsla and techs positive spx rip back up... EXACT same mkt..." +"Thu Apr 30 20:07:54 +0000 2020","After declining 35% in 24 trading days, the SPX is now up 35% in 27 days (from intraday low to intraday high). This looks very much like a V, or I need to brush up on the alphabet. The big Q: Is it sustainable given the economy (& earnings) may not have the same kind of recovery?" +"Sun Apr 19 18:08:40 +0000 2020","Watch List: $TSLA, $SHOP, $VEEV, $COUP, $DOCU, $NVDA, $AMD, $ROKU, $RGEN, $TEAM, $CVNA Earnings WL: $NFLX, $SNAP, $DPZ, $CMG, $LRCX I’m watching for gaps and pullbacks this week in leaders. Good luck y’all. This is what we’ve been waiting for." +"Mon Apr 27 13:19:02 +0000 2020","5 largest stocks in S&P (MSFT, AAPL, AMZN, GOOGL & FB) all reporting earnings this calendar week, for only 2nd time in history: weeks of 1/26/15 & 1/29/18 (S&P -3.7% & -3.9%, respectively those weeks) [Past performance is no guarantee of future results] @csm_research" +"Tue Apr 21 15:28:13 +0000 2020","Observation: Those who said 'no way we can retest cuz look at MSFT, AAPL, etc' last week not saying that now. SMPT" +"Thu Apr 30 20:47:42 +0000 2020","Both $AMZN and $AAPL lower and that is a good thing for this market. We aren't going to get good corrective action until those stocks are no longer de facto money market funds. @realmoney" +"Mon Apr 13 19:23:19 +0000 2020","$AMZN heading towards ATHs, $NFLX 52 week high, $NVDA holding 260, $AAPL over 272 goes, $SHOP over 450, $TSLA near 650, becoming harder and harder to be bearish on this market imo." +"Mon Apr 27 13:45:27 +0000 2020","So the ultimate “Stay at home Stock Index”: $AMZN $ZM $WORK $NFLX $JD $APRN $DOCU $BABA $SHOP $ROKU $ATVI $EA $CCI $AMT $TEAM $OKTA $W $OSTK Missed any? #investing #tech" +"Mon Apr 13 20:20:00 +0000 2020","Why did Nasdaq end UP? Amazon, Apple, Tesla, Netflix & Intel index heavyweights driving train per @markets With decliners running at ~1.5:1 vs advancers, it’s pretty clear this is one of those days where the green on your screen leaves a lot to be desired Nothing. Has. Changed." +"Sun Apr 26 22:42:37 +0000 2020","With $AMZN, $AAPL, $GOOG, $GOOGL, $MSFT and $FB all reporting, I think this week the direction of the market will be set for the next few months. These 5 represent 20% of the $SPY and even more of $QQQ." +"Fri May 22 02:06:14 +0000 2020","Facebook stock price is up $80+ last 4 weeks. Facebook shops and Facebook workplace are looking serious. #Facebookstockprice #stockmarket #NASDAQ #investing #stockprediction Checkout this tweet about #luxuryhomes in Los Angeles …" +"Wed May 13 12:46:57 +0000 2020","#SPX500 forward P/E circa 23x = highest level since 2001 Since #StockMarket bottom on March 23rd, $SPX forward 12-month #EPS has declined by ~17% while #SPX price has increased by ~29% BUY #Stocks! #Stock #Market #Markets $SPY #Investing #Earnings #Profits #Valuation #Trading " +"Wed May 20 12:27:21 +0000 2020","Do you want to learn more about price action and candlesticks? Join our chatroom! Link in bio! #invest #stockmarket #stocks #stock #money #stocktips #trading #swingtrading #daytrader #daytrading #learntotrade #traders #wealth #nasdaq #livetrading #tradereducation #learnathome " +"Fri May 01 19:57:10 +0000 2020","To Everyone: This tweet did NOT drop Tesla's Stock Price. The stock closed down yesterday -2.33%. Its just a continuation. #tesla #elon #elonmusk #stockmarket #stocks #tradedifferent #tsla #huefinnews " +"Fri May 22 01:31:31 +0000 2020","Facebook stock price is up $80+ last 4 weeks. Facebook shops and Facebook workplace are looking serious. #Facebookstockprice #stockmarket #NASDAQ #investing #stockprediction " +"Fri May 01 16:47:43 +0000 2020","$TSLA: Stock price is too high? You are right Elon!, needs more downside. #Elliottwave #elliottwave #StockWaves #Tesla #TSLA #stockmarket #options " +"Tue May 19 15:23:25 +0000 2020","Market is strong here, S1 has long signals on nq and ES, with that we should see higher prices. Just follow price and keep it simple. #stockmarket #stocks #stock #trading #market #news #investing #bitcoin #today #business #live #ES_F #NQ_F #DAX #NASDAQ #SP500 #SPX #DJIA #NDX" +"Tue May 19 20:29:36 +0000 2020","How many years would be needed so that the TOTAL NET PROFIT of a company becomes = its Market Cap.? Check out the Price/Earning (P/E) ratio. But first check out our #AI powered #stock predictions. #NASDAQ #NASDAQ100 #StockMarket #stockstowatch #share #investment #business" +"Fri May 22 20:48:37 +0000 2020","1 of the best #stock performers on #Friday #Nvidia 🆙100%+ since March #stockmarket depths High demand $nvda chips used in #Gaming #Cloud Computing! 💾 Meantime #Peloton sales ⬆️65% since #coronavirus #stayhome  #lockdown Maybe a cheaper $pltn bike but not Stu in #Lycra pls 🚲 " +"Wed May 06 20:17:56 +0000 2020","The 'Sell in May and Go Away' #StockMarket Anomaly is at Confluence with Underrated #Coronavirus Recession Risk, Rekindled US-China Trade Tension, and Unprecedented #Fed Balance Sheet Growth. Latest Forecast: #Stocks #Trading $DJI $SPY $SPX $ES_F $YM_F " +"Wed May 27 13:07:43 +0000 2020","The stock indices move up since the swing lows in March has been lead by the Nasdaq index as it was near all time highs yesterday . We may see a upward rotation in the other indexes now. The early morning pivot in the ES is 3019. Below my major pivot is 2982. #ES_F #NQ_F $SPY " +"Thu May 28 19:09:05 +0000 2020","The Stock Market - AMD. Better price/performance value. via @JLAFORUMS #AMD #StockMarket Advanced Micro Devices" +"Fri May 15 20:46:51 +0000 2020","Chinese #Ecommerce giant @JD_Corporate (#NASDAQ: JD) announced the first-quarter report. #JD's fourth-quarter report in 2019 brought a 12.44% increase in #stock price, how will it do this time? Read more: #StockMarket #techinChina #investinChina" +"Thu May 28 18:48:44 +0000 2020","$KTOV .53 Kitov Pharma Ltd (NASDAQ:KTOV) has a beta value of 2.15. Wall Street analysts have a consensus price target for the stock at $12,which means that the shares’ value could jump 1939.08% from current levels.The projected low price target is $12#stockmarket #market #NASDAQ" +"Mon May 18 15:08:55 +0000 2020","Look at Amzn #stock in today’s #StockMarket it is on its way up to be 2500 price zone more volume and strong rsi Macd. Retweet this if you are Amzn fan #StockTips #FREE from this non-profit @UrbanHoodUFA " +"Sat May 30 23:15:55 +0000 2020","Is Netflix (NFLX) stock a BUY? Fundamental Stock Analysis/Price via @YouTube #StockMarket #FAANG #INVESTING" +"Fri May 22 10:59:04 +0000 2020","#Apple's #stock price is nearing the historical resistance level at 325.00. What will happen next, you can find out in our 🦈 newest analysis: #StockMarket #stockstowatch #trading #AAPL #tradingpsychology #TradingView" +"Wed May 06 23:33:28 +0000 2020","In addition to or Algo ""Long/Short"" Day-Trading Oscillator, we Publish Algo ""Time-Price"" Pivots prior to Market Open. All Algo Pivots on this Chart were Published for Subscribers PRIOR to the Day Session Open. $SPX #Daytrading #Stock #StockMarket #SP500 $SPY $QQQ " +"Wed May 06 11:40:00 +0000 2020","Pinterest stock price target cut to $19 from $30 at Susquehanna #StockMarket #Economics $SPX $SPY " +"Thu May 07 18:47:51 +0000 2020","The Big 5 (FAAAM) make up well over 40% of QQQ and over 20% of SPY. The rest of the US stock universe, including the equal-weight S&P 500, has sagged YTD while those Big 5 hold up the cap-weighted major indices. " +"Tue May 12 21:01:08 +0000 2020","$SPY Rejected at big spot. Not good for the $SPX bulls under here and the down sloping 200 day but lots of stocks / industries looking great. I still have plenty of longs but tightened stops as needed and added index puts today " +"Wed May 20 14:24:24 +0000 2020","There are times I dip my toes and there are times I jump in completely with both pajama feet on. Sure, extremes can always become more extreme and set some one in a hundred year record, but is that the smartest bet? I for one and building a short position in $SMH $QQQ long $VXX " +"Fri May 29 21:56:03 +0000 2020","Last week I gave 2970-96 and 3006. Yesterday I gave 3032. Multiple opportunities at these levels this week. Next week: If #NQ_F above 9500; expect #ES_F 3091.75. Above it we have 3117 and 3175 $SPY $SPX $QQQ $NDX $IWM $AAPL $NFLX $GOOGL $AMZN Have a great weekend! " +"Tue May 26 20:14:20 +0000 2020","@pianomikey1 @Hipster_Trader Yes sir, lots of data going way back to the 90s, it does have periods where it flips, ironically during downturns many times " +"Sun May 03 23:39:59 +0000 2020","$SPY $ES_F Gapped down with open below the 2790 level and rejected off 20dma with 5/10dma curling downwards. MACD trying to bearcross for first time since the big flush. " +"Sat May 09 14:54:39 +0000 2020","My weekend summary:bollingers %B (20,2) show $SPX .92 $NDX 1.01 $SMH.91 $VIX 0.00 It would be enough of a long volatility signal to have VIX at 0.00, but the indices at close to or over 1.00 is a great combo to signal a short swing trade. 50 Cent VIX buyer was active Friday, too. " +"Fri May 01 16:27:38 +0000 2020","Hacked? #Tesla Tumbles After Musk Twitter Account Says ""Stock Price Too High"" $SPY $QQQ $DJIA $DIA #stockmarket #investing #finance #stocks #gold #silver $SLV $TWTR $GLD $AAPL $TSLA $AMZN $NFLX $INTC $AMD #economy" +"Fri May 01 09:29:15 +0000 2020","$MSFT's price moved above its 50-day Moving Average on April 8, 2020. View odds for this and other indicators: #Microsoft #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Fri May 01 15:39:09 +0000 2020","""#ElonMusk Says Tesla’s #Stock Price Is ‘Too High’"" - #Tesla #TSLA #StockMarket And down it goes...." +"Wed May 13 23:35:10 +0000 2020","UPDATED P/L: +$17,290🔥 I usually don't trade AH but man, AH has been good to me lately. $CODX AH squeezer was too good to resist off the washout longs and even got a couple #Bigmacs off $MGNX AH as well. $CBAY $CREX $FWP $MGNX $NVAC $SIF $SLGG $VTIQ " +"Mon May 04 18:10:41 +0000 2020","📈MONDAY'S MOST ACTIVELY-TRADED STOCKS📉 $TSLA $AMZN $AAPL $MSFT $BA $BABA $AMD $FB $NFLX $DAL " +"Sat May 30 19:42:33 +0000 2020","#TheMotherOfAllGAPs This graphic takes your breath away! It doesn't make any sense, the market price today $ SPX $ SPY. Personal Consumption Expenditures: Durable Goods " +"Sat May 23 13:45:00 +0000 2020","💥AT CURRENT LEVELS, THE NASDAQ IS NOW UP 40.6% FROM ITS MARCH 23 LOW 💥THE INDEX IS NOW JUST 5.2% AWAY FROM ITS ATH REACHED IN FEBRUARY 💥YEAR-TO-DATE, THE NASDAQ IS UP 3.9% SO FAR IN 2020 $QQQ $NDX " +"Wed May 20 20:04:37 +0000 2020","💥BREAKING: *WALL STREET ENDS HIGHER WITH THE DOW AND S&P 500 HITTING THEIR HIGHEST LEVELS SINCE MARCH ✅DOW ENDS ⬆️369 POINTS, OR 1.52% ✅S&P 500 ENDS ⬆️1.65% ✅NASDAQ ENDS ⬆️2.08% ✅RUSSELL 2000 ⬆️1.72% ⛔VIX ENDS 🔻8.65% $DIA $SPY $QQQ $IWM $VIX " +"Tue May 19 20:07:56 +0000 2020","🚨 BREAKING: *WALL STREET ENDS LOWER TO SNAP 3-DAY WINNING STREAK AS INVESTORS MULL MIXED RETAIL EARNINGS ⛔DOW ENDS 🔻390 POINTS, OR 1.59% ⛔S&P 500 ENDS 🔻1.07% ⛔NASDAQ ENDS 🔻0.54% ⛔RUSSELL 2000 🔻2.45% ✅VIX ENDS ⬆️ 4.23% $DIA $SPY $QQQ $IWM $VIX " +"Fri May 29 20:09:40 +0000 2020","🚨BREAKING: *WALL STREET ENDS WILD DAY UP SLIGHTLY AS MARKETS MONITOR US-CHINA RELATIONS *STOCKS CLOSE THE WEEK, MONTH WITH STRONG GAINS ⛔DOW ENDS 🔻17 POINTS, OR 0.07% ✅S&P 500 ENDS ⬆️ 0.53% ✅NASDAQ ENDS ⬆️1.29% ⛔RUSSELL 2000 🔻0.79% $DIA $SPY $QQQ $IWM " +"Wed May 27 03:16:32 +0000 2020","$ES_F 3042 was my target. White bar is 3046 $SPY 304.22 was also my target. Any confirmed base above these prices. Expect a 11pt/110pt move. These levels are precious resistance levels and are key. Nothing more nothing less. $AMT $AAPL $BYND $URI $BABA $GS " +"Mon May 04 20:08:27 +0000 2020","BREAKING: *WALL STREET ENDS HIGHER TO START THE WEEK WITH BIG TECH LEADING THE CHARGE ✅DOW ENDS ⬆️ 26 POINTS, OR 0.11% ✅S&P 500 ENDS ⬆️ 0.48% ✅NASDAQ ENDS ⬆️ 1.23% ✅RUSSELL 2K ⬆️ 0.74% ⛔VIX ENDS 🔻 3.39% $DIA $SPY $QQQ $IWM $VIX " +"Wed May 13 16:02:13 +0000 2020","Repeat after me: ""nasdaq is not safe heaven"" ""nasdaq is not safe heaven"" ""nasdaq is not safe heaven"" ""nasdaq is not safe heaven"" ""nasdaq is not safe heaven"" ""nasdaq is not safe heaven"" ""nasdaq is not safe heaven"" ""nasdaq is not safe heaven"" #nasdaq $nq $qqq" +"Sat May 02 12:58:00 +0000 2020","#earnings for the week $SHOP $ROKU $DIS $TSN $CVS $BYND $PYPL $SQ $ATVI $W $UBER $SRC $PINS $MRNA $REGN $L $JBLU $GOLD $ENPH $SWKS $SPCE $RACE $TTD $WAB $GM $PTON $ALK $ZNGA $TEVA $SYY $OXY $WYNN $NEM $PLUG $TWLO $TREE $LYFT $TMUS $WING $INSG $CHGG " +"Wed May 06 19:12:07 +0000 2020","🚨 STOCKS ON WALL STREET STRUGGLE FOR DIRECTION IN LAST HOUR OF TRADE AMID LABOR MARKET PAIN, TECH JUMP🚨 *DOW DOWN 30 POINTS, OR 0.1% *S&P 500 UP 0.1% *NASDAQ UP 1.1% *RUSSELL 2000 DOWN 0.1% 💥 $PTON $LYFT $SQ $PYPL REPORT EARNINGS AFTER THE CLOSING BELL $DIA $SPY $QQQ $IWM " +"Fri May 29 20:00:20 +0000 2020","$TSLA 710c 4.50 -25.00 $PEP 3bags. $SPY 302c303/304c 5-10bags $KMB 141c .10-1.00 $CHTR 10-20bags. $AMT 10bags If I missed anything. Have a great weekend I’m off here all week. " +"Tue May 19 22:18:48 +0000 2020","*TUESDAY NIGHT #FUTURES POINTING TO A LOWER START WHEN MARKETS OPEN ON WEDNESDAY *TARGET #EARNINGS, FED MEETING MINUTES HIGHLIGHT TOMORROW'S AGENDA $DIA $SPY $QQQ $IWM $VIX $TGT " +"Thu May 14 12:15:06 +0000 2020","One of the charts I create for each sector and index in my Thrasher Analytics letter quantitatively looks at divergences within the indiv. stocks. The Nasdaq 100 now has 56% of its stocks with a bearish divergence, the most since February 14th. $QQQ " +"Sat May 02 18:43:56 +0000 2020","$AMZN ... in much better shape than $aapl here despite an earnings gap down yesterday. Technically still in a very strong uptrend as it tests the 20 day MA. Needs to hold this 20 Day MA next week... if fails to hold, likely headed back to test $2000 area " +"Sun May 03 14:09:01 +0000 2020","There are 114 stocks in the S&P 500 that closed Friday above their respective closing price from 3/6/2020. I think it's a great place to start if you're looking for stocks to own. Here's a short list of few of those stocks: $TSCO $MKTX $AAPL $UNH $MCO $MSFT $AMZN $ADBE " +"Mon May 11 16:50:58 +0000 2020","*STOCKS ON WALL STREET RECOVER FROM EARLIER LOSSES WITH NASDAQ, S&P 500 IN POSITIVE TERRITORY AS BIG TECH SHARES RISE $DIA $SPY $QQQ $IWM $AAPL $AMZN $FB $GOOGL $NFLX " +"Sun May 17 12:43:23 +0000 2020","💥Notable #Earnings To Watch This Week (via @eWhispers)💥 Mon: $BIDU $IQ $BILI $TRVG Tues: $WMT $HD $KSS $URBN $AAP $WB $NTES Wed: $TGT $LOW $LB $TTWO $EXPE $BOOT $MCK $ADI $HUYA Thurs: $NVDA $M $BBY $TJX $ROST $BJ $PANW $SPLK $INTU $A $HPE Fri: $BABA $DE $FL $DIA $SPY $QQQ " +"Sat May 02 18:55:08 +0000 2020","Check out the cup with handle on the Nasdaq! @mwebster1971's weekend stock market update explains the details. Hopefully the attached charts will help put it all into context. Thanks for another great weekly summary, Mike! " +"Tue May 12 13:48:31 +0000 2020","#NASDAQ #StockMarket #trading As discussed over the weekend. The Nasdaq posted its first Demark Sequential 13 today following an aggressive sell ysty. Combo indicator 2 days away. Caution warranted. " +"Thu May 21 20:58:45 +0000 2020","$AAPL - Demark 13 sell today. $AAPL has chewed through these signals in the past but risk/reward seems decent given we are into past top resistance. RSI/Slo Sto/OBV negatively diverging on this last move. #stocks #trading #stockstowatch " +"Tue May 19 23:35:35 +0000 2020","#StockMarket As discussed over the weekend, pot'l Demark 13 sell seq countdowns remain in play. #SPX $SPY $QQQ & $NDX can see it as early as tomorrow. The #Nasdaq could put in a combo 13 sell by thursday. Lots of confluence here and requires a strong close tomorrow to trigger. " +"Sat May 02 23:33:00 +0000 2020","Watching $AAPL closely for a pullback into the $250±5 area (Green Box). If #ElliottWave holds true, #Apple should find support there and continue upward to ATHs and beyond!! 📈📈 #AAPL $SPY $SPX #NQ_F $NQ_F $QQQ #SPY #SPX $NDX #NDX $DJI $DIA #DJI #DIA #COVID__19 #coronavirus " +"Mon May 11 23:26:55 +0000 2020","Good evening! $SPX held 2900 today but failed to break through 2942 Let's see if it can reclaim this level tmrw and push towards 3000 $SHOP nice breakout above 739. if it gets thru 752 it can run to 768,781,792,800 $AAPL possible to see 327 if SPX can move to 3000 Have a GN! " +"Fri May 15 03:44:01 +0000 2020","Alert: More Alligator jaws. Divergence on a FOMO rally Notice that (New high - New low) for all 3 exchanges? especially Nasdaq New lows = 114 New Highs = 22 (only FANG-MAN++ stocks) 🧐🤦‍♂️ Also on Nasdaq: more stocks were down than up. Adv-Dec = -22" +"Wed May 20 20:24:49 +0000 2020","#stockmarket today's strength sealed the deal for the #SPX & $QQQ which both now have Demark 13 seq sells. #Nasdaq can put in a 13 combo sell tomorrow to go with the Seq 13 sell on 5/12. $SOX (see earlier tweet), SW ETF $IGV, and tech ETF $XLK - all have 13's as well. be cautious " +"Wed May 20 20:07:47 +0000 2020","Just a great day $TWTR just paid the bills for me. $SQ was nice and $DIS late just fabulous. Names out performed the indexes today great action. Not around much next 2 days, daughter graduating college so proud! To her and the class of 2020!!! " +"Sun May 24 13:33:59 +0000 2020","State of the Market video where I go over $SPX $QQQ $IWM $DJA $XLF $SMH as well as secondary indicators $WOOD $HG / $GC $TLT $IEI / $HYG $PCCE $VALUG Check It Out 👇👇👇👇👇👇👇👇👇👇👇 " +"Sat May 23 13:19:08 +0000 2020","I am seeing a pattern with ultra-strong stocks as they power higher on earnings, then rest a bit only to trade higher in the following weeks. It makes sense as analysts recalibrate their models and algos program to buy pushing prices higher. TWLO is the most recent example... " +"Wed May 27 13:00:19 +0000 2020","here's an example. I created FAANG. I reiterated them endlessly, If you bet against these stocks you are in the poor house. But i am sick of hearing otherwise.. It's a big joke, and I don't give a damn that Jvini lives in NJ. Now back to Jimmy Chill-had to get it off my chest." +"Wed May 06 12:23:00 +0000 2020","The list of companies either warning about future profits or pulling their earnings guidance altogether features some iconic names — such as Amazon and Apple — that have driven the remarkable rally since markets bottomed out on March 23 " +"Wed May 27 22:16:11 +0000 2020","It may not seem like it b/c tech stocks have been so strong but the Nasdaq 100 was down 29% at the lows Now it’s down just 2.7% from the highs and up almost 9% on the year The window to buy these stocks much lower was extremely small " +"Fri May 22 12:33:34 +0000 2020","5/22 Watchlist BABA 🎉 beat on earnings NVDA 🎉 beat on earnings MRNA 🎉 more positive news on vaccine for covid FB 🎉 currently at all time highs after e-commerce news BA 🎉 AMZN 🎉 TSLA also on watch." +"Thu May 21 14:08:39 +0000 2020","#earnings after the close today $NVDA $SPLK $PANW $INTU $HPE $ROST $A $ELF $NYMT $DECK $RAMP $AGYS $PLUS $PRSP $CRMT $SVM $XENE $CTHR $DL $FPH $CAAP $LGF.A " +"Wed May 06 14:39:12 +0000 2020","#earnings after the close $PYPL $SQ $PTON $LYFT $ETSY $ZNGA $TWLO $WYNN $GRUB $TMUS $AYX $MRO $SEDG $INSG $RNG $CVNA $SAVE $EXAS $FSLY $OPK $FIT $APA $LVGO $FTNT $GDDY $HUBS $DDD $IRWD $SRPT $RGLD $MET $NBIX $EQIX $IIPR $LPI $FNV $AMED $SONO $TWO $AWK " +"Wed May 27 12:28:52 +0000 2020","5/27 Watchlist TSLA 🦋 PT increases & SpaceX launch to happen today T 🦋 HBO Max to launch today (warnerBros. is parent company) NFLX 🦋 on watch w/ HBO launch news JPM 🦋 CEO stated recovery process could be short NVDA 🦋 BA 🦋 also on watch" +"Mon May 25 15:47:27 +0000 2020","$FB $NVDA $TSLA $TWLO $FSLY $LVGO $SQ $PYPL $BYND $TWTR $TTD $WORK $TEAM $CHGG $CHWY $DDOG $SPOT $SPLK $ARCT $ZM $NET $OKTA $COUP $DOCU is leadership at work for me. With more setups at tiers just below this highest quality. That is a lot. Says a lot about this new bull mkt" +"Tue May 19 17:01:56 +0000 2020","Contrarían thinking says to buy when there’s blood in the Street. But if 68% believe this is a bear market rally, there’s inevitable upside in stocks. Too many staring at the water waiting for it to boil Conversely, the tech trade being most crowded since Dec’07 screams downside" +"Wed May 20 12:54:00 +0000 2020","5/20 Watchlist There are a lot of potential stocks to watch! HD 🔹 multiple PT increases WMT 🔹 beat er, multiple PT increases BIDU 🔹 beat er, multiple PT increases SPCE 🔹 raising 900M in funds for rescue deal NVDA 🔹 er report tomm PT = price target ER = earnings" +"Sun May 17 13:32:54 +0000 2020","Roses are Reds 🌹 Violets are Blue 💐 Good Morning to You!!! $SPY $AAPL $MSFT $NVDA $NFLX $SHOP $ETSY $LVGO $ZM $TDOC ........................... Pray for the Virus to go away 🙏🙏🙏❤️ " +"Mon May 11 12:21:30 +0000 2020","5/11 Watchlist DAL ✨ stoping services you 10 airports until sept TSLA ✨ sales down 65% in China - down pre market NVDA ✨ multiple price target increases EA ✨ new to my watchlist, price target increase NFLX & BA also on watch ✨" +"Fri May 08 21:24:00 +0000 2020","Tracking Smart Money has been my fav way to trade markets & this week few good trades were captured $TSLA after good results & -ve remarks by @elonmusk & after news broke of Buffett sold his stake in major airlines Study price action & volume in Daily & 15M combination to learn" +"Fri May 29 23:24:17 +0000 2020","Monday will be a significant down day. We will give back all of the rally today + some. Whether that will be a dip to buy or not, can't see that far. $SPX $SPY $QQQ $DIA $ES_F $NQ_F. Anyone who thinks you can't model this market is wrong, remember this tweet on Monday's close." +"Thu May 28 13:33:23 +0000 2020","Today is the first time ever that AAPL, MSFT, AMZN, GOOGL, FB all gaped down 0.35%+ but SPY gapped up 0.35%+." +"Fri May 15 21:39:57 +0000 2020","Duquesne (Druckenmiller) 13-F: $AMZN 14% (7x more shares!) $NFLX 13% (+45%) $WDAY 9% (add) $FB 8% (+75%) $MSFT 7% (-31%) $GOOGL 7% (+51%) $ATVI 4% (trim) $PYPL 4% (new!) $BABA 3% (+709%) $GOLD 3% $RETA 3% $GE 3% (sold half) $ABT 3% $HD 2% $SE 2% (-32%) $FIS 2% (+90%)" +"Sat May 02 10:21:31 +0000 2020","IBD Top Ten 1 $AMD ADVANCED MICRO DEVICES 2 $NFLX NETFLIX INC 3 $VEEV Veeva Systems Inc Cl A 4 $VRTX VERTEX PHARMACEUTICALS 5 $FNV Franco Nevada Corp 6 $ADBE Adobe Inc 7 $TEAM Atlassian Corp Plc Cl A 8 $NOW Servicenow Inc 9 $LLY Eli Lilly & Co 10 $NVDA NVIDIA CORP" +"Mon May 18 14:02:11 +0000 2020","Well this is different Netflix, Google, Amazon, Zoom, Teladoc all red. Industrials, transports, materials, banks, energy et al flying. The strongest stocks today have been the weakest YTD and vice versa. " +"Tue May 19 23:45:51 +0000 2020","Bullish new highs in industry leaders today $AMZN $NVDA $NFLX $PYPL $JD $NOW $NEM Strong uptrends in strong stocks." +"Sun May 10 10:36:43 +0000 2020","S&P Info Tech reached a new relative high last week with the Feb absolute high in sight. Incredible eps from the likes of $SHOP $PYPL $DBX $FTNT $TWLO etc. Simply amazing." +"Sat May 30 22:02:13 +0000 2020","Trade stocks until momentum fades .. eSports has momentum now. $DKNG $WINR $GMBL $GAN $AESE $SLGG. I would wait for a pullback on these names before taking position for a swing high. I’m long AESE SLGG and am interested to get back into other names on a pullback." +"Sat May 16 10:13:54 +0000 2020","My watchlist for the week ahead on the US market and the sentiment I have towards each of their earnings. $SE $BIDU $TRVG $WMT $HD $NTES $AAP $LOW $ADI $SNPS $TTWO $JWN $RCL $EXPE $MDT $NVDA $INTU $SPLK $ELF $BABA $FL " +"Mon May 04 19:42:54 +0000 2020","market bids up category winners, a few: NOW/TEAM - IT service NFLX - streaming DXCM - diabetes CGM SHOP - ecomm NVDA/AMD - GPU TSLA - EV/battery PYPL/V/MA - digital payment FISV/SQ - rebuild SMB CDAY/PAYC - HCM TYL - muni saas MSFT AMZN - cloud LULU - athleisure add away..." +"Mon May 18 10:15:05 +0000 2020","Good Morning! Futures up big as Powell say Fed has more ammunition left $SQ d/g Underperform @ BAC $JD pt upped to 59 @ Barclays $TWTR pt uppedt to 30 @ Citi" +"Mon May 18 17:49:05 +0000 2020","The markets up almost 900 points on 8 (yes, only 8) people being tested with ""potential"" Covid candidate. A bit overbought. When they've tested on 1,000's, then time to get excited. These were low risk patients. $TSLA, $AAPL, $FB, $NFLX, $AMZN, $GOOG, $BA, #FAANG, $NVDA, $SPY" +"Fri May 08 19:09:15 +0000 2020","I still find it hard to believe that the NASDAQ is back to B/E after we printed a 21M job loss and still don't have a vaccine for Covid-19. This market is a bit overbought. I moved my portfolio to about 70% cash this week just in case. $TSLA" +"Fri May 08 18:19:19 +0000 2020","101 US stocks with market caps above $500 mln have hit 52-week highs since the start of May, and NONE of them are named Microsoft, Apple, Amazon, Alphabet, or Facebook." +"Fri May 22 21:01:03 +0000 2020","Two reasons why this market is not like the late 90’s: 1) tech now runs nearly every industry; 2) high valuations are more sustainable as growth from tech is much higher than other sectors. However, this is what the market is missing..$QQQ " +"Mon May 04 20:09:03 +0000 2020","Nice intra-day reversal for US #stocks with the major indices all ending higher on the day (breaking a 2-day losing streak). Once again, #tech names out-performed, pushing the #NASDAQ up 1.2% (relative to 0.4% for the S&P and 0.1% for the #Dow). The 10-year yield closed at 0.63%." +"Sat May 16 12:31:29 +0000 2020","Our recent top trade alerts page has been updated, with screenshots when posted & current charts, including: $SHOP +88% $ZM +62% $DOCU +48% $NEM +41% $ATVI +27% $NFLX +22% " +"Thu May 07 20:50:51 +0000 2020","$QQQ (now up 4% YTD) today became 5th member of the $100 Billion Club, joining $SPY, $IVV, $VTI & $VOO. It got $42b of it from flows and $58b from mkt gains. It's returned 417% since launch in '99 (vs 228% for SPX). Here's @cfb_18 @kgreifeld story on it: " +"Sat May 30 01:13:36 +0000 2020","This past Wed ~11am growth stocks looked (and felt) like death. When you go through the charts this weekend, you will just see a lot of bounces from the 10wk SMA. Nothing like experiencing those ""bounces"" in real time to toughen your gut Hope everyone has a great weekend!" +"Tue May 05 16:29:46 +0000 2020","As a tech investor ...this socialism thing really seems to be working... Nasdaq 100 up 3 percent on the year while the world is in a bear market. Carry on... $qqq over $spy ...until who knows..." +"Fri May 29 21:12:46 +0000 2020","A few of toady's big movers I own include: $REGN, $DPZ, $WORK. I still hold a few FANG names including: $AMZN, $MSFT, $NFLX. The ""market"" has come a long way and sentiment is shifting, but I'm focusing on stock picking, not the indexes. " +"Sun May 10 19:01:24 +0000 2020","I feel it this week. Man. Like I felt Friday. But this week. And next you all haven’t seen anything. I’ll just let the suspense build. $SPX $SPY $ES_F $TSLA $URI $BA" +"Sun May 17 17:41:43 +0000 2020","Setups and Watch List, 5/17: $GOLD $FRPT $PYPL $NFLX $FB $SPLK $NOW $AMD $NVDA EPS gap ups: $FSLY $TWLO $CHGG $DDOG $PTON $WIX Following charts courtesy of @MarketSmith $SPY $QQQ $IWM" +"Fri May 01 19:16:31 +0000 2020","So many pundits are extrapolating today's weakness & predicting the market goes a lot lower. I disagree. I think we will see the market at new rally highs next week. I continue to like AMZN & would be a buyer here. Also semis, miners, industrials, oil stocks & even regional banks" +"Fri May 01 10:22:02 +0000 2020","Good Morning! Futures down after a massive earnings week $AAPL pt raised to $288 @ Barclays $AAPL pt raised to $310 @ Piper $AMZN pt raised to $2700 @ Key $AMZN pt raised to $3000 @ Susq" +"Thu May 14 21:42:22 +0000 2020","Daily Wrap Alert+Trade $BA 115p +58% $WIX 190c -40% hi 150% NoAlert $MSFT 180c +25% $SQ 180c +50% Chart Alerts $MSFT 178>180.50 $SQ 77.30 >78.20 BO $WIX 182.30>189 SWING $NVDA 318.17>321.50(ah) Others $CODX 23->31(AH),29.70 hi $VBIV 1.09->2.10 $SPY levels *All timestamped" +"Sat May 30 13:14:27 +0000 2020","The latest @IBDinvestors Stock Market Update is OUT! In the #SMU's prior life on Twitter as #WWWD the MW-RSI was a big part of it, it's back! Yes, Webby's Really Simple Indicator (MW-RSI) is my way of having fun...I hope you dig it too. " +"Tue May 19 02:57:29 +0000 2020","$W break Mon low, gap at 134. $CTXS if 139 breaks, looking to go outside month 136.30 $ETSY break Mon low, looking to go outside week at 76.89 $CAH daily megaphone target 54.20ish $MYOK break Mon low, pivot machine gun to 94.10 $NVDA break Mon low, gap 340" +"Sun May 24 13:56:28 +0000 2020","Breakouts holding: $FB Semis group near highs $NVDA medical $ONEM $SDGR software $TEAM security software $OKTA $XBI $IOVA friday was encouraging $QQQ all solid. $GDX gold names look good may need a quick shakeout lets see. Could be more broad, but hard to be bearish." +"Wed May 13 21:00:01 +0000 2020","anyone got a cool way to see which equities are leading the SPX down? Seems like $TSLA and $AMZN are still *relatively* high" +"Fri May 15 20:02:21 +0000 2020","Incredible week.. Next week is setting up to make a big move.. I will be posting more charts and my plan here this Sunday! Have a great weekend everyone and stay safe! :-) $AMZN $NFLX $NVDA $AAPL" +"Mon May 11 17:04:57 +0000 2020","Literally no explanation anymore for the Nasdaq run. I read all day and I know less. I’m just enjoying it and trying not to think too much. Like I said last week feels like 1999 with even lower rates, better business models and less public supply. $qqq over $spy" +"Sat May 09 15:44:50 +0000 2020","Watch List: $FSLY, $TSLA, $AMD, $NFLX, $AVLR, $SPLK Earnings WL: $DDOG, $DT, $CYBR Ripley says don’t chase or he’ll nip at your heels!!!! 🐕 🦆" +"Sat May 16 16:05:52 +0000 2020","Watch List: $DT, $AMD, $TSLA, $DDOG, $CRWD, $SQ, $BYND Earnings WL: $SPLK, $NVDA Good luck this week everyone! Ripley says he loves everyone of you and wants to slobber your faces if you don’t follow your rules! 🐕 ❤️📈" +"Fri May 22 13:21:18 +0000 2020","If I was looking to initiate I am watching these today: $AMD $CRWD $ETSY $AYX $TSLA $SPLK $DT $BYND $DDOG Lots of EPS gapper bull flags out there that I am seeing with minimal selling pressure. #SignoftheTimes" +"Tue May 12 21:23:43 +0000 2020","HUGE reversal very straight forward now IF zm nflx go lower tomorrow mkt implodes.. IF they dont buy the virus stks they sell everything and limit down happens... BUT fed lurking" +"Fri May 01 23:58:23 +0000 2020","Charts tomorrow morning on: $SPY $QQQ $IWM $VIX $XBI $XLE $XLF $FB $AMZN $AAPL $NFLX $GOOG $DIS $SHOP $ROKU $TWTR $LULU $GDX $SLV $BTCUSD $ETHUSD $LTCUSD $WMT $NKE What am I missing?" +"Sat May 02 15:17:12 +0000 2020","I think a big market clue for direction will be to follow these closely. $AMZN $NFLX $TSLA. If these continue to distribute, other stocks will follow. Assuming this happens, keep an open mind to new leadership. What will hold up the best? We'll see." +"Mon May 11 14:36:19 +0000 2020","It's a Market of STOCKS !!!! $ZM $TDOC $DXCM $EW $AAPL $MSFT $VRTX $LVGO $NFLX $ROKU $ETSY $OKTA $ENPH $MRNA $SHOP $CRWD .. ...................................................🥰 would U plz. type for me ?" +"Fri Jun 12 02:56:30 +0000 2020","$HUSN - Liking this for a big move soon. Price riding short term EMAs, and looks like it's about to breakout. Entry over $0.65 for $1 swing target. #Trading #Stocks #Stockmarket #TSS #NYSE #NASDAQ #daytraders #wallstreet #pennystocks #charts #technicalanalysis #invest " +"Fri Jun 05 19:47:39 +0000 2020","Feeling bad for all those stock traders out there who told me they were short on this ""over bought"" market. I tried 2 tell them 2 not listen to the news, but focus on price action which showed a strong market #stockmarket #StocksToTrade #stockstowatch $SPY $IWM $DIA $SMH $IBB" +"Wed Jun 24 12:58:59 +0000 2020","The Nasdaq’s recent record highlights the differing performance across the three major U.S. stock indexes. Here’s what we’re watching in the markets today, with @Annaisaac. #WSJWhatsNow " +"Sat Jun 27 15:02:42 +0000 2020","This week's How I See It comes from Tom McClellan on ""Understanding ‘rogue waves’ in the #StockMarket. ""As in the ocean, “rogue waves” can impact the stock market, affecting price movement and #trends. #dow #dowjonesindustrialaverage #investing #dji " +"Mon Jun 22 21:52:41 +0000 2020","Another RECORD session for the #Nasdaq #Apple 🆙2.5% finishing at highest levels ever 1st virtual #WWDC delivered with $aapl making its own chips in #Mac PCs shipping end of year #carkey #sleeptracker & #handwashing features getting lots of buzz 🐝 #ios14 #applewatch $aapl " +"Tue Jun 09 19:58:39 +0000 2020","As the #Nasdaq crosses 10k for 1st time 📈 Is #technology overvalued? 38% of the $ndq is #Apple #Amazon #Microsoft #Facebook #Google expected to make money 🆙1.5% this year whereas $spy S&P expected to ⬇️20% Also not as expensive as the #dotcom bubble in 2000 #stockmarket 📊 " +"Mon Jun 15 00:59:36 +0000 2020","June 15 Plan 📌 **Click on Picture to Expand** #ES_F $SPX $SPY $IWM #NQ_F #YM_F $DIA $XLK $XLF $AAPL $FB $AMZN $NFLX $MSFT $GOOGL $HTZ $TSLA $NVDA $AMD $DIS $SAVE $BYND " +"Wed Jun 10 21:20:49 +0000 2020","The #Tesla Weekly Chart is a force to be reckoned with. $TSLA stock price went from $15 to $1025 in less than 10 years (From 2010-2020) Congratulations to @elonmusk and the @Tesla team! #SPX #SPY $SPY #Stocks #StockMarket $DOW #DOW #TSLA #SpaceX #Nasdaq #BTC $BTC #Bitcoin $ETH " +"Thu Jun 18 01:02:02 +0000 2020","June 18 Plan *Click on Picture to Expand* 📌 Please feel free to share or like, I appreciate your feedback. #ES_F $SPX $SPY $IWM #NQ_F #YM_F $DIA $XLK $XLF $AAPL $FB $AMZN $NFLX $MSFT $GOOGL $BA " +"Tue Jun 23 01:34:27 +0000 2020","Tesla discounts Autopilot upgrade option for current owners ahead of FSD price increase via @FredericLambert #thestockmonkey $TSLA #stockmarket #stocks #trading #business #daytrader #daytrading #stockmarket #investment #wallstreet #darkpool #blocktrades" +"Tue Jun 09 20:27:47 +0000 2020","The 18th record close for the NASDAQ in 2020 saw tech and communication stocks preform well, with most others struggling. The Dow slid 300.14 points, snapping its 6-session winning streak. The S&P 500 dropped 0.78%. " +"Thu Jun 04 02:32:15 +0000 2020","Total Put/call ratio .69, very heavy call buying and a ratio not seen since 2016. $SPY bollingers stretched to 1.00 (very overbought). $SMH also 1.07 and $QQQ/$IWM almost to 1.00. We hit 1.00 on various indices multiple times over the last 2-3 weeks and shorts worked each time. " +"Mon Jun 15 00:24:34 +0000 2020","Tomorrow's plan coming soon... Stay tuned #ES_F $SPX $SPY $IWM #NQ_F #YM_F $DIA $XLK $XLF $AAPL $FB $AMZN $NFLX $MSFT $GOOGL $HTZ $TSLA $NVDA $AMD $DIS $SAVE $BYND " +"Wed Jun 10 20:45:41 +0000 2020","I had to scroll through my multi-page list of scalps today,Ameritrade must love me at $1.37/pop.I was just kind of humored making $971 on MNQ micro short🤣 . Nat gas was kind to me as well as making back some losses on QQQ puts. I was down about $2k Mon so yest/today almost flat. " +"Thu Jun 11 02:24:05 +0000 2020","June 11 Plan *Click on Picture to Expand* #ES_F $SPX $SPY $NDX $QQQ #NQ_F $AAPL $BABA $IWM $IBM $FB $GOOGL $TSLA $AMZN $MSFT $NVDA $AMD $NKLA $BYND $HTZ $BA $UVXY $LULU $CMG " +"Tue Jun 09 07:01:37 +0000 2020","RT stock_family: $WLL a little secret play not the price I showed at called and now current price 3.98 🧝‍♂️🧙‍♂️🐐💯👀 - #options #stockmarket #daytrader #stocktrading #stockoptions #news #stocks #OptionsTrading $aapl $spy $amd" +"Wed Jun 10 16:08:49 +0000 2020","As promised, here's the mid morning report Please RT or Like so everyone can benefit from it. #ES_F $SPX $SPY $QQQ #NQ_F $AAPL $AMZN $BABA $FB $HTZ $BYND $FB $GOOGL $MSFT $NFLX $NKLA $TSLA " +"Mon Jun 08 18:23:55 +0000 2020","Up 3 weeks in a row, $SPX higher high 85% of the time. Add when 3 week Equity Put/Call near .52 when up 3 weeks in a row up upside very limited and most corrected over the next month. $SPY $qqq $NDX " +"Tue Jun 16 16:24:33 +0000 2020","Mid-morning update *Click on picture to expand*📌 #ES_F $SPX $SPY $IWM #NQ_F #YM_F $DIA $XLK $XLF $AAPL $FB $AMZN $NFLX $MSFT $GOOGL $BA " +"Tue Jun 02 18:49:56 +0000 2020","Rule of thumb. Price / Book Value (P/B): If below 1, it indicates that the stock is undervalued (but don't invest without analyzing why!). If it is below 3, it's still considered to be good. Yet, what's good or not varies depending on the company. #StockMarket #NASDAQ #investing" +"Wed Jun 03 14:46:05 +0000 2020","AMZN, daily candlestick chart, i created this around 3 weeks back. It is observed that it beautifully respects trend lines.#stockstowatch Watch it is ready to pass 2500 price #stocks Wanna get more join UFA 501c non-profit stock tips group #StockMarket " +"Tue Jun 16 21:12:28 +0000 2020","$SPY $ES_F (daily) food for thought.. Bulls: looks good right? Reclaimed 20ema/dma, riding above 50dma. Bears: fought to wick it below 10dma and closed it down near .618fib,5dma still pointing down. Bottom line: it looks better than it really is. We'll see what tomorrow brings " +"Mon Jun 01 08:18:51 +0000 2020","$GOOG's price moved above its 50-day Moving Average on April 29, 2020. View odds for this and other indicators: #AlphabetIncOrdinaryShares #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Mon Jun 01 10:52:44 +0000 2020","$DOW's price moved above its 50-day Moving Average on May 7, 2020. View odds for this and other indicators: #Dow #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Mon Jun 01 08:49:25 +0000 2020","$AAL's price moved below its 50-day Moving Average on May 29, 2020. View odds for this and other indicators: #AmericanAirlinesGroup #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Mon Jun 01 19:59:44 +0000 2020","Zoom stock $ZM topped $200 today, I sold the last of my shares. Not even I saw that coming and I've been their biggest advocate for months. It's in Tesla territory now where I'd never touch it at this price. But hey I was wrong with $TSLA at $600. #StockMarket #mondaythoughts" +"Wed Jun 03 10:29:56 +0000 2020","$NFLX in Uptrend: price expected to rise as it breaks its lower Bollinger Band on May 26, 2020. View odds for this and other indicators: #NetFlix #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Tue Jun 02 09:12:19 +0000 2020","$NFLX in Uptrend: price may ascend as a result of having broken its lower Bollinger Band on May 26, 2020. View odds for this and other indicators: #NetFlix #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Fri Jun 12 04:24:16 +0000 2020","If $AAPL and $MSFT hold the boxes, it'll be hard for the market to move lower that 2.5%-7%. If the boxes are lost, there could be significant issues. If they both hold the boxes, this is a blip. " +"Tue Jun 02 09:32:59 +0000 2020","$AAL in Downtrend: its price expected to drop as it breaks its higher Bollinger Band on May 26, 2020. View odds for this and other indicators: #AmericanAirlinesGroup #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Jun 03 10:38:29 +0000 2020","$AMD in Uptrend: price may jump up because it broke its lower Bollinger Band on May 1, 2020. View odds for this and other indicators: #AdvancedMicroDevices #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Jun 24 22:01:20 +0000 2020","$SPY After 6 days of sideways trading, the market finally tipped its hand, with SPY breaking downward in what should be the start of a C wave down- While QQQ moved to new highs over last week, neither SPY nor DIA were able to get above their respective ""Island"" gaps from 6/9-11 " +"Mon Jun 15 10:06:20 +0000 2020","I don’t like to do this since this is not the purpose of my Twitter Account. I will share this, this one time in the spirit of transparency since I’ve been getting so many requests for it. Execution could have been better though. #ES_F $SPX $SPY $QQQ $AAPL $NDX $TSLA $NFLX $FB " +"Thu Jun 11 13:29:06 +0000 2020","Pre Bell Update *Click on picture to expand* Like or RT if you like this type of content and help bring it to everone. #ES_F $SPX $SPY $QQQ $IWM $AAPL $NFLX $TSLA " +"Thu Jun 11 20:06:40 +0000 2020","While the market was bleeding, we were making money! Congrats to those that made some $$ today🤑 We will take 1 day at a time and wait to see what tomorrow brings us! $SPY $NFLX " +"Fri Jun 12 20:23:45 +0000 2020","Recap *Click on picture to expand* #ES_F $SPX $SPY $QQQ $NDX $NQ_F $IWM $UVY $COST $AAPL $FB $AMZN $NFLX $TSLA $BABA $BA $HTZ $BYND $GOOGL $MSFT $NVDA $AMD $XLK $XLF $XLV " +"Mon Jun 15 19:21:18 +0000 2020","Dramatic turnaround in the #StockMarket Monday Dow ⬇️762pts at it's LOWS Now 🆙180pts with less than 45 mins to go in the session #Technology heavy #Nasdaq rallying ⬆️1.5% Lead by the biggest companies which were down roughly 3% to start this morning 👇" +"Fri Jun 05 14:36:34 +0000 2020","#Apple stock just hit a record high! $aapl 🆙$326+ Biggest company in #America And biggest heavyweight on S&P500 account for 5% of the index So gains in the stock lift ⬆️$spy 📈" +"Wed Jun 24 17:42:29 +0000 2020","Important technical levels I'm watching on $QQQ and #SPX. For Nasdaq: 9,715 as support. For S&P 500: 2,972 the 200-day average as support. " +"Mon Jun 22 02:25:47 +0000 2020","Many things can happen before tomorrow's RTH open, but as of right now this is an update of what I'm seeing. Good night everyone! *Click on Picture* #ES_F #NQ_F $QQQ $NDX $SPY $SPX " +"Wed Jun 03 20:26:41 +0000 2020","If all you did today was watch the financial media you'd think the Nasdaq made an all-time high. The reality is that Nasdaq futures stayed in a relatively small range barely eclipsing yesterday's highs.Just another reminder to trade what's REAL. Let's work on developing an edge" +"Thu Jun 25 20:06:12 +0000 2020","💥BREAKING: *WALL STREET ENDS HIGHER AFTER STOCKS SHAKE OFF EARLIER DECLINES TO STAGE A LAST-HOUR RALLY ✅DOW ENDS ⬆️299 POINTS, OR 1.18% ✅S&P 500 ENDS ⬆️ 1.14% ✅NASDAQ ENDS ⬆️1.09% ✅RUSSELL 2000 ⬆️0.76% ❌VIX 🔻5.5% $DIA $SPY $QQQ $IWM $VIX " +"Mon Jun 29 20:04:16 +0000 2020","💥BREAKING: *WALL STREET ENDS HIGHER TO START THE WEEK AS BOEING SHARES RALLY ✅DOW ENDS ⬆️579 POINTS, OR 2.32% ✅S&P 500 ENDS ⬆️ 1.46% ✅NASDAQ ENDS ⬆️1.2% ✅RUSSELL 2000 ENDS ⬆️2.4% ❌VIX ENDS🔻7.92% $DIA $SPY $QQQ $IWM $VIX $BA " +"Sat Jun 06 17:00:00 +0000 2020","✅THE NASDAQ IS UP 48% FROM ITS LOW SET ON MARCH 23 ✅THE INDEX REACHED A NEW ALL-TIME HIGH ON FRIDAY, ECLIPSING ITS RECENT PEAK FROM FEBRUARY 💥YEAR-TO-DATE, THE NASDAQ IS UP 9.3% IN 2020 $QQQ $NDX " +"Wed Jun 10 11:00:05 +0000 2020","The Nasdaq — an index that includes the top FAANG stocks, Microsoft, Tesla and many other titans of tech — topped 10,000 for the first time ever Tuesday. It failed to close above that level but still finished at a new record high. " +"Mon Jun 01 18:44:40 +0000 2020","The ""G-MAFIA"" is carrying the major US markets higher. That's Google, Microsoft, Apple, Facebook, Intel and Amazon. Over the last 5 years the G-MAFIA returned 207% while the S&P without them is up just shy of 29% Winner's win " +"Tue Jun 23 20:05:10 +0000 2020","💥BREAKING: *WALL STREET ENDS HIGHER WITH THE NASDAQ CLOSING AT AN ALL-TIME HIGH AS BIG TECH SHARES RALLY ✅DOW ENDS ⬆️130 POINTS, OR 0.5% ✅S&P 500 ENDS ⬆️ 0.46% ✅NASDAQ ENDS ⬆️0.74% ✅RUSSELL 2000 ⬆️0.38% ❌VIX 🔻1.35% $DIA $SPY $QQQ $IWM $VIX " +"Mon Jun 15 02:58:05 +0000 2020","Quick look at futures Gapped down. I have a feeling we will have a fun & profitable week if we don’t let greed get to us. 💰 Goodluck to all and green trades $AAPL $AMD $SPY $NKLA $IZEA $SNE $BTC $TLRY $NIO " +"Sun Jun 21 07:00:46 +0000 2020","Some bullish and bearish patterns to follow.... ( $mark $gnus $ampe $visl $aal $amzn $appl $inxp $trnp $axas ) " +"Fri Jun 05 16:36:22 +0000 2020","Meanwhile, Nasdaq just got an all time high. That's right...ALL TIME HIGH! Talk about decoupling of what's happening on Wall Street vis a vis the real world. Confounding indeed. Plenty of liquidity pumped in and few big companies leading the market up. Still....all time high?!" +"Tue Jun 16 20:08:49 +0000 2020","Portfolio is now fully invested since yesterday after we reduced our exposure last week. Current Positions: $TWLO $TDOC $FTNT $PTON $FB $AAAPL $ZS Charts shared: $FTNT $AAPL $FB $PTON " +"Tue Jun 30 20:03:51 +0000 2020","💥BREAKING: *WALL STREET ENDS HIGHER FOR SECOND DAY IN A ROW AS STOCKS WRAP UP THEIR BEST QUARTER SINCE 1998 ✅DOW ENDS ⬆️216 POINTS, OR 0.85% ✅S&P 500 ENDS ⬆️ 1.52% ✅NASDAQ ENDS ⬆️1.87% ✅RUSSELL 2000 ENDS ⬆️1.67% ❌VIX ENDS🔻4.5% $DIA $SPY $QQQ $IWM $VIX " +"Fri Jun 19 01:58:28 +0000 2020","Alright, everyone, that's it for tonight! Over 30 charts posted below! $SPY $QQQ $IWM $XBI $VIX $FB $AAPL $AMZN $NFLX $GOOG $BA $GE $DAL $SAVE $PENN $DKNG $SHOP $SPOT $TWTR $AMD $NVDA $MRO $CRON $CGC $ATVI $TSLA $ROKU $DIS " +"Fri Jun 19 13:59:10 +0000 2020","$VIPS up again today 4% - up 5 days in a row. $WING is my biggest portfolio gainer this morning. I still own some $DDOG, $TAL. Added to my $MNTA. " +"Thu Jun 11 17:01:38 +0000 2020","2 points away from 3032 level 143 #ES_F points shared for free from 3175 with 1 point MAE, plan was sent out last night at 9:24pm CT I will call it a day. Will be back this evening. #ES_F $SPX $SPY $IWM $QQQ $NDX #NQ_F $AAPL $BABA $NFLX $GOOGL $TSLA $BYND $HTZ $AMZN" +"Tue Jun 09 17:48:38 +0000 2020","I actually count 12 times the $QQQ Nasdaq hit or got close to the upper trendline and was met with a retracement over the past 11 years. Will this time be different? " +"Tue Jun 23 16:52:21 +0000 2020","When you think about which stock has the next $100 gain, would you think that would be in $AAPL, $FB, $NFLX, $GOOG or $AMZN? I would put money it's on $TSLA or $AMZN. Therefore, why go long on an already overbought #FAANG? I chose $TSLA " +"Tue Jun 02 00:34:30 +0000 2020","$SPX closed at 3055.. it's trading in a range between 3k and 3070. SPX needs to get thru 3070 to test 3100+ $TSLA if this gets through 900 it can test 968 $AAPL through 324 can test 327,333 $ZM and $CRWD earnings tmrw CRWD can see 110+ and ZM to 225-230 can come Have a GN! " +"Tue Jun 09 00:20:18 +0000 2020","“Today was the third straight day with over 6bn shares traded on the Nasdaq, all of which would have been higher than any day in history .. To put that in perspective, from 2009 until 2020, there wasn’t even one day with 5bn shares.” - @jkrinskypga " +"Tue Jun 30 20:22:15 +0000 2020","Strong finish to today's #trading session capped an impressive 2nd quarter for #stocks NASDAQ again out-performed on the day, gaining 1.9% compared to the Dow's 0.9% and S&P's 1.5% (chart) Best quarter (chart) for: S&P (20%) since 2008 NASDAQ (31%) since 2001 Dow (18%) since 1987 " +"Tue Jun 23 20:33:07 +0000 2020","With an 8th straight day of gains, the #NASDAQ set a new intra-day high. The continued out-performance of #BigTech (1st chart) is not the only thing that has surprised those favoring lagging names and sectors. Also, the US continues to out-perform both Europe end #EM (2nd chart). " +"Fri Jun 26 20:05:11 +0000 2020","Even in a choppy week, we still managed to find some excellent trades! 💰 📈 $NFLX 465C $6.20 -> $12.55 $AAPL 360C $3.60 -> $13.57 $SPOT 250C $4.00 -> $18.63 $TSLA 980C $6.00 -> $17.40 $FB 222.5P $1.22 -> $7.50 " +"Tue Jun 09 00:00:08 +0000 2020","Many mkts at same level as a yr ago but uncertainty & stakes are now higher. Like it or not we are in the Super Bowl. Or maybe the Hunger Games. And many are watching. I guess u either want to be here or u don't. Regardless...May the odds be ever in your favor. Peace ✌️ /23 " +"Thu Jun 18 06:20:06 +0000 2020","boss, this doesn’t look like bear mkt rally. stocks going up on results and mgmt interview. during bear mkt stocks fall even on good news. no idea what future mkt holds" +"Sat Jun 06 20:04:10 +0000 2020","1. Well it's made a series of higher lows, cleared the 50dma, the 200dma, and a couple of key levels... still leaves 3200 (and 3400 for an ATH). $SPX $SPY " +"Sat Jun 20 16:52:47 +0000 2020","I've been asked for my @IBDinvestors SWINGTrader Watch List. Here you go... Webby's ST Universe @MarketSmith Screen If you don't have MS, I've included the stocks☮️☮️☮️ " +"Mon Jun 08 13:49:30 +0000 2020","Cant say I would ever have imagined Tesla near, and the NASDAQ at ATHs given the pandemic, civil unrest AND the yet to be truly felt, economic shit storm that we are at the beggining of. I don't understand this market, and Im gonna sit on the sidelines until it makes sense to me" +"Sun Jun 07 20:24:52 +0000 2020","View from the deck/dock of my house. Its not the @magikalalpha compound but it works paid for buy the $spom 2 runs and help from $aapl stocks have been good to me. Again I'm messy " +"Mon Jun 08 12:34:57 +0000 2020","6/8 Watchlist TSLA 🌻 sales for model 3 up in May AMZN 🌻 drone delivery launch date set to Aug 31 BA 🌻 PT increases (airline stocks overall up pre market) AAL 🌻 DAL 🌻 JBLU ( airline stocks to watch) AAPL 🌻 at ATH & news on new patent for device" +"Mon Jun 08 20:03:07 +0000 2020","Another strong session sees the three major US stock indices end higher: The #Dow out-performed (+1.7%) as the rotation trade continued; The S&P's 1.2% gain made year-to-date returns just positive after March's v sharp fall; and The #NASDAQ (+1.1%) set a new record high. #markets" +"Tue Jun 02 13:28:16 +0000 2020","A main theme this year is growing divergence - whether between high & low-income families or stronger & weaker companies. In stocks, this translates as a 16% gain for Apple, Amazon Facebook, Microsoft & Alphabet vs a 12% loss on an equal-weighted version of the S&P: @TheOneDave " +"Fri Jun 26 17:15:58 +0000 2020","Trade Machine Members, this is what I have set as alerts for Three Inside / Up and a couple other triggers: $NVDA $GOOGL $TSLA $MSFT $INTC $COST $MU $TWTR $FSLY $AYX $LVGO $PINS $WORK $NVTA $MDB $OKTA $PTON " +"Thu Jun 18 11:33:59 +0000 2020","$AAPL PT Raised to $410.00 From $354 at China Resistance $TSLA PT Raised to $1200 from 650.00 at Jeffries $SHOP: PT raise @ RBC to $1000 from $825.00 $PYPL: PT Raised @ Citi to $186 $NET u/g EQUALWEIGHT @ MS 34 $PCTY u/g OUTPERFORM @ RBC $155" +"Sat Jun 27 19:18:05 +0000 2020","Now as far as where/how to find them early, it's the same permawatchlist I always post: $SPY $TSLA $NFLX $NVDA $BA $BABA $SHOP $TTD $TWLO $FB $AAPL $AMD etc. Their OTM options do these retarded moves damn near every day/week. Especially $SPY since it expires 3 times a week." +"Wed Jun 10 13:47:36 +0000 2020","Apple market cap just topped $1.5-trillion! Nasdaq above 10 000! Microsoft at a record high! Tesla worth almost $200-billion! Let's party like it's 1999!" +"Tue Jun 23 13:30:06 +0000 2020","Apple, Microsoft, Amazon, Alphabet and Facebook together account for about 40% of the Nasdaq and 20% of the S&P. Of those stocks, only Apple and Microsoft are in the Dow. " +"Wed Jun 10 14:22:22 +0000 2020","'TECH' with a vengeance! #NASDAQ > 10,000 #TSLA > USD 1,000. #Apple All time high #Amazon All time high " +"Mon Jun 22 16:12:58 +0000 2020","This will mark the 4th straight day of negative breadth- & while indices ""SEEM"" resilient, Financials, Energy, Healthcare Real Estate all down 1% with notable breakdows in Casino and CruiseLiners. High Yield CDX unchanged-So the Large-Cap Tech surge is a bit of a mirage today" +"Thu Jun 11 12:17:41 +0000 2020","3126.75 target filled (gap fill) 50 points with 0 ticks MAE 📌 Now back to my previous 3117 level. Will be back in a bit with an update. #ES_F $SPX $SPY $GOOGL $QQQ $NDX $IWM $AAPL $NFLX $TSLA" +"Sun Jun 07 13:06:12 +0000 2020","$SPY $DIA $IWM $AAPL $MSFT $QQQ $SOXX ... GM to ALL my Friends at Twitter, I have gained 800 new friends since Frid. night !😊❤️ 10.8K Followers Have A Happy day with your loved ones ! Always be KIND ! " +"Fri Jun 05 12:54:09 +0000 2020","$SPY $ES_F Wow dont think anyone expected this gap up. At the same time, had to expect 4th time.. quadruple top we'd go through. Remember Keep it simple. Dont chase gap up. Dont short til 4H red or 1H engulfing to start so u dont get run over.Busy today.. wont be trading GL!" +"Wed Jun 17 01:24:16 +0000 2020","Perma bears blame the Fed for the stock market's gains. Here is the TTM EPS for $SPX since 2000 - EPS was ~50 in early 2000; its now ~140 in 2020 In March 2000, $SPX peaked at 1,550; its now at 3,124 Chart from @ycharts " +"Fri Jun 05 14:58:17 +0000 2020","AAPL hit a new all-time high today $328 a share ($1.43 trillion market cap). Just a bit confused as to why Tim Cook needed to pull 2020 guidance when clearly everything's so swell in the world. Maybe not able to forecast how high the record sales &EPS will be in 2020? Thanks Fed!" +"Mon Jun 29 00:47:25 +0000 2020","What are you guys watching for the week? I’m watching — $FB $BA $MU $SHOP $NFLX $ZM $TSLA $AMZN $DIS $FDX $AMD" +"Mon Jun 22 11:25:20 +0000 2020","$AAPL PT RAISED TO $400 FROM $335 AT COWEN $CHGG PT raised to $80.00 from $55.00 maintained Buy @ Jeffries $LVGO KeyBanc Maintains Overweight pt 85 $MPWR Rosenblatt Maintains Buy pt 270 $NKE PT Raised to 104 @ JPM $PTON PT Raised to 62.00 @ Stifel" +"Mon Jun 22 04:35:36 +0000 2020","#TickerMonkey UWL names : TDOC TSLA CHGG DXCM AYX OKTA NKLA DKNG BILL GAN are set up for frisky upside behavior. Continue watching for constructive pullbacks and sporty advances in LVGO ETSY SHOP SPOT ZS TWLO NOW NFLX VRTX AMD ROKU BYND MRNA WIX SDGR DDOG FSLY NET CRWD ZM CHWY" +"Wed Jun 24 01:39:30 +0000 2020","Happy to see @jimcramer suggest that home gamers take some profits after the huge run and get a little more defensive. He Wasn’t turning bearish but wanted his viewers to reduce risk as stocks are trading off 2024 earnings which is concerning. $amzn $aapl $fb $msft" +"Sun Jun 21 18:20:35 +0000 2020","Setups and Watch List, 6/21: $NVDA $FTNT $TWLO $CRWD $TSLA $NFLX $PTON $WST $VRTX $TDOC $DXCM Following charts courtesy of @MarketSmith $SPY $QQQ $IWM" +"Mon Jun 29 18:20:11 +0000 2020","Potential TMLs showing strong RS $NVDA 21 ema undercut and upside reversal $SHOP nice reversal $CHGG nice reversal approaching pivot again $TSLA reclaim of green line on low volume $DXCM 50 sma acted as support again $SE looks to keep trending higher" +"Tue Jun 09 21:00:00 +0000 2020","We are already off to a record-breaking week! Nasdaq Composite broke 10,000 for the first time Amazon hit a record high after gaining 3.04% Apple hit a record high after gaining 3.16% How long do you think this hot streak will last?" +"Fri Jun 05 16:57:49 +0000 2020","All-time highs: Apple Analog Devices Autodesk T-Mobile Home Depot Danaher PerkinElmer Thermo-Fisher Roper United Health Equifax Carrier Global Otis Worldwide Rockwell KLA Corp Skyworks Microchip @CNBC" +"Fri Jun 12 13:43:25 +0000 2020","Open for US #stocks (3 major indices up 2.5-2.7%) confirms underlying strength of the market technicals in play for a while now -- that is, some mix of TINA, FOMO and BTD. They are supported/conditioned by central bank policy but face the notable uncertainties of COVID economics." +"Fri Jun 12 03:16:25 +0000 2020","11:5pm study check, retweet/favorite this if you're still up studying/making your watchlist or made a trade/papertrade on @StocksToTrade today, it was a very ugly $DIA $SPY $QQQ market, but as $WAFU $IZEA $LLIT $ZHUD $SSFT $EMAN and $CTIB prove, there are still some big spikers!" +"Sun Jun 28 18:00:32 +0000 2020","🔥 Hot off the press: Equitorial - One Time Free Edition - Facebook $FB. Visit or (via @revue) to see this edition & become a member! 📈$SPY $QQQ $AAPL $AMZN $GOOG $MSFT #ES_F" +"Mon Jun 29 18:45:15 +0000 2020","'Combined, Facebook, Amazon, Netflix, Alphabet, Apple and Microsoft -- which are often grouped together to create the FANMAG stocks -- make up 48% of the Nasdaq 100.' " +"Tue Jun 09 00:21:09 +0000 2020","said on friday in room i was taking 3 massive .. and i mean massive shots .. tsla shop and googl tsla netted x,xxx,xxx you w freak.. if all 3 hit just build a shrine and kneel..." +"Mon Jun 29 18:43:44 +0000 2020","Hopefully we are through selling caused by ""quarter-end"" rebalance. Stocks still in hands of ""buyers"" $SPY $DIA $QQQ cc: @foimbert @tomwfranck @cnbc Dow surges more than 400 points as Boeing and Apple rise " +"Fri Jun 26 01:19:25 +0000 2020","“bulls remain unphased. If you look at some individual stock names the PC ratios are amazing: $AAPL 0.5, $AMZN 0.73, $MSFT 0.5.” @spotgamma Just wow." +"Mon Jun 29 13:28:43 +0000 2020","My new article is out. The Nasdaq $QQQ has outperformed the S&P 500 $SPY by 252% in the last decade. Some think that this is because of a dotcom-like bubble, but the earnings growth of tech supports the huge outperformance. " +"Tue Jun 23 18:25:32 +0000 2020","Call me crazy but this market at quarter end has lost its ever loving mind. Trimmed some of the big winners like $AAPL $MSFT $NVDA $ETSY $SQ $PYPL $AMZN $SHOP and added to some boring names. I still have plenty sexy, I want more boring for now" +"Tue Jun 30 14:47:36 +0000 2020","My current trading watchlist: AAPL AGQ AMZN BRK.B BYND DDM DIA DIS ETSY FB GLD GOOGL GS IBB IWB IWC IWM KMX MNST PETS QLD QQQ SSO SPCE SPY UWM VIX" +"Sun Jun 21 14:36:35 +0000 2020","Good morning everyone! Did a small chart session last night on: $SPY $QQQ $IWM $XBI $FB $AAPL $NFLX $GOOG $TSLA $SPOT $SHOP $LULU Enjoy! Make sure to give us a like if you enjoy these chart sessions!" +"Mon Jun 22 14:05:05 +0000 2020","$SPY $AAPL $MSFT $NFLX $OKTA $DOCU $DXCM $ZM $LVGO $TDOC $SQ $ETSY $EW $FSLY $SE $ZS $CRWD $LVGO $DOCU .... The LIST It's a MARKET of STOCKS !! and U have The LIST !!!!" +"Sun Jun 07 15:45:51 +0000 2020","The time has arrived, please enjoy my first weekend analysis using the amazing @TrendSpider charting software. $SPY $QQQ $DJX $WORK $NVTA $NOW $CRWD $SNAP $PINS $TSLA $RUBI $SQ $MSFT $AMD " +"Mon Jun 15 16:04:33 +0000 2020","The updated ""Stay at Home"" Stock Index: $AMZN $ZM $WORK $NFLX $JD $APRN $DOCU $BABA $SHOP $ROKU $TWLO $ATVI $EA $TEAM $OKTA $W $OSTK $TDOC $PTON $LVGO $WMT $PSO $CHGG $ETSY $DPZ $CRWD $NET Missed any? Let's complete the list #investing #tech" +"Thu Jul 30 15:30:34 +0000 2020","The reasons I bought $AMD? 1. See the weeks up on volume? Not your aunt buying the stock. 2. huge EPS growth 3. Tight price action #StockMarket #stockstowatch " +"Sat Jul 18 18:40:04 +0000 2020","In times of fluctuation, trust your research. Price action of stock is NOT in direct correlation with company value, or the market would not be profitable. Join the Wolf Pack, invest accordingly $CLSK $SPY $DJIA #stockmarket #daytrader #invest #money #wealth #stocks #investing " +"Sat Jul 18 19:28:19 +0000 2020","Peak of $1700 after momentum alert. The market is uncaring of personal bias and you should be as well. If the market is ""overvalued"", does it still stop you from exercising a profitable entry/exit price? No. $tsla #tesla $spy $NIO #stockmarket #stocks #investing #wealth #money " +"Tue Jul 14 00:39:57 +0000 2020","Does anyone know a penny stock that’s gonna double or possibly triple it’s share price within the next 1-2 years? #StockMarket #NASDAQ #MarketWatch" +"Thu Jul 23 02:02:39 +0000 2020","This article is really good not just on Tesla but good overview of the current market... $TSLA #Tesla #stocks #stockmarket #latimes Tesla's insane stock price makes sense in a market gone mad " +"Fri Jul 31 14:31:06 +0000 2020","Tech stocks jump after blowout earnings!! 🤯 Facebook +7%, Amazon +4% and Apple +5.5% surging in trade today after reporting better-than-expected quarterly results.🔖 Nasdaq has hits all time high. #Nasdaq #FAANG #StockMarket " +"Wed Jul 01 02:59:13 +0000 2020","Gilead sets price of coronavirus drug remdesivir ... $AAPL $AMZN $BTC $ETH $FB $GOOG $MSFT $QQQ $SPY $TSLA #cnbc #foxbusiness #business #money #entrepreneur #trading #investing #investment #stock #stockmarket #forex #crypto #cryptocurrency #Bitcoin #Ethereum #Coinbase #Robinhood " +"Fri Jul 17 00:09:58 +0000 2020","There is a 67% Probability that Netflix stock price will increase above its current value of $527.39.. $NFLX current Market Structure is Bullish and will remain Bullish as long as price stay above $471.50 #financialengineering #StockMarket #StocksToTrade #stocks" +"Sun Jul 05 00:42:16 +0000 2020","Trump will 'pay a terrible price' in November's ... $AAPL $AMZN $BTC $ETH $FB $GOOG $MSFT $QQQ $SPY $TSLA #cnbc #foxbusiness #business #money #entrepreneur #trading #investing #investment #stock #stockmarket #forex #crypto #cryptocurrency #Bitcoin #Ethereum #Coinbase #Robinhood " +"Tue Jul 21 14:31:16 +0000 2020","$WKHS Workhorse Group Stock Price Down 0.4% on Insider Selling #thestockmonkey #stockmarket #stocks #trading #business #daytrader #daytrading #investment #wallstreet #darkpool #blocktrades" +"Mon Jul 13 01:02:46 +0000 2020","It’s that time of the week! Prep those alerts and key price levels! How do we end every week? @mwebster1971 Stock Market Update and getting all his key levels for $comp on @thinkorswim #StockMarket #NASDAQ #stocks " +"Thu Jul 30 22:43:33 +0000 2020","We'd add that typically stock splits do result in an increase of share price due to the better entrance price and more shares a person has as a part of their position. #stocks #investing #investing101 #StockMarket #financialliteracy" +"Thu Jul 16 20:08:41 +0000 2020","@MarketWatch Curious about why #Netflix' stock price tumbled? For this we need to understand what the #stockmarket is, how it works and what #stocks are. I laid it out in my video! 👇 $NFLX " +"Wed Jul 08 12:21:17 +0000 2020","See how this neck-breaking run in the #TSLA stock price was amplified by the short covering. Discover more at: #tenviz #tesla #stockmarket #stocks #economy #prices #short " +"Thu Jul 23 12:50:25 +0000 2020","Coronavirus Vaccine – Here’s Why the BioNTech Stock Price is Having an Insane 740% Rally! $BNTX #Finance #Nasdaq #COVID19 #coronavirus #vaccines #stocks #StockMarket " +"Sun Jul 26 18:30:00 +0000 2020","*Here's What Will Move Markets This Week With @JesseCohenInv: - $AMZN $AAPL $GOOGL Earnings - $PFE $MCD $BA Also Report - Fed Meeting, U.S. Q2 GDP *Watch Now: $DIA $SPY $QQQ $VIX " +"Thu Jul 30 11:50:37 +0000 2020","💥BIG TECH EARNINGS TAKE CENTER STAGE AFTER THE CLOSE: *AMAZON REPORTS AT 4:00PM ET *GOOGLE REPORTS AT 4:00AM ET *FACEBOOK REPORTS AT 4:05PM ET *APPLE REPORTS AT 4:30PM ET 💥TRACK THE EARNINGS IN REAL-TIME: $SPY $QQQ " +"Wed Jul 22 12:46:42 +0000 2020","UPDATE-Review weekend post. No Change. Higher prices, no clear upside breakout or failure. Emotions high-TSLA-MSFT earnings, Fed to meet next week to discuss economy, Admin discussing more stimulus, China escalation. Trade market-generated info not emotions,#ES_F #Futures $spy " +"Sat Jul 25 14:13:28 +0000 2020","When I shorted NQ above 11K on Jul 13, Kraken had a nice setup that Nasdaq suckers didnt know about at all. They are now in agonizing pain as evident from comments. NDX hit a weekly support this week, the index will probably break out of this range after FED and big tech earnings " +"Sun Jul 12 18:05:34 +0000 2020","My quick video analysis of tech stocks $TSLA $AAPL $AMZN $MSFT overall market $SPY 👩🏼‍🏫📈📊 Apologies for my English it's my third language I am learning and will get better soon 😊 " +"Thu Jul 16 20:04:33 +0000 2020","Stocks fell on Thursday as shares of the major tech companies struggled once again and traders digested a mixed batch of corporate earnings and economic data. The Dow was down 0.50% The S&P 500 fell 0.34%. The NASDAQ fell 0.73%. " +"Mon Jul 27 16:02:12 +0000 2020","It’s the biggest week of #earnings season, with major #technology #stocks like $AAPL $AMZN and $FB issuing results! Here’s a day-by-day breakdown of what to expect. Trade with TradeStation: " +"Fri Jul 31 13:37:51 +0000 2020","#Earnings beat! Big #technology #stocks crush estimates as the pandemic drives demand. #Semiconductors and even $UPS flew to new highs. Our recap has everything you need to know. $AAPL $AMZN $FB $GOOGL $AMD $BA $GE $PG $PYPL " +"Sun Jul 19 15:20:15 +0000 2020","POTENTIAL CHANGE for the week ahead. Last week saw a pause relative to tech/remainder of the market. Big earnings week including TSLA, MSFT, AMZN, TWTR and much more. Can expectations be met. The following link is to our upcoming Primer #ES_F #Futures $spy " +"Thu Jul 09 14:34:42 +0000 2020","This market looks so bad internally, at least acknowledge that anyone calling for new highs at this point is only making individual stock predictions for $AAPL $MSFT $AMZN! 🤷🏻‍♂️ " +"Tue Jul 28 16:18:55 +0000 2020","Dow Jones is flat since Jan 2018, Dow Transports flat since 2017 with lots of volatility, still leads the way down but I’m told Dow theory is dead because of...tech?The Fed?Pretty bad sign that $AAPL can go parabolic and it still can’t save the swirling garbage below the surface. " +"Mon Jul 13 19:39:56 +0000 2020","$QQQ found resistance at the upper boundary of trend channel. #SPX found resistance at minor high. Nasdaq can pullback to lower boundary. S&P 500 towards 200-day average. " +"Fri Jul 10 01:21:47 +0000 2020","Good morning Mixed Global trade Nasdaq closed at an all-time high as Amazon jumped 3% to a record. Microsoft, Apple and Netflix were also higher. But the rest of the market struggled. The Dow dropped more than 300 points, erasing its week-to-date gains. @CNBC_Awaaz" +"Mon Jul 06 20:04:37 +0000 2020","💥BREAKING: *WALL STREET ENDS HIGHER AS BIG TECH RALLY POWERS NASDAQ TO RECORD CLOSE 🚀🚀 ✅DOW ENDS ⬆️459 POINTS, OR 1.78% ✅S&P 500 ENDS ⬆️1.6% ✅NASDAQ ENDS ⬆️2.21% ✅RUSSELL 2000 ENDS ⬆️1.27% ✅VIX ENDS ⬆️0.83% $DIA $SPY $QQQ $IWM $VIX " +"Mon Jul 27 20:07:30 +0000 2020","💥BREAKING: *STOCKS ON WALL STREET END HIGHER TO START THE WEEK AS APPLE, AMAZON LEAD BIG TECH SHARE RALLY ✅DOW ENDS ⬆️114 POINTS, OR 0.43% ✅S&P 500 ENDS ⬆️0.74% ✅NASDAQ ENDS⬆️1.67% ✅RUSSELL 2000 ENDS ⬆️0.89% ❌VIX ENDS 🔻4.1% $DIA $SPY $QQQ $IWM $VIX $AAPL $AMZN " +"Mon Jul 06 20:21:00 +0000 2020","*BREAKING: *NASDAQ COMPOSITE RALLIES TO A NEW ALL-TIME HIGH AS TECH CONTINUES TO SHINE *AMAZON SHARES END UP 5.7% *APPLE SHARES END UP 2.6% *FACEBOOK SHARES END UP 2.9% *MICROSOFT SHARES END UP 2.1% $QQQ $AMZN $AAPL $FB $MSFT " +"Wed Jul 22 03:32:28 +0000 2020","*U.S. STOCK INDEX FUTURES POINT TO HIGHER OPEN AS WALL STREET BRACES FOR $MSFT $TSLA EARNINGS 🚀DOW FUTURES GAIN 125 POINTS, OR 0.5% 🚀S&P 500 FUTURES RISE 0.4% 🚀NASDAQ FUTURES JUMP 0.5% 🚀RUSSELL 2K FUTURES RALLY 0.5% $DIA $SPY $QQQ $IWM $VIX " +"Thu Jul 30 11:14:28 +0000 2020","Interesting ""gamma cusp"" setup in $QQQ with big tech reporting tonight. Weekly options large in QQQ + similar $SPY situation. We should have some post ER IV drop in $AMZN $AAPL $FB which adds to the dynamic. h/t @michaelmottcm @themarketear " +"Fri Jul 31 20:42:50 +0000 2020","Amazing how multiple asset classes match up to marking turns. My contrarian bend has me expecting more dollar strength (I bought $UUP at $25.12 this morning), choppy stonk action that resolves down into middle of August, and I’m long $NLY $INTC short $SMH short $QQQ into close." +"Fri Jul 10 20:03:07 +0000 2020","💥BREAKING: *WALL STREET ENDS HIGHER AS BIG TECH RALLY POWERS NASDAQ TO ANOTHER RECORD CLOSE 🚀🚀 ✅DOW ENDS ⬆️368 POINTS, OR 1.43% ✅S&P 500 ENDS ⬆️1.07% ✅NASDAQ ENDS ⬆️0.66% ✅RUSSELL 2000 ENDS ⬆️1.14% ⛔VIX ENDS🔻6.46% $DIA $SPY $QQQ $IWM $VIX " +"Mon Jul 20 20:07:28 +0000 2020","💥BREAKING: *WALL STREET ENDS HIGHER WITH THE NASDAQ JUMPING MORE THAN 2% AS MARKETS BRACE FOR BIG TECH EARNINGS ✅DOW ENDS ⬆️8 POINTS, OR 0.03% ✅S&P 500 ENDS ⬆️0.85% ✅NASDAQ ENDS ⬆️2.51% ⛔RUSSELL 2000 ENDS🔻0.76% ⛔VIX ENDS🔻4.4% $DIA $SPY $QQQ $VIX " +"Fri Jul 24 15:38:48 +0000 2020","Last chart $MSFT, major TL breach like $AAPL, best case is sideways chop for 6-8 weeks. That's 2 juggernauts that wont be contributing to index strength over the medium term. " +"Wed Jul 08 20:36:11 +0000 2020","With Apple hitting a record market cap of $1.653 Trillion, the disconnect between the broader stock market and the FAANMG (Facebook, Apple, Amazon, Neflix, Microsoft & Google) widens. " +"Mon Jul 06 20:47:28 +0000 2020","*THE NASDAQ 100 JUMPS 2.5%, BRINGING ITS 2020 GAINS TO MORE THAN 21%, AS AMAZON, NETFLIX, TESLA, APPLE SHARES ALL RALLY TO RECORD HIGHS $NDX $QQQ $AMZN $NFLX $TSLA $AAPL " +"Sun Jul 12 16:09:53 +0000 2020","⚠️ A lot of traders also have been asking me what these Trading Emojis all mean, here is the list of the TOP 20 you must know. $AMZN $FB $AAPL $NFLX $IBM $MSFT $GE $TSLA $BABA $NKLA $WMT $COST $GNUS $UAVS $IDEX $INO $APT $NVAX $LK $WKHS $TLRY $RCL $CCL $BAC $CPHD $F $DAL $BA $WFC " +"Sat Jul 11 10:49:13 +0000 2020","While the Tech stocks are still rising, rest of the market has been struggling for months. Underneath the surface, breadth is weak despite new record highs, similar to what happens during previous corrections. Furthermore, Nasdaq is the only index above the Feb 2020 high. " +"Fri Jul 31 10:42:46 +0000 2020","💥BREAKING: *STOCKS ON WALL STREET ARE SET TO OPEN HIGHER WITH THE NASDAQ JUMPING 1% AFTER BIG TECH EARNINGS BLOW PAST ESTIMATES 💥TRACK THE ACTION IN REAL-TIME: $DIA $SPY $QQQ $IWM $VIX $AAPL $AMZN $FB " +"Fri Jul 10 01:00:42 +0000 2020","Market Watchlist for Friday 7-10-20 $AMD $ROKU $SHOP $GOOGL $TSLA $FB $AMZN $DIS $SPY $SPX $ES_F $NQ_F $DJI $COMP $QQQ $VXX Please feel free to retweet and share. Have a good evening everyone and see you all tomorrow!😃 " +"Sat Jul 18 20:07:17 +0000 2020","Investor’s / Trader’s super bowl of earnings is almost here! Comment below your reaction when seeing this list in a .GIF $SNAP $TSLA $TWTR $INTC $T $CMH $AAL $LUV $IBM " +"Sun Jul 19 11:43:30 +0000 2020","💥Notable #Earnings To Watch This Week (via @eWhispers)💥 *Mon: $HAL $IBM *Tues: $SNAP $KO $LMT $PM $UAL $TXN $IBKR $AMTD *Wed: $TSLA $MSFT $CMG $BIIB $NDAQ $ALGN $CSX $LVS *Thurs: $TWTR $INTC $T $AAL $LUV $ALK $BX $CTXS $FCX $ETFC *Fri: $VZ $AXP $HON $SLB $DIA $SPY $QQQ " +"Sun Jul 12 01:28:05 +0000 2020","⚠️ A lot of traders have been asking me what these short Trading Acronyms all mean, here is the list of the TOP 20 you must know. $AMZN $FB $AAPL $NFLX $TSLA $BABA $MSFT $GE $WMT $GNUS $IDEX $WKHS $UAVS $XSPA $NVAX $WIMI $SOLO $NKLA $SHLL $OSTK " +"Thu Jul 16 00:26:34 +0000 2020","$SPX tested 3233 again but failed. SPX is still stuck in a range between 3200 and 3233 I would consider going long over 3233 and short under 3200 for this week $NFLX earnings are after hours tmrw. There's a 54-55 pt moved priced in. 580C can work if NFLX beats Have a GN! 😁📈 " +"Mon Jul 13 01:01:21 +0000 2020","Market Watchlist for Monday 7-13-20 $SHOP $TSLA $GOOGL $FB $NFLX $ROKU $WMT $LULU $SPOT $DIS $GS $BA $AMD $SPY $SPX $ES_F $NQ_F $DJI $COMP $QQQ $VXX Please feel free to retweet and share! Have a good evening everyone and I will see you all tomorrow morning! " +"Sun Jul 26 12:00:42 +0000 2020","💥Notable #Earnings To Watch This Week (via @eWhispers)💥 *Mon: $HAS $NXPI *Tues: $AMD $MCD $PFE $MMM $V $EBAY $SBUX $RTN *Wed: $FB $BA $SHOP $GE $GM $PYPL $SPOT $QCOM $TDOC *Thurs: $AMZN $AAPL $GOOGL $F $UPS $MA $PG $AZN $GILD $MGM $EA *Fri: $CAT $XOM $CVX $MRK $PINS $SPY $QQQ " +"Tue Jul 21 21:10:21 +0000 2020","Did you see my QQQ (nasdaq-100 index) % weight chart that I posted last week? $TSLA is number 6 on the list if GOOG & GOOGL counting as one company $TSLA is bigger than $INTC $FB and $NVDA. in other words, any correction on $TSLA, stonk bull's favorite $QQQ would tank bigly.." +"Mon Jul 13 20:51:02 +0000 2020","• tech & growth technicals are extremely overbought • investor sentiment is widely bullish • valuations are ridiculously outlandish Now the Nasdaq index posts a major bearish outside day reversal pattern. What could go wrong? $QQQ " +"Fri Jul 31 02:36:01 +0000 2020","Amazing results from Amazon and other FAANG stocks. Nasdaq futures is up by 2%, Amazon is up by 5% in after market trades. Will there be any short covering in Bank Nifty after SBI results? " +"Fri Jul 24 13:57:10 +0000 2020","Some stops getting hit today. But my @AMD is popping nicely and my QQQ short is paying off. As I said yesterday ""Market is getting a little top heavy.""" +"Sun Jul 05 13:25:32 +0000 2020","Do we believe 2020 brought a bear market & a NEW bull market? Past 10-20 years AAPL AMZN NFLX GOOGL= leaders. A new bull market could bring new leaders for the next 10 years? Have they emerged in TSLA ZM SHOP DOCU TWLO? We must be open. 2nd grader knows purple line is a winner. " +"Mon Jul 06 14:45:51 +0000 2020","$AMZN $AAPL $MSFT $TSLA $BABA $NVDA $NFLX , so many stocks making new highs... " +"Fri Jul 31 20:05:03 +0000 2020","Tech Earnings week ended up being the best week of July! Here are a few highlights from the week💰 $AAPL 390C $4.30 -> $36.10 $AAPL 410C $1.32 -> $14.62 $SHOP 1100C $11.80 -> $34.35 $QCOM 104C $1.32 -> $4.00 $FSLY SHARES $87.36 -> $97.14 HAGW! " +"Thu Jul 09 22:39:05 +0000 2020","Today’s video recap and look ahead if u want to grab a beverage. Get a bit of education. Maybe profit from it. $spx $qqq $tsla $amzn $aapl $googl $spce $jmia $amd $dis $wmt " +"Sat Jul 25 14:52:19 +0000 2020","Judgment week 😱 Thu $AAPL $AMZN $GOOGL 3 companies make up 30.2% weight of $QQQ and 14.34% of $SPY " +"Tue Jul 21 05:08:42 +0000 2020","$NDX $QQQ $SOXX .. NASDAQ FUTURES CLIMB ABOVE 11,000 FOR FIRST TIME IN HISTORY AS BIG TECH SHARES EXTEND RALLY 🚀🚀🚀 $AAPL $MSFT $FNGU $NFLX $NVDA $SHOP $SPOT $TWLO $DOCU $ADBE $TTD $OKTA $CRWD $ZS $FB $AMZN .... The LIST !!! " +"Thu Jul 30 20:02:53 +0000 2020","#MarketWrap Major indexes close mixed, big tech pushes NASDAQ higher ahead of earnings DJIA -0.85% at 26,315 NASDAQ +0.43% at 10,587 S&P 500 -0.37% at 3,246" +"Sat Jul 25 21:23:47 +0000 2020","$AAPL $AMZN $AMD $GOOGL $FB $PYP $SHOP $NOW $SFM Dow Jones Futures: Three Cheers For Coronavirus Stock Market Rally's 'Bad Week'; Apple, Amazon, AMD Lead Earnings Flood " +"Wed Jul 15 15:42:09 +0000 2020","the highest NYSE volume of past 4 trading days...big drop off in NYSE and Naz shares making all-time highs. AMZN, ADBE, NVDA, ZM can eat tails to the downside. 1466.40 over/under for RUS..." +"Fri Jul 31 13:17:03 +0000 2020","When mega-cap stocks like $AMZN $AAPL and $FB crush estimates, PMs underweight the names often chase them after the fact. We may see that today with AAPL 5.8% of S&P 500, AMZN 4.8%, and FB 2.1%. It won’t be lost on S&P that adding a mega cap like $TSLA reduces that concentration." +"Mon Jul 06 22:03:42 +0000 2020","BREAKING: #futurestrading has just kicked off after a winner of a session where NASDAQ hit all-time record on huge tech stock wave. Dow futures - .11, NAZ futures flat to slightly higher" +"Sat Jul 25 23:13:59 +0000 2020","Going thru my weekend review & noticed most major tech-related cos. reporting Q2 results to date were roughed up despite EPS ""beats."" NFLX -68 points in 2 weeks, MSFT fell 2 pts last wk, Intel -9, TXN -4 pts. Citrix -13, SWKS -2, TSLA -84. Momos won't like it if trend continues!" +"Mon Jul 13 10:42:44 +0000 2020","$AAPL PT $450 from $425.00 @ Wedbush $AAPL pt upped to 419 @ MS $AMZN PT raised to $3450 from $2500 @ Barclays $FB PT Raised to $275 from $260 @ Barclays $GOOGL Jeffries Raises PT to $1800 from $1450 $GOOGL PT raised to $1600 from $1400 @ Barclays $NFLX PT Raised to $625 @ BMO" +"Sat Jul 25 12:41:08 +0000 2020","#earnings for the week $AMZN $AAPL $AMD $FB $SHOP $BA $PFE $MCD $UPS $MMM $PYPL $HAS $GE $SPOT $V $APHA $EBAY $MA $SBUX $RTX $AZN $F $SAP $QCOM $CNC $MO $XOM $PG $ABBV $GOOG $TDOC $RPM $GILD $NOW $KHC $DXCM $ABCB $BUD $JBLU $CLF $PINS $ANTM $WING $LRCX " +"Tue Jul 28 12:00:11 +0000 2020","With the focus on the trillion-dollar club of $AAPL, $AMZN, and $GOOGL this week, dozens of companies less than $100 billion in market cap will get little or no coverage this earnings season, including gems such as $ADSK, $LRCX, $ANET, $VEEV, $PANW, $ZBRA, $FIVN, $CIEN, $IIVI." +"Mon Jul 13 23:42:39 +0000 2020","Stock market rally open strong but closed with an ugly reversal, along with leaders such as Tesla, Fastly, Netflix and Shopify $TSLA $NFLX $FSLY $NFLX $AMZN $JPM " +"Thu Jul 23 18:12:26 +0000 2020","It's NOT the FIRST time we had a BAD day ! What happened in the Past ?? Mrkt will go higher AGAIN !! I have been reading everything I can Skipped eating .. NOTHING Makes sense for this MONSTER drop in tech today $AAPL $MSFT $NFLX $NVDA .. U now the names WEEKLY UPTREND! " +"Thu Jul 30 20:56:41 +0000 2020","Big 4 mega-cap growth stocks $AMZN, $FB, $GOOG, $AAPL all crushed it AH. AMZN, FB, AAPL up 4-5%, boosting QQQ 1.7% AH, which should help $TSLA tomorrow. AAPL ‘s 4:1 stock split “to make stock more accessible to a broader base of investors” increases odds TSLA does same in Sept." +"Sun Jul 26 13:33:04 +0000 2020","$SPY $QQQ $FB $AAPL $AMZN $GOOGL I dont play earnings. No way Ill gamble with inflated premium for a less than 50% chance to win while losing mental capital. If Im interested in a ticker, I wait until after they report. No drama. Option prices back down to earth. Trade the chart" +"Thu Jul 30 20:39:52 +0000 2020","NASDAQ futures are exploding. Expect $TSLA to ride the wave with big tech tomorrow. AH's is a good entry." +"Sun Jul 12 20:43:14 +0000 2020","The narrowness of the market is worth noting: so far in July $FB, $AAPL, $AMZN, $MSFT, $NFLX, $GOOG - represent 20% of the $SPX market cap and have been responsible for over 80% of the returns." +"Thu Jul 02 20:17:29 +0000 2020","VIDEO Stock Market Analysis for Week Ending 7/2/20 $SPY $QQQ $IWM $SMH $IBB $XLF $PLUG $FCEL $BNTX $INSG $AAXN ⚓️VWAP" +"Thu Jul 02 12:09:12 +0000 2020","$AAPL pt 370 @ Evercore was 375.00 $AMZN pt 3400 from 2900 @ Independent Research $ATVI Needham Maintains Buy pt 90.00 $SHOP pt 1100 @ Baird was 820 $TSLA pt 1250 @ Wedbush was 1000 street high $FLIR int Buy @ Canaccord PT $50 $AKAM u/g Outperform @ Cowen PT $150.00" +"Thu Jul 09 02:54:50 +0000 2020","Not sure how many posts I have read about a ‘bearish divergence’ in $QQQ over the last few weeks/months while large cap tech singles explode higher... Better idea: Focus on price + trend and single stock charts. Follow the trend > try to predict the end." +"Fri Jul 10 20:29:12 +0000 2020","Since Feb 19, the stock market PEAK (S&P 500 index 3393), AMZN has soared 1,030 points, adding $500 billion to its mkt cap ($1.6 trillion, P/E ratio: 153). In the interim, AMZN had 1 crummy earnings report (missed EPS estimates by 20%). But Powell & Fed can't see any bubbles?" +"Thu Jul 30 21:27:32 +0000 2020","Tomorrow is gonna be an interesting day. AMZN, GOOG, FB, AAPL all reported good earnings. Most other tech stock are up after hours. Rising tide lifts all boats lol" +"Wed Jul 15 03:58:37 +0000 2020","11:58pm study check, retweet/favorite this if you're still up studying, making your watchlist right now or if you've already made your watchlist for tomorrow. The $DIA $SPY $QQQ markets looks to surge nicely thanks to overnight positive $MRNA data so be ready for action tomorrow!" +"Sat Jul 04 23:51:01 +0000 2020","Apple, Microsoft, Google, Amazon and Facebook have been responsible for a large portion of the S&P 500 and Nasdaq's gains, and that doesn't look to change anytime soon " +"Sun Jul 12 15:23:56 +0000 2020","What’s up guys ready to Crush it? 🚀🚀🚀🚀🚀🚀🚀🚀🤑🤑 $tsla 1800🎯🤑🚀 $aapl 400🎯🤑🚀 $jpm 110🎯🤑🚀 $wynn 90🎯🤑🚀 $dis 130🎯🤑🚀 $shop 1100 🎯🤑🚀 $amzn 3500🎯🤑🚀 $nflx 650🎯🤑🚀 $nvda 450🎯🤑🚀 $dxcm 500🎯🤑🚀 $mrna 80🎯🤑🚀 $lvgo 150🎯🤑🚀 🎯🤑💵💵🚀" +"Mon Jul 27 14:00:10 +0000 2020","Tech stocks in rally mode led by Apple tesla and video game stocks. Lots of earnings this week, as well the worst GDP number in American history is coming out. Another trump milestone. $aapl $tsla $atvi $ttwo $ea" +"Sat Jul 11 20:12:09 +0000 2020","The stock market goes up because of the fed’s “money printers” but also because consumers keep buying , 📲 Iphones $AAPL 🍔 Food $MCD 👟Shoes $NKE 🖥 Netflix $NFLX 💳 Amazon $AMZN ☕️ Coffee $SBUX The consumer also drives the stock market. $SPY" +"Mon Jul 20 17:21:09 +0000 2020","Tech stocks in full rally mode before earnings. Tesla Microsoft and Amazon going full tilt. Granted these are some of the best companies... $TSLA $AMZN $MSFT" +"Fri Jul 31 03:49:08 +0000 2020","Good evening! $AAPL up 25 points after earnings..Those 390C i mentioned last night are going to pay..if AAPL can hold over 400 it should run to 425 $AMZN is set up for a move to 3240,3273,3300 if it can hold over 3200..Lotto Friday should be an explosive one Have a GN! 😄📈" +"Thu Jul 30 17:21:21 +0000 2020","$FB $AMZN $AAPL $GOOG all report earnings after the bell today. That's ~16% of the S&P 500 and ~35% of the Nasdaq 100. Who in their right mind allowed this to happen?" +"Mon Jul 20 21:00:15 +0000 2020","crazy days for tech stocks. Tesla, amazon, shopify and microsoft going parabolic. People paying up for companies with growing earnings... $tsla $amzn $msft $shop" +"Fri Jul 10 10:03:45 +0000 2020","Good Morning! Happy Friday! Futures down slightly as Asia markets cooled. $NFLX pt to 670 @ GS was 540 $AMZN pt raised to $3,550 from $2,700 @ Citi" +"Wed Jul 15 19:37:12 +0000 2020","Reduced risk; took many larger profits into strength. Still holding some names with decent gains - $AKAM, $SAM, $BJ, $TNDM, $AMGN, $PZZA - and a few with small gains - $ABT, $CTXS, $CHTR, $IBB. Only holding one showing a small loss $FB. Still short $QQQ from 267.99 w/tight stop." +"Mon Jul 27 10:05:06 +0000 2020","Good Morning! Futures up ahead of a very busy week! Earnigs, Stimulus and Fed on tap! $DDOG Needham Maintains Buy pt 105 $ON Needham Maintains Strong Buy pt $26 $AAPL pt raised to $425 from $365 @ JPM" +"Mon Jul 06 15:07:07 +0000 2020","$QQQ continue to outperform.. $AAPL $AMZN $FB $TSLA $NFLX $SQ $ROKU $NVDA .... Stay where the action and volume is" +"Thu Jul 23 17:58:36 +0000 2020","I'm still short the QQQ, but OK with getting stopped because I have much more long exposure. Market is getting a little top heavy - especially NASDAQ on thin participation. Laggards been popping up lately. FANG stocks under some pressure." +"Thu Jul 16 13:54:26 +0000 2020","Nasdaq must lead us out.. need bounce.. But Dow names will be stalwarts. Watch disney to see if it can shrug off downgrade. JNJ for upside.. UNH for better than expected reward.." +"Sat Jul 04 01:16:57 +0000 2020","Nasdaq $QQQ and below many leading stocks hit ATH yesterday $AMZN $MSFT $NVDA $TSLA $PYPL $SQ $DOCU $SHOP $TTD $TWLO $NOW $ADBE $ATVI $EA $ZM And some talking about limit down or revisit March low? Get a life 🤦🏻‍♂️🤣" +"Wed Jul 01 17:02:27 +0000 2020","$IWM red $DJT red $USDJPY down $VIX coiling $AMZN up 85 $NFLX up 24 $MSFT up 1.00 and change $AAPL up 1.60ish $FB up 9.00 And this is your market bubble which when it goes, look out below" +"Wed Jul 29 20:04:54 +0000 2020","Good day overall. Took small gains today as market went in my favor $NFLX +1% $WIX +2% $PTON +1.2% $QLD +1% $FOUR +4.7% $SQ +2% $ETSY Breakeven Reduced portfolio exposure from 97.5% to 60% with enough cash to trade explosive earnings movers" +"Sat Jul 18 19:07:05 +0000 2020","Some implied moves for earnings next week: $TSLA 15.0% $TWTR 11.5% $SNAP 14.5% $MSFT 5.7% $INTC 5.5% $CMG 7.6% $IBM 5.7% $AXP 5.2% $BIIB 5.8% $ISRG 6.4% $CHKP 8.8% $LOGI 10.5% $KO 4.1% $LMT 5.1% $AAL 13.1% $LUV 9.0% $NVS 5.6% $NDAQ 8.1% $TSCO 6.4% $CTXS 5.6% via @OMillionaires" +"Wed Jul 01 20:28:54 +0000 2020","Tech stocks are making the rest of the market look silly. The Nasdaq Composite closed at another record high today, while the S&P 500 closed 8% below its own. That’s the furthest $SPX has been from a record on a Nasdaq Comp record high day since Jan. 1980." +"Wed Jul 22 21:25:13 +0000 2020","I like going with the acronym FANMAG to represent Big Tech dominance of equities - Facebook, Apple, Netflix, Microsoft, Amazon and Google. Adding a T to that, since Tesla is now poised to enter the S&P (& if it's considered more tech than auto), and we get: FANGMAT" +"Mon Jul 13 19:37:49 +0000 2020","What is this sorcery?!? Nasdaq down ~1.2%, but high growth SaaS down ~6% and overall SaaS down 5%?? This can't be!! In all seriousness days like today are healthy / needed for longer term bull runs. If you've got some extra cash, put a little in some stocks you like!" +"Fri Jul 10 21:01:22 +0000 2020","Next week notes 1. S&P 500 if 3160/70 holds CTA momo chasers will add (Nomura) 2. watch DOW (past two sessions I have noted unusual buying activity in this index) so far looks like banks and airlines are the recipient 3. tech seems insane...but you can not short it right now" +"Sun Jul 12 19:22:46 +0000 2020","Datacenter/Gaming: $NVDA IaaS: $AMZN $GOOG $FSLY SaaS: $AYX $CRM $CRWD $DDOG $OKTA $DOCU $ZM $TEAM $MDB $ADBE $COUP Fintech: $MELI $MA $PYPL $SQ $V Programmatic: $TTD $ROKU $PINS Ecommerce: $SHOP $ETSY $BABA $SE Healthcare: $LVGO $TDOC Streaming: $NFLX Services: $AAPL" +"Thu Jul 09 20:50:22 +0000 2020","What we’re seeing with FAANGs is the dark side of mkt cap weighted indices. The more capital flows into them, the more benchmarked managers need to buy them, in turn creating even more interest and inflows. Self-reinforcing dynamic that is distorting the mkt $AAPL $MSFT $GOOG" +"Thu Aug 13 12:57:37 +0000 2020","#RobinhoodTraders stats Top 10 changes in daily positioning (Aug 12 vs Aug 11) $NVAX $SRNE $TOPS $RKT- stock price ⬇️, accounts⬇️ $TSLA $MRNA $AAPL $MSFT $NIO $AMD #Finance #investing #StockMarket " +"Sun Aug 02 13:06:00 +0000 2020","#RobinhoodTraders stats Top 10 changes in weekly positioning (July 31 vs July 24) $KODK - more than 10x increase in # of accounts holding it, almost 10x increase in stock price $AAPL, $KNDI, $MRNA, $GE, $LI, $ADMA, $NFLX, $TLSA, $OCGN #Finance #investing #StockMarket " +"Wed Aug 19 15:56:39 +0000 2020","If $APPL(Apple) and $TSLA(Tesla) stock prices have been to high for you to invest in them, on 8/31 both companies will be performing a stock split that will bring down the price per share. It will be a great time to get in at a lower price per share. #StockSplits #StockMarket" +"Mon Aug 03 14:11:38 +0000 2020","@exxonmobil stock $XOM is back around the price I bought it at about March, possibly buying more. #StockMarket #stocks #stockstobuy #oil #Exxon $XOM #NYSE #NASDAQ #AmeriTrade #RobinHood " +"Mon Aug 03 21:59:25 +0000 2020","BigCommerce Holdings Inc. will debut on #NASDAQ on 05.08.2020. I expect the stock price to increase 🚀 by at least 100% on debut. Will be doing a detailed tweet on $BIGC tomorrow, before the #NYSE 🔔. #StockMarket #stockstobuy #stockstowatch " +"Thu Aug 27 13:43:32 +0000 2020","Anybody else jumping on this Corsair Gaming stock $CRSR Any guesses what price it rolls out at? #Stocks #Market #NASDAQ #stockmarket" +"Thu Aug 27 14:11:05 +0000 2020","Price to Book Ratio 💲/📗 A YouTube Lesson 🙂👇 Video Link - 📗 📗 #finance #accounting #invest #investor #investing #stocks #stock #stockmarket #economics #EconTwitter #financetwitter $SPY $SPX $AMZN $AAPL $TSLA $QQQ $NVDA $AMD $FB $GOOGL #teaching " +"Tue Aug 04 15:25:45 +0000 2020","$SPOT Stock price consolidates after EPS news like this but then the monthly avg users go up and churn rate goes down the stock price makes new highs. Following the $NFLX playbook #ARMRreport #investing #invest #stocks #stockmarket #MechanicalBullMarket " +"Thu Aug 13 05:55:48 +0000 2020","Posted for all when price was 22.....CMP 54 😎 nifty50 #sgx #dow #future #nifty #banknifty #stock #trader #trading #intraday #investing #stockstowatch #stockmarket #gold #options #lockdown #news #coronavirus #portfolio #research #results  #finance #investments #StocksToTrade " +"Thu Aug 20 17:29:18 +0000 2020","#TESLA (NASDAQ: TSLA) share price reached $2,000 🚀🔥. The electric carmaker announced 5-1 stock split recently. The split set to go into effect on August 31. #teslamodel3 #elonmusk #stocksplit #nasdaq #stockstowatch #StocksToTrade #Stock #trading #stocks #StockMarket #car " +"Thu Aug 20 01:46:09 +0000 2020","#economy #stock #stocks #StockMarket #stockmarkets #Finances #Finance #AAPL #Apple #FederalReserve Hey @NorthmanTrader if Apple gets to a 10 trillion dollar market cap, the Fed will still say there is NO asset bubble & analysts will raise price targets." +"Thu Aug 06 02:20:54 +0000 2020","$VERB Targeting $1.50 on this chart. MACD curling up and price is above all short term EMAs. Swing for $1.50+ #Trading #Stocks #Stockmarket #TSS #NYSE #NASDAQ #daytraders #wallstreet #pennystocks #charts #technicalanalysis #invest " +"Tue Aug 25 02:22:03 +0000 2020","$NNVC Expecting a 20%-50% move this week. Entry over $4.10. Next support is $3.70, so if it drops again tomorrow, try adding around that price point. #Trading #Stocks #Stockmarket #TSS #NYSE #NASDAQ #daytraders #wallstreet #pennystocks #charts #technicalanalysis #invest " +"Mon Aug 24 16:04:39 +0000 2020","$TSLA Will Tesla Stock Price Crash? #thestockmonkey #stockmarket #stocks #trading #business #daytrader #daytrading #SwingTrading #investment #wallstreet #darkpool #blocktrades" +"Wed Aug 26 20:27:37 +0000 2020","Tesla (TSLA) Battery Day anticipation increases Jefferies' price target #thestockmonkey #stockmarket #stocks #trading #business #daytrader #daytrading #SwingTrading #investment #wallstreet #darkpool #blocktrades" +"Wed Aug 26 00:06:00 +0000 2020","Dow Jones futures tilted higher late Tuesday, along with S&P 500 futures and Nasdaq futures. #stockmarket #stocks #tech #technology " +"Wed Aug 19 01:37:12 +0000 2020","$PLAG Weekly chart shows a price target of at least $3; a breakout over that and we could get $5.00. Closed at $2.06 in AH #Trading #Stocks #Stockmarket #TSS #NYSE #NASDAQ #daytraders #wallstreet #pennystocks #charts #technicalanalysis #invest " +"Mon Aug 03 14:17:13 +0000 2020","#Apple leading US #StockMarket gains #MondayMorning Rallying🆙another 4% That adds another $70 billion to its $1.8 TRILLION dollar market value Already the biggest company on the planet! $aapl getting bigger in #fintech buying up #Square challenger Mobeewave for $100mln $sq 📲 " +"Sat Aug 01 00:56:57 +0000 2020","#StockMarket #AMZN #AMAZON Amazon stock price target raised to $4,050 from $3,000 at J.P. Morgan **Why not raise the price target to $6,000. Who cares about evaluations? They do not matter. The Fed is backing the stock market" +"Sat Aug 01 00:55:29 +0000 2020","#StockMarket #APPLE #AAPL Apple stock price target raised to $470 from $370 at Monness Crespi Hardt **Why not raise the price target to $1,000. Who cares about evaluations? They do not matter. The Fed is backing the stock market" +"Sun Aug 16 17:01:30 +0000 2020","*MARKETS WEEK AHEAD: - $WMT $TGT $NVDA $BABA EARNINGS - U.S. JOBLESS CLAIMS - FED MINUTES @JESSECOHENINV BREAKS DOWN WHAT TO WATCH ON WALL STREET THIS WEEK: $DIA $SPY $QQQ $VIX " +"Mon Aug 31 16:52:46 +0000 2020","Just Incredible! #Apple RALLIES another 2% after 4 for 1 #stocksplit 📲 $aapl #Tesla RALLIES another 8% after splitting 5 for 1 🏎 $tsla While #Microsoft #Walmart ⬇️Over concerns the #TikTok deal might be slowed down because of news #China #tech rules 🎶 Love 💕 geeking out " +"Thu Aug 27 23:35:06 +0000 2020","Highly recommended!! $AAPL $INTC $MSFT $TSLA $NIO $BAC $AMZN $NKLA $MRNA $BA $TSM $MU $BABA $FB $PFE $AAL $NVDA $T $SPCE $WFC $NFLX $JPM $TWTR $VZ $SNAP $WORK " +"Fri Aug 28 15:31:03 +0000 2020","Today on The Take: $WMT and $MSFT moving to the upside because of TikTok news, $AMD and semiconductors continue moving to the upside, incredible movement in the tech space, and a lot of Unusual Option Activity. Watch the episode here: " +"Wed Aug 19 20:28:56 +0000 2020","VIDEO Stock Market Analysis 8/19/20 $SPY $QQQ $IWM $SMH $IBB $XLF $SMH $PGNY $GDDY $NCR $PS $SPT ⚓️VWAP Dont take my word on what a DOUBLE TOP is, the image is from pg 60 of John Murphy's book " +"Wed Aug 19 15:17:27 +0000 2020","..... US Stock markets reach all time high driven by technology stocks especially Amazon. Apple reaches $2t (with a T) market capitalization " +"Mon Aug 10 03:06:01 +0000 2020","August 10 Plan 📌 *Click on Picture to Expand* Hope everyone had a nice weekend, good luck tomorrow! Attached is a 30-min RTH only chart #ES_F $SPX $SPY $IWM $QQQ $AAPL $TSLA $BA $NFLX $AMZN $MSFT #Paul_ES_DailyPlan " +"Wed Aug 26 16:29:22 +0000 2020","Look at what tech stocks are doing in the US today! Sales force up 28%, Netflix up 9%,adobe up 9%, Facebook up 5% ! Ofcourse not to forget tesla up 5% " +"Sun Aug 23 18:48:48 +0000 2020","ARK has 5 ETFs ( $ARKK $ARKW $ARKF $ARKG $ARKQ) Here are the stocks that appears in at least 3 of them today: $AAPL $AMZN $DOCU $FB $ICE $NVDA $ONVO $PINS $PSTG $SE $SPLK $SQ $TCEHY $TDOC $TREE $TSLA $TSM $TWLO $TWOU $VCYT $WORK $XLNX $Z " +"Tue Aug 04 12:17:23 +0000 2020","Tech full candle outside bands yesterday heading into Aug/Sep. Also note global resistance vs.declining 200 dma's. France, Spain, Italy, Brazil, Turkey, Thailand, Philippines, Vietnam etc.. Longer-term Put/Call ratios extreme into ""fun"" seasonality.$AAPL/big tech monthly parabola " +"Wed Aug 26 20:16:38 +0000 2020","jump in implied vol (VIX) can also be due to a wee bit of short squeeze on out of the money call options.... (NFLX, FB, ROKU, NIO, AMZN, MSFT, GOOG, etc) " +"Tue Aug 18 18:39:22 +0000 2020","AMZN indeed holding this market together. It is one of the top three weightings in the Naz 100 so the tail can wag the dog. Good odds it has upside followthrough tomorrow.... " +"Tue Aug 04 15:55:01 +0000 2020","Look at $AMZN and $AAPL. Both beat big last Thursday pm. Fed money printing in theory should help $AMZN more than $AAPL since higher P/E. Since the print, $AMZN up 2%, $AAPL up 14%." +"Fri Aug 21 11:24:01 +0000 2020","💥IT'S #WEEKLYCOMIC TIME!💥 *BIG TECH SHARES POWER S&P 500, NASDAQ TO NEW ALL-TIME HIGHS ✅S&P 500 IS UP 54.5% FROM ITS MARCH 23 LOW ✅NASDAQ IS UP 69.8% FROM ITS MARCH LOW ✅ $TSLA +378% YTD ✅ $AMZN +78% YTD ✅ $AAPL +61% YTD $SPY $SPX $ES_F $QQQ " +"Tue Aug 25 17:23:27 +0000 2020","#Tech ETF $XLK with a DeMark Combo 13 on the weekly chart which has worked well in the past. RSI crossing over in to overbought. for more info visit $AAPL $MSFT $NVDA " +"Sun Aug 30 15:05:07 +0000 2020","Very soon, $TSLA will be in the Big 6 “MAGAFT” with the other great tech innovators. I can’t see how the S&P Index Comm ignores this much longer ($ in billions mkt cap as of 8/27): 1/ AAPL $2,138 2/ MSFT $1,714 3/ AMZN $1,703 4/ GOOGL $1,100 5/ FB $835 6/ BRK $518 7/ TSLA $417" +"Tue Aug 04 23:46:12 +0000 2020","August 05 Plan📌 *Click on Picture to Expand* I've attached a 30-min RTH chart showing the ""Spike"", the Overlapping Value, and the gaps we have above & below. GL to everyone tomorrow! #ES_F $SPX $SPY $IWM $QQQ $AAPL $TSLA $BA $NFLX $AMZN $MSFT #Paul_ES_DailyPlan " +"Mon Aug 24 20:37:33 +0000 2020","*NASDAQ COMPOSITE INDEX HITS NEW RECORD CLOSING HIGH OF 11,379.72 AS APPLE LEADS BIG TECH RALLY $QQQ $AAPL $AMZN $FB $GOOGL " +"Thu Aug 27 04:29:52 +0000 2020","reason / catalyst -Fed speech tomorrow. - $AAPL $AMZN $FB at ridiculous valuations / levels. - $SPY daily overbought -We will see a ""vaccine headline"" soon & sell the news -It became way too easy to make money (buy calls on dips sell on rips) " +"Tue Aug 04 01:00:33 +0000 2020","Market watchlist for Tuesday 8-4-20 $NFLX $NVDA $SHOP $AMD $ZM $COST $MSFT $LULU $BABA $ROKU $SQ $SPY $SPX $ES_F $NQ_F $DJI $COMP $QQQ $VXX Please feel free to retweet and share! Have a good evening everyone and see you all tomorrow morning😃 " +"Fri Aug 14 00:49:25 +0000 2020","August 14 Plan 📌 *Click on Picture to Expand* Attached is a 30-min RTH only chart. Good luck to everyone tomorrow! #ES_F $SPX $SPY $IWM $QQQ $AAPL $TSLA $NFLX $AMZN $MSFT #Paul_ES_DailyPlan " +"Fri Aug 07 01:02:45 +0000 2020","August 07 Plan 📌 *Click on Picture to Expand* Good luck to everyone tomorrow! Feel free to like, share or leave feedback, it is truly appreciated. #ES_F $SPX $SPY $IWM $QQQ $AAPL $TSLA $BA $NFLX $AMZN $MSFT #Paul_ES_DailyPlan " +"Sat Aug 22 21:21:19 +0000 2020","Watchlist next week. $AMD $BYND $FB $V $ZM $MSFT Economic Calendar: Thursday will be very important $SPY Several earnings to keep on watch & market sentiment : moderate greed " +"Sun Aug 16 23:52:23 +0000 2020","August 17 Plan 📌 *Click on Picture to Expand* Attached is a 30-min RTH only chart. Hope everyone enjoyed their weekend, good luck tomorrow! #ES_F $SPX $SPY $IWM $QQQ $AAPL $TSLA $NFLX $AMZN $MSFT #Paul_ES_DailyPlan " +"Wed Aug 19 00:59:49 +0000 2020","Market Watchlist for Wednesday 8-19-20 $SQ $AAPL $DKNG $AMZN $TSLA $FB $ZM $GOOGL $TDOC $SPY $SPX $ES_F $NQ_F $DJI $COMP $QQQ $VXX Have a good evening everyone and see you all premarket! 😃 " +"Mon Aug 31 16:31:14 +0000 2020","The Nasdaq 100 up 94 points. $AAPL, $TSLA and $AMZN good for 118 points of gross upside, the other 97 stocks a 24-point drag. The public is betting the favorites against the field today... " +"Fri Aug 21 19:32:18 +0000 2020","$AAPL #winningupdate touched 499.47 Sorry could not get 500 as promised🤪 Wrapping Friday here Hope you all made some money on $NVDA & $AAPL lottos galore today Cheerz!! Look forward to weekly wrap. See below for $AAPL idea history " +"Wed Aug 19 23:11:23 +0000 2020","Good evening! $SPX tested 3393 again and failed. SPX is now in a range between 3355 and 3393. Calls can work >3393 Puts can work < 3355 $AAPL i would wait for 465+ otherwise it can trade in a range between 458-465. If AAPL fails at 458 it can drop to 450 Have a GN! 😁📈 " +"Fri Aug 21 20:08:02 +0000 2020","Wow what a Friday and 300k plus week alters did it $dsgt +450% $rbii +100% $vmnt +40% My all time maket high special thanks to $aapl and $tsla my god!$! " +"Wed Aug 26 22:30:51 +0000 2020","My mutual funds dont clear till after 6pm. Altine high and over the 1.92 mill point$ much credit to $aapl $tsla amd the OTCs 2.0 tomorrow. " +"Fri Aug 07 01:01:15 +0000 2020","Market Watchlist for Friday 8-7-20 $MSFT $FB $NFLX $SQ $SHOP $AMZN $ZM $BABA $AVGO $NVDA $SPY $SPX $ES_F $NQ_F $DJI $COMP $QQQ $VXX Please feel free to retweet and share! Have a good evening everyone and see you all tomorrow morning😃 " +"Fri Aug 14 01:00:32 +0000 2020","Market Watchlist for Friday 8-14-20 $TSLA $ROKU $LRCX $AAPL $WMT $AMZN $QCOM $GOOGL $SPY $SPX $ES_F $NQ_F $DJI $COMP $QQQ $VXX Have a good evening everyone and see you all premarket!😃 " +"Mon Aug 31 15:42:33 +0000 2020","Bizarre to see $TSLA and $AAPL trading at a fraction of their share price from last week! We haven't seen a high profile old fashioned stock split in a long time.... " +"Mon Aug 17 01:00:30 +0000 2020","Market Watchlist for Monday 8-17-20 $AAPL $TSLA $BA $AMZN $FDX $NFLX $FSLY $UPS $QCOM $MSFT $MCD $SPY $SPX $ES_F $NQ_F $DJI $COMP $QQQ $VXX Have a good evening everyone and see you all premarket!😃 " +"Fri Aug 21 00:05:06 +0000 2020","$SPX closed at 3385 Tmrw can be an explosive day if SPX breaks thru 3393. $AAPL $GOOGL $MSFT were very strong today.. they can lead tmrw if we see the market breakout $AAPL setting up for a move to 500. The 480C can work as a lotto. AAPL needs to get through 475 Have a GN! 😁📈 " +"Thu Aug 13 01:00:42 +0000 2020","Market Watchlist for Thursday 8-13-20 $TSLA $NVDA $LRCX $AAPL $QCOM $BABA $NFLX $SPY $SPX $ES_F $NQ_F $DJI $COMP $QQQ $VXX Have a good evening everyone and see you all pre-market!😃 " +"Wed Aug 05 01:01:00 +0000 2020","Market Watchlist for Wednesday 8-5-20 $NFLX $AMD $ZM $AAPL $SHOP $PYPL $LRCX $BABA $LULU $SPY $SPX $ES_F $NQ_F $DJI $COMP $QQQ $VXX Please feel free to retweet and share! Have a good evening everyone and see you all tomorrow morning😃 " +"Fri Aug 21 19:22:57 +0000 2020","True story: the market cap added by $AAPL just since reporting and announcing its stock split at the end of July is equal to the COMBINED total market cap for the bottom 77 stocks in the $SPX #StockMarket #investing" +"Mon Sep 14 11:09:51 +0000 2020","#trading #Tasi #Crypto #Forex #Economy #Charts #Nasdaq #money #Dow #bullish #investment #GoldMine #goldprice #Gold Show continues strength for same reasons before, $gold will price #inflation after #FED meeting, and if #StockMarket 👇 gold☝️,all the roads lead to #BULLISH 2100🎯 " +"Tue Sep 08 20:40:03 +0000 2020","Tesla shorts are down $24.5B for the year, but up $7.1B so far in September. Want to know what to expect if $TSLA's stock price continues to decline? Watch the video below for #shortinterest expert @ihors3’s insight! #s3data #Tesla #elonmusk #stockmarket " +"Fri Sep 18 11:10:11 +0000 2020","Went through my #watchlist last night. Nothing interesting yet. But, I'll start buying if they pullback more. My top 5 interests are $msft $pep $bmy $abbv $cvs. Pic below shows them with my buy target in the center and current price to the right #StockMarket #stockstowatch #stock " +"Thu Sep 03 10:38:37 +0000 2020","History shows epic parabolic ascents on overconfidence experience similar ends. Herd keeps increasing position despite valuations P/S resembles 1999/2000 dopamine rush $TSLA 17.5x $MSFT 12x $FB 11x $AAPL 8x $GOOG 7x $AMZN 5x My sentiment has turned extremely bearish for Nasdaq " +"Mon Sep 14 15:55:58 +0000 2020","1/3, Hey @shoppersstop , Seeing discount(50-70%) on your app , I went to your offline store to shop but I see that not a single product is given discount . Price is completely mismatching on your app and offline store , more ever discount put on board also not given to me." +"Tue Sep 15 11:09:10 +0000 2020","$CLSK Is a lower price #stock that I trade. It seem to #Follow $TSLA Here is the last 2 days 5 min chart #learntotrade #StockMarket #DayTrading #SwingTrading #money #Finance #millionairemindset #Millionaire " +"Tue Sep 08 17:14:58 +0000 2020","I can’t even imagine $TSLA stock price the day musk will annonce SpaceX IPO #StockMarket #investing" +"Tue Sep 15 16:27:57 +0000 2020","Seeing lots of stuff trading down to the 50 dma and stabilizing or bouncing. Would be nice to get a NASI buy signal eventually. $SYX $OIIM $EDUC $CYH $EMAN $INTT $CDE $UNG $LITB $HIMX $CRNT $AAPL $KTCC $TSLA " +"Wed Sep 23 21:57:35 +0000 2020","Wednesday marked 6 months since the S&P 500 reached BOTTOM on Mar 23rd! Since then the #stockmarket has climbed 🆙45% 📊Best 6 month stretch since 2009! Meantime more #IPO Mania #goodrx SKYROCKETED in debut ⬆️53% #Snowflake #Unity Software & #Sumologic all saw huge Day 1's $spy " +"Fri Sep 18 20:30:09 +0000 2020","@nikolamotor's Stock Price Drops by 15% After Short-Seller Activist Hindenburg Accuses of Misinformation and Fraud $NKLA $TSLA #EV #ElecticVehicles #Tesla #Nikola #electrictruck #business #companies #news #stocks #stockmarket #invest #trading" +"Wed Sep 16 16:38:27 +0000 2020","No $SNOW, no problem, we have $FROG, nice short here on a break of the open price. Took $2.50 there. #IPO #stocks #trading #market #trader #markets #nasdaq #nyse #daytrading #stockmarket #finance #money #pennystocks #livetrading #stockstowatch #stock " +"Mon Sep 14 15:58:27 +0000 2020","#MondayMotivation #Stockmarket RALLY thanks to #tech #stocks 🆙recovering from WORST week for #Nasdaq since March #Nvidia buying ARM Holdings for $40 bln $nvda 🎮 #Tesla flying on #BatteryDay hopes🏎️$tsla #AppleEvent Tuesday likely to unveil new #AppleWatch #ipad #Apple $aapl " +"Mon Sep 21 07:13:21 +0000 2020","U.S. stock futures were little changed on Sunday night as the market attempted to bounce back from its longest losing that is weekly in about a year. #facebook #amazon #apple #netflix #alphabet #microsoft #metanews " +"Wed Sep 09 16:05:32 +0000 2020","On the REBOUND 📊 After a bruising 3 sessions #Tech stocks are back ⬆️ #Tesla 🆙5% after RECORD drop 🚗 ⬇️Over $80 billion losing over 30% $tsla #Apple higher after losing $300bln in 3 sessions so shedding a #Nvidia 📱 $aapl #stockmarket #stocks #electriccars $dji $spy $ndq " +"Fri Sep 04 08:18:34 +0000 2020","That is how the US markets closed yesterday....all reds across the boards... Nasdaq, DOW, S&P all diving....tech sector led the fall....violent times ahead...jobs data comes out today.... " +"Tue Sep 01 19:17:28 +0000 2020","PARABOLIC! #Apple worth $2.6 TRILLION NOW BIGGER than ALL of RUSSELL 2000 $aapl helping drive broader S&P500 to best AUGUST since 1986 & the gains continue #Tuesday #Tesla FALLING after $5bln share sale $tsla just 1 #GM away from surpassing #BerkshireHathaway #Buffett $brk $spy " +"Wed Sep 02 15:14:42 +0000 2020","$TSLA BofA Raises Tesla Price Target By 57%: 'No Need For Internal Funding' via @benzinga #thestockmonkey #stockmarket #stocks #trading #business #daytrader #daytrading #SwingTrading #investment #wallstreet #darkpool #blocktrades" +"Mon Sep 28 13:35:06 +0000 2020","#WallStreet Update | Steller start on Wall Street. Dow surges more than 400 points as shares of major tech names rise broadly. Facebook & Amazon each climb 1.8%. Apple, Netflix up more than 2% each. Alphabet up 1.8% & Microsoft 1.7% " +"Thu Sep 10 15:40:50 +0000 2020","Today on The Take: VIX pulling back, $TSLA $ADBE $ZM $NVDA driving the Nasdaq, $LULU bouncing today, $DKNG rallies as NLF opener approaches, yesterday's Unusual Option Activity in $ZM pays off, watch to see what UOA I have today. Watch the episode here: " +"Tue Sep 15 16:01:50 +0000 2020","Today on The Take: $TSLA $NFLX $GOOG $FB exploding to the upside, financials and industrials pulling back, $AAPL virtual event may not include the iPhone, little bit of movement in gold and silver, and some Unusual Option Activity Watch the episode here: " +"Tue Sep 29 20:29:08 +0000 2020","Once below Never above The level of the day is a level I gave The highest level 3363 is a level I gave And it's below the 3343 and 3337 I gave I gave NQ 11379 I also gave NQ 11298 Amzn sold off 30pts from my update If you like my work ❤️ & 🔁 #es_f $spx $spy #nq_f $amzn $aapl" +"Mon Sep 14 06:55:20 +0000 2020","Here’s my final PM indication update of the night: • $TSLA up 2.27% • $NKLA down -3.35% • $AAPL up 2.69% • $NVDA up 3.85% Have a great night everybody! 😴 " +"Fri Sep 25 20:11:05 +0000 2020","P/L: +$44.1K🔥 Slower day but still happy with the profits. A nice day to end the week. $TATT nailed that short out of the gate. $SGBX got one of the bounces. $SPI a gift of a bagholder short opportunity and scalped $TSLA for some #bigmacs. " +"Tue Sep 01 09:09:34 +0000 2020","$GOOG's price moved above its 50-day Moving Average on August 5, 2020. View odds for this and other indicators: #AlphabetIncOrdinaryShares #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Tue Sep 01 12:01:45 +0000 2020","Normally, when a company is issuing more #stocks - the #stock price goes down. #Dilution, you know. Not in the case of $TSLA though. If a #TeslaSplit is worth 25%, why wouldn't a dilution worth 5%?... #Tesla #StockMarket #Bubble #Trouble #BubbleTrouble" +"Tue Sep 01 11:37:08 +0000 2020","$DOW in Uptrend: price may ascend as a result of having broken its lower Bollinger Band on July 31, 2020. View odds for this and other indicators: #Dow #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Sep 30 20:06:08 +0000 2020","P/L: +$43.5K🔥 A slower day but a nice way to end my best month of all time. $CTIC got a couple of nice shorts on this at the open. $JFIN got a wallet padder on it on the short side and scalped $TSLA of course still for some more #bigmacs. 😎 " +"Thu Sep 24 19:57:15 +0000 2020","P/L: +$152.6K 🔥 3rd Best day of all time🏆 What a crazy couple of days. Nailed $SPI panic pop short for a huge win out of the gate. $NETE didn't get that 17 pop for mega size but got a win there. $TSLA nailed the long but piked it. $SUNW headache but got out green. " +"Wed Sep 09 05:40:44 +0000 2020","Tuesday :Nasdaq fell 4.1%, taking the index into correction territory at 10% down from recent highs. Tesla fell 21 %, $82bn wiped from its market capitalisation. Apple and Microsoft fell 6.7 % and 5.4 %, respectively. The broader S&P 500 index shed 2.8 %. Asia has opened lower." +"Tue Sep 22 00:38:16 +0000 2020","Tech-heavy Nasdaq dipped just 0.1% on Monday after being down as much as 2.5%, while S&P 500 fell 1.2%, and Dow Jones Industrial Average dropped 509.72 points, or 1.8%.Investors roared back into Big Tech at the cost of small caps and cyclicals. US futures positive now." +"Fri Sep 11 21:03:50 +0000 2020","Scan of Mark Minervini’s Trend Template Criteria Top 40 Results Sorted by RS. $TXG $GFI $PFSI $SNAP $BLD $IMVT $PINS $Z $CYRX $CMG $CELH $APPS $WKHS ""catch the eye"" on the initial walk through. #homework #study 👍🔁 " +"Wed Sep 09 17:29:37 +0000 2020","$TSLA tied with $FB as cheapest of selected mega cap growth stocks, at 49x 2022 EPS vs Street 2021-2025 EPS growth of 42% (1.2x PEG). $AAPL remains most expensive mega cap growth stock at 2.8x PEG. $AMZN now trades at just 1.3x PEG. Avg R1G now 1.7x PEG. S&P 500 now 2.9x PEG. " +"Mon Sep 21 18:40:13 +0000 2020","S&P 500 index overall up +2.7% year-to-date (thru Friday’s close); but there is a stark difference in the performance of the five largest stocks (Apple, Microsoft, Amazon, Facebook and Google/Alphabet), which are up nearly +29%, and the remaining 495 stocks, which are down -3.4%." +"Fri Sep 25 20:19:33 +0000 2020","VIDEO Stock Market Analysis 9/25/20 $SPY $QQQ $IWM $SMH $IBB $XLF $AAXN $AAPL $AMD $GNRC $SDC ⚓️VWAP Markets stabilizing and looking a lot better " +"Wed Sep 09 01:49:42 +0000 2020","Good Morning...Brace yourself the global picture isnt looking good Dow slid 632.42 pts; Nasdaq lost 4.1%. Nasdaq is down 10% in 3 days Shares of Facebook Amazon dropped more than 4% each. Apple lost 6% Microsoft 5% Tesla plunged 21% for its worst single day @CNBC_Awaaz" +"Thu Sep 03 19:16:09 +0000 2020","📈 CHART OF THE MONTH 📉 $XLK vs $SPX comparison is the ultimate guide to relative value of technology vs the broader index. The only other time it rose this high was during the Dot Com bubble. Once it hit that level... Today happened 🤯🤭🤔 #Technology $ES $AAPL $MSFT " +"Tue Sep 08 11:14:59 +0000 2020","⚠️U.S. STOCK INDEX #FUTURES POINT TO LOWER OPEN TO START THE WEEK ⚠️NASDAQ FUTURES SINK 2% AS TECH SELLOFF CONTINUES 💥TRACK THE ACTION IN REAL-TIME: $DIA $SPY $QQQ $IWM $VIX " +"Tue Sep 08 19:16:33 +0000 2020","Sitting on the sidelines with cash since last Thursday. Weak bounce attempt today morning was met with further profit taking. Leaders $TSLA $AAPL $AMZN & $SQ looks like they want to go lower before higher. Following a cautious approach until the dust settles #ProtectProfits " +"Thu Sep 24 00:48:10 +0000 2020","Global Cues 1/1 -World market sentiment looks weak as US indices closed lower -Tech shares dragged the US markets and seen heavy selling -Nasdaq closes 3% lower lower as Apple, Amazon, Nvidia slides 4% -Traders fretted over uncertainty around the corona & stimulus @CNBC_Awaaz" +"Fri Sep 25 00:29:30 +0000 2020","Many market leaders $AMD $AAPL $AMZN $FB $ES_F $SPX look to have bottomed & pose great upside 📈 in the short term I will be trading $NFLX as it has been consolidating above previous all time highs & looks ready to begin its next larger degree wave 5 🌊 higher Target: 650 🎯 " +"Fri Sep 25 02:38:08 +0000 2020","Friday’s Watch: $SPY $QQQ $IWM $DIA $AAPL $SQ $TSLA $FDX $DKNG $SNAP $BA $AMD $COST $CPRI $LULU $LVS $WYNN $MSFT $NFLX $NVDA $PENN $PTON $SKX $SPLK $TAP $WKHS $TJX $WDC 💖✅ " +"Fri Sep 04 15:32:29 +0000 2020","STOCKS TO WATCH: 1. FRONTKN 2. FPGROUP 3. MI 4. UWC 72/91 tech stocks listed on the Main & ACE Market have recorded gains in their share prices YTD. Factors supporting the rally: 1. 5G 2. IoT 3. Shift in the supply chain due to the trade war" +"Thu Sep 24 00:17:03 +0000 2020","Good evening! $SPX big fail at 3300 and closed at the lows. If SPX closes under 3233 it can drop towards 3154. SPX needs back above 3300 to see a bounce to 3355+ $AAPL needs back above 110 otherwise it can still move lower to 103,100. Puts under 106 can work Have a GN! 😁📈 " +"Thu Sep 10 03:12:39 +0000 2020","$QQQ. Starting off with the general markets, we need tech for a true move higher, while the SP500 rallied almost to Friday's close, the Nasdaq held back in relative amounts. We are reaching Anchored-VWAP from the move starting after the June crash, bouncing perfectly. Wants more. " +"Fri Sep 11 15:09:09 +0000 2020","$AMD $APPL $GOOGL $FB #charts Same look everywhere on Daily If you see there are all hanging under 20-21 EMA (only long when that reclaimed) All are Bear Flagging. If Flag breaks on daily we see downside for some Put Trades. For now if not scalping better to be on sidelines. " +"Thu Sep 03 23:47:58 +0000 2020","Good evening! Big sell off today in $SPX and $QQQ..A multi day/week pull back can come if the market can't hold up tmrw. if $SPX fails at 3393 it can drop another 80-100 pts $AMZN if this fails at 3344 it can drop to 3320,3300,3275 AMZN can poss bounce at 3320 Have a GN! 😄📈 " +"Thu Sep 24 20:05:19 +0000 2020","⚠️BREAKING: *STOCKS ON WALL STREET CLOSE IN POSITIVE TERRITORY AS APPLE LEADS TECH SHARES HIGHER ✅DOW ENDS ⬆️52 POINTS, OR 0.2% ✅S&P 500 ENDS ⬆️0.29% ✅NASDAQ ENDS ⬆️0.37% ❌RUSSELL 2000 ENDS🔻0.77% ✅VIX ENDS ⬆️0.1% $DIA $SPY $QQQ $IWM $VIX " +"Wed Sep 23 12:15:12 +0000 2020","Happy Wednesday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Higher Open - Fed Chair Powell Testimony - Day 2 - $NKE Soars 12% After Big Earnings Beat - $TSLA Falls 5% After Battery Day - Manufacturing, Services PMIs $DIA $SPY $QQQ $VIX " +"Wed Sep 23 18:58:02 +0000 2020","Alone among the Nasdaq giants. Alphabet shares threatening their 200-day average. $GOOGL has lagged both on the way up and down. Both macro and company-specific factors, worth watching... " +"Wed Sep 16 03:44:20 +0000 2020","if mkt stays bid, I like the following to trade: $AMZN, $COUP, $FB, $GOOGL, $NTNX, $TEAM, $SPLK, $WDAY, $INTU, $VRM $AMD: 8 Demark counts; slo sto oversold; could print 9 buys. 9's only print on closing basis so if too strong tomorrow could negate. charts shown = favs. #stocks " +"Mon Sep 28 20:10:59 +0000 2020","$QQQ Close over 50SMA & near the highs of the day brings back some confidence to the bulls. We now have an upside gap cushion after today's move. 60 min & Daily chart shared #GapScan #TrendSpider " +"Sun Sep 27 22:03:03 +0000 2020","$AAPL - Trade Idea - Oct 2 115C - bid/ask: 1.47/1.51 Closed at 112.28 on Friday. AAPL needs to break above 114 to set up for a move to 116, 119, 122 next I would consider buying dips if 106 holds. - $AMZN $AMD $BA $BABA $FB $TSLA $MSFT $ROKU $SPX $SPY $NFLX $ZM $NVDA $BYND " +"Tue Sep 29 01:02:54 +0000 2020","Good evening! $SPX closed at 3351 today I would consider calls above 3355. Target: 3393 I would consider puts under 3337. Target: 3300 $AAPL is almost up 10 pts after touching 106. If AAPL can break above 116 it can run to 122-125. The 117.5C can work above 116 Have a GN! 😁📈 " +"Sun Sep 06 02:54:27 +0000 2020","First things first for tonight. Watch the weekend video of FAANG stocks from yesterday! $FB $AMZN $AAPL $NFLX $GOOG and a look at the $DAL chart at the end. Watch here: " +"Fri Sep 11 18:53:23 +0000 2020","Some very nice Wedges emerging in $QQQ and $SPX on the 30 and 60 min charts here.... Ideally would like to see one more Gap down open on Monday to really set up these wedges for a nice upside pop next week " +"Wed Sep 30 23:24:46 +0000 2020","$Nasdaq The index is 8% off its high. Everyone is yammering for a follow through day and we have not had one since the pink rally day. That does not mean we cant make money in a sideways market though. Many stocks are at or near their highs. Stick with the leaders... " +"Fri Sep 18 22:44:50 +0000 2020","Like clockwork and we undercut the recent lows last night. If the Nasdaq doesn't reclaim the range early next week, tech stocks are going to puke." +"Tue Sep 08 12:50:51 +0000 2020","$AAPL $RKT watching for bigger dips to scale in longer term holds. And $TSLA for a dead cat bounce but big IF on that one. I rather be a bit late (or miss it) than early there with the BS going on in the name (ie Kimbo and S&P news)." +"Wed Sep 09 13:51:33 +0000 2020","Stocks are off to good start on Wall Street, a day after more steep drops in big technology companies pulled indexes sharply lower. Some of those tech giants were climbing in early trading, including Apple and Microsoft. " +"Tue Sep 15 14:04:34 +0000 2020","Stocks open higher on Wall Street, building on gains made over the previous two days. Traders will be watching Apple, which is set to announce updates to its iPad and Apple Watch later in the day. " +"Tue Sep 08 13:51:33 +0000 2020","Big technology stocks open sharply lower on Wall Street, continuing a pullback that started last week. The deflation in high-flying tech stocks comes after an eye-popping rally this year for the sector that many market watchers said was overblown. " +"Sat Sep 19 02:58:49 +0000 2020","Anyone & everyone is welcome to steal my levels. All I ask for is u to acknowledge my greatness each time you do so #stocks is still fun for me. #fintwit too. Altho I do admit I want to take a short few day break... this game has me growing many white hairs $SPY $QQQ $SPX $TSLA" +"Wed Sep 09 20:10:17 +0000 2020","Tesla, Apple, Microsoft and other tech shares rebounded sharply Wednesday, helping the Nasdaq gain 2.7% and the Dow Jones Industrial Average rise more than 400 points " +"Tue Sep 22 13:46:48 +0000 2020","#بندر_المحسن #balmohsin Our stocks for today $TSLA $AAPL $MSFT $WKHS $VRM $CVNA $INO $NIO $IPHI Join us for FREE in our daily live stream #stocks #StockMarket #stockstowatch" +"Fri Sep 04 19:58:01 +0000 2020","Q-RAZY: $QQQ broke its all time volume record today w/ $32b and came closest to reaching $SPY's volume since dotcom days. Meanwhile $TQQQ set the all time volume record for a levered ETF w/ $9b while $SQQQ saw $5b (by far a record for it) all ON THE FRIDAY BEFORE LABOR DAY WKND.. " +"Mon Sep 28 13:42:26 +0000 2020","Make no mistake though, High Yield Spreads widening out as nearly Half our US sectors fell to multi-mth lows last wk aren't something which can normally be erased right away by just buying into 10% Nasdaq decline & all is saved- that's a little too cute-Quite a few issues remain" +"Wed Sep 16 22:26:00 +0000 2020","From the date the Fed announced Zero-interest rate policity (Mar 15th) , this is the Volume Weighted Average Price (VWAP) of the following tickers: $ES = $3000 $NQ = $9950 $AAPL = $90 $NVDA = $370 $GOOGL = $1360 $FB = $225 $NFLX = $450 $AMZN = $2630 $SHOP = $750 $TSLA = $230" +"Mon Sep 28 17:28:15 +0000 2020","A few names moving today from our Buy Alert list include: $DKNG (originally bought on 8/25), $BCLI, $LPRO and $OPRX. Still own $SNAP and $PINS. Still short the QQQ from 9/2. -- " +"Wed Sep 02 12:28:55 +0000 2020","It's not just a record $DIA $SPY $QQQ every day, I don't trade $AAPL $TSLA $ZM but now OTCs have come alive so I've picked the biggest % gainer 4 out of the last 5 trading days with $BANT $TTCM $ALYI & $PASO so pressure's on today LOL...kidding, I just take it 1 trade at a time!" +"Tue Sep 15 19:23:53 +0000 2020","Tech led Wall Street's Tuesday morning rally. Apple $AAPL ⬆️ 2.3% Microsoft $MSFT ⬆️ 1.4% Amazon $AMZN ⬆️ 1.6% Alphabet $GOOGL ⬆️ 2.4% Netflix $NFLX ⬆️ 3.3% Facebook $FB ⬆️ 3%. Tesla $TSLA ⬆️ 5% The Nasdaq Composite traded 135 points higher!" +"Wed Sep 16 19:39:09 +0000 2020","$SPY rejecting off daily 10,20dma and $AMZN $GOOGL both failed inside up daily. $AAPL lower high rejection at 10dma. Everythings looks ready for more push down. Ill feel stupid not to swing puts here" +"Thu Sep 03 21:53:09 +0000 2020","The FANG Crash: Big declines following even bigger gains. At today's lows, AAPL had retraced 36% of the advance from the late-July low; AMZN 31%; GOOG 37% and MSFT & TSLA 44%. As @biancoresearch noted, nothing really abnormal yet; key is if we get followthrough in next few days." +"Thu Sep 03 17:09:16 +0000 2020","Retweet/favorite this if you want a video lesson today reviewing all this ugliness in the $SPY $DIA $QQQ with big % losers like $TSLA $AAPL $ZM & $ALYI $GAXY $BRTXQ along with some big % spikers like $KCAC $KNOS $AAWC $WKSP $TCON too, I've made a nice safe $6,752 so far today!" +"Tue Sep 15 17:04:17 +0000 2020","$AAPL events usually create a sell-off of shares after Tim Cook takes stage. Been watching this happen for 10 years. Watch the NASDAQ $QQQ follow it down as well. $TSLA" +"Tue Sep 08 16:08:07 +0000 2020","I think today may signal a temporary bottom in NASDAQ $QQQ and $TSLA. I think we could see a nice afternoon rally in the tech stocks and $TSLA will follow along." +"Tue Sep 15 20:06:17 +0000 2020","Nice close. Market can rally after Fed tomorrow. Hopefully. I am looking at $aapl testing $120, $tsla continuing ramping, $baba having nice overnight move, $axp spiking with banks after Fed and $roku getting back to ATH and above $190 this time. Lol." +"Wed Sep 23 21:35:48 +0000 2020","I don't do it often but I'm calling a temporary bottom for tech right now (past 10 min). I think we'll see a NICE bounce tomorrow. $TSLA $AAPL $AMZN $FB $NFLX $QQQ" +"Tue Sep 01 10:18:13 +0000 2020","$Good Morning!!! Futures up, $QQQ raging $AMD price target raised to $84 from $50 at Goldman Sachs $ZM u/g Neutral @ GS pt 402 was Sell $AAPL Apple price target raised to $140 from $117.50 at BAC" +"Sat Sep 12 05:40:00 +0000 2020","The five largest stocks in the market FB, AMZN, AAPL, MSFT, GOOGL – have returned 42% YTD, compared with -3% for the remaining 495 S&P 500 constituents " +"Fri Sep 18 17:55:29 +0000 2020","Not sure how anyone can be surprised by this nasty Nasdaq pullback...but with rates at zilch and the printer as our vaccine...this dip will get bought soon. There has been a good amount of IPO and SPAC supply hitting the markets $qqq Im looking to nibble" +"Wed Sep 23 18:52:48 +0000 2020","Be careful, big reversals on lots of tech stocks .. $AAPL $FB $AMZN $GOOGL very weak now $SPX possible to see a drop under 3200 by Friday if it closes under 3233" +"Wed Sep 09 09:36:20 +0000 2020","Bizarre premarket trading--did someone upgrade Qualcomm? Did someone downgrade Nike or is that just spillover from a ""perceived"" disappointing q from LULU" +"Mon Sep 14 13:06:39 +0000 2020","Good morning! $SPX gapping up 38 points today.. if this can hold above 3355 it will set up for a 3393 test $NVDA gapping up 30+..Acquisition news regarding ARM for $40 billion.. NVDA setting up for a move towards 534 if it can hold above 514 this week Good luck everyone! 😁" +"Tue Sep 01 02:01:25 +0000 2020","10pm study check, retweet/favorite this if you're still up studying, making your watchlist for tomorrow or made 1-2 trades or paper trades on @StocksToTrade today. The market is TOTALLY insane now from the top with $AAPL $TSLA to the bottom with $ALYI $AXXA $WKSP $PSV so enjoy!" +"Thu Sep 17 20:36:22 +0000 2020","Well choppy day. Quad Witch tomorrow not helping. $SPY ex divy in the am. Traded early $AAPL $DKNG x3 $BA and $TQQQ late.. In Some $BHC for a swing. Great day but sat on my hands for 4 hours LOL Enjoy yoru evening!" +"Tue Sep 22 13:05:31 +0000 2020","Good morning! $SPX up 5, if it breaks through 3300 it can run another 30 pts.. under 3259 can test 3233 $AAPL closed at the 110 level i mentioned yesterday.. now gapping up 2+.. 114,116,119 coming next $TSLA battery day later today, needs 450+ to run towards 480 Good luck! 😁" +"Fri Sep 25 02:57:48 +0000 2020","Weekly chart review going into Friday these stand out the most from #TickerMonkey UWL : NVDA SQ AMD PINS ETSY DDOG CRWD DOCU ZM NVTA EXPI TSLA QCOM Z FDX DKNG FSLY ZS BYND NET ROKU FVRR PTON PENN" +"Tue Sep 08 13:08:51 +0000 2020","Good morning! $SPX down 46, if SPX fails at 3355 it can drop to 3337,3300 next, Let's see if it can get back above 3393 today $NKLA up 10 pts premarket on $GM partnership news.. if this hold above 45 it can test 52,55,58 $AAPL above 116 can test 119,122 Good luck everyone! 😄" +"Fri Sep 25 13:05:19 +0000 2020","Good morning! $SPX down 8, today can get choppy if SPX continues to stay under 3233, puts can work under 3200. If SPX can get through 3279 it can move to 3300 $AAPL up 1, let's see if this can close above 110 on the daily chart. It looks like 106 may be the bottom GL! 😁" +"Wed Sep 09 13:05:17 +0000 2020","Good morning! $SPX gapping up 29 points so far this morning.. If it can get through 3393 in the first hour we can see a bounce towards 3450+ by Thursday $ZM setting up for a bounce towards 381 if it can get through 367 $AAPL possible to see 119,122 if it holds 116 GL! 😄" +"Mon Sep 21 13:05:14 +0000 2020","Good morning! $SPX down 55 pts premarket.. There's still no signs of a bottom yet. if it can't hold above 3259 it can drop near 3200 this week.. I'd watch to see if it can reclaim 3300 $AAPL down 2.5 premarket, under 103 can test 100, needs over 106 to consider calls GL! 😁" +"Wed Sep 02 20:15:05 +0000 2020","If you ignore the markets and focus on the names in play this market continues to pay. Today $DKNG 3 trades $INTC 2 trades $FB 2 trades $MSFT one small win VIX elevated? yes but play the action until we break!!! Now who wants Some Pizza and a Drink!!!" +"Thu Sep 24 20:18:55 +0000 2020","Another day down, can't say I liked how much we gave back into the close. But $SPY held the 100D for now Kept it simple today. Pounded $SQ and $TQQQ for nice wins.. $AMD $AAPL basically break even.. and took a lose chasing $SQQQ... Enjoy your evening!" +"Wed Sep 30 16:11:50 +0000 2020","$DDOG broke through 100 now at 104+... 115 can come next $SPX getting closer to 3393.. strong move from the lows.. SPX through 3393 can test 3426 $AAPL strong today, finally broke above 116...119-122 next big levels to get through" +"Thu Sep 10 00:59:09 +0000 2020","Daily Wrap Alerts/Ideas $MYT 2.10->2.34->2.00 (Failure) $CAT 151.50->155 152.5c/155c +80% $SPY 338->341 $NVDA 501->512( Touching 514 AH) Holding $FEAS 12.76->13.20 ->12.80 ( Flat) $LPMX 17->18.48 ( AH ) OpenIdeas $FMCI $LMND $DKNG $FB *All Timestamped on Feed" +"Fri Sep 04 20:13:34 +0000 2020","The U.S. stock market has grown top-heavy. The top five stocks in the S&P 500 Index account for 24.4% of the index — the most since at least 1972. The S&P 500 would be down if not for the FANMAG stocks ($FB, $AAPL, $NFLX, $MSFT, $AMZN, $GOOG)." +"Fri Sep 25 20:55:34 +0000 2020","Daily Wrap Alerts/ideas $JKS 34>35.50 (Hold) $AMZN 3070>3100 $AMZN 3080c +300% $AMZN 3100 c +300% $TSLA 400>408 Swings $ILMN 282>301 $ZI 33>40 Others $SPY $VIX $QQQ Guidance $SPY 327/328>329.50 Discord $FRAN loser Week $OMI $BIGC $ZI $AMWL $ILMN big wins💸 *AllTimstamped" +"Thu Sep 17 00:31:01 +0000 2020","#quad witching this Friday, $SPY goes ex-dividend, Index rebalancing. With $AAPL new weighting on $SPY $QQQ $DJIA be interesting to how it all shakes out. Should be some moves as things get bought/sold." +"Fri Sep 25 16:47:36 +0000 2020","$PINS, $SNAP are still holding my stops. Still short $QQQ from 9/2. A few names that have held up well include: $NVTA, $GH, $Z, $TPTX, $ZM." +"Thu Sep 24 15:47:20 +0000 2020","We are not yet out of the woods and I wouldn't rule out another leg down for the major market averages. Even if the general market was to recover here quickly, currently there are few stocks in buyable position. Caution is still advised. Yes, I'm still short the $QQQ from 9/2." +"Fri Sep 11 20:12:42 +0000 2020","Friday Wrap No Alerts today $QQQ & $FANG Charts and levels - hope that helped $LZB $LMPX swings holding $AMD $FIVE ideas open Bearish on market until my levels reclaim Great Green week thanks to $AUVI $CAT $LMPX $DKNG $TCON $SPAQ (all timestamped) Have a great weekend." +"Mon Sep 14 15:36:22 +0000 2020","Mrkt strong after first hour of the day ! Will be strong today Big money will move in since Indexes $SPY $NDX $DIA... all above MA50s and HIGHER high $VIX in red house ! Great day to but High Quality LT stks The LIST !!! $FNGU $SOXL $ARKK $ARKW ..." +"Sun Sep 06 15:41:12 +0000 2020","UL 9-6-2020 These are not all setups, these are stocks that I am watching as they build bases AAPL AAWW ADBE AHCO AMD AMZN API APPS BIGC BJ CELH COUP CRM CRWD DAR DDOG DOCU DOYU DRIO ENPH ETSY EXPI FOUR FSLR FSLY FTHM FVRR HZNP IMMU INMD JD KC LMND LVGO MELI NARI NET NIO 1/2" +"Fri Sep 18 02:00:26 +0000 2020","Lots of chart tonight below in our feed. Have a great night! $SPY $QQQ $IWM $VIX $XLF $XLI $GLD $SLV $GDX $FB $AMZN $AAPL $NFLX $GOOG $MSFT $JPM $TSLA $NKLA $DIS $CGC $LUV $DAL $BA $GE $NVDA $AMD $TWTR $PTON $MMM $MU $CLF $WFC $C" +"Tue Sep 15 13:07:11 +0000 2020","ICYMI via @pboockvar on euphoria “ProShares Ultra Pro QQQ (TQQQ), which mimics NDX but 3x daily exposure, collected $1.5b in past 8 trading days, the most over this time frame since 2010. The money though came in as non leveraged QQQ lost $4.8b last week, the most in >20 years.”" +"Mon Sep 21 00:57:50 +0000 2020","No @PoundingDaTable podcast today, but I hope the charts held you over! Techs have to act better for the general markets to move higher. Friday, $ZM, $TSLA, $MELI, and $SHOP were all ripping. Means most of selling was rebalance/roll/quad witch imo, specifically in FANGS..." +"Mon Sep 21 23:49:51 +0000 2020","Indexes and Tech Leaders Wayyyyyyyyyyyyyyyyyyyyyyyyyyy OVERSOLD $AAPL $MSFT $AMZN $FB $NFLX $NVDA $DOOGL $QQQ $SOXX .... etc" +"Thu Sep 24 16:54:07 +0000 2020","After the Correction in Nasdaq I REALLY believe very GREAT risk/reward To Add High QUALITY LT stks here No ONE can catch EXACTLY at bottom So, Dollar averaging in the way to go $AAPL $MSFT $NVDA $TSLA $TDOC $LVGO $CRWD $OKTA $DOCU $ZS $SQ $PYPL $ETSY $SHOP $AMZN $SPOT .." +"Mon Oct 05 20:48:17 +0000 2020","Manic Monday: Dow rallies 465 points, Nasdaq gains 257. Amgen, Apple, Walgreens pace Dow gainers. Union Gaming gives Vegas-based Caesars a $100/share price target. @cnbc @SeekingAlpha #business #stimulusupdate #StockMarket $AMGN $AAPL $WAG $CZR " +"Fri Oct 23 13:23:52 +0000 2020","#Earnings don't keep up pace with the price appreciation of #growth #stocks #Tech #Technology #NASDAQ #NASDAQ100 #Stock #Market #StockMarket $QQQ $VUG $XLK $IVW " +"Mon Oct 19 17:54:56 +0000 2020","Possible buy here for a cup/handle on QQQ as it fills the OCT 9 gap and strikes a huge dark pool level. $QQQ $SPY $VXX $UVXY $NDX $AAPL $AMZN $FB $TWTR " +"Wed Oct 28 15:35:58 +0000 2020","$QQQ losing the final big 10+ million dark pool level on SEP 17 is very bearish. If the brakes are not applied soon a total washout is coming. $SPY $VIX $SPX $UVXY $VXX $GLD $SLV $AMZN $AAPL $GOOG $TWTR $TWLO $FB $NFLX " +"Mon Oct 26 13:59:20 +0000 2020","This gap down on Monday was suspicious on $NDX given #FAANMG earnings this week. Broke the descending channel. $AAPL $AMZN $GOOG $FB $NFLX $VXX $SPY $MSFT " +"Thu Oct 22 14:55:28 +0000 2020","$SPX futures bouncing off an important gap fill. $NDX doing the same. $TSLA is bouncing from blocks over the past few days, went right down to test them. $QQQ $TLSA $IWM $VXX $UVXY $VIX $GLD $SLV $TQQQ $SPY $AMZN $GOOG $FB $TWTR $NFLX " +"Mon Oct 26 13:34:56 +0000 2020","Daily Edge Live (Alerts), [26.10.20 09:31] Stock Blocks 📈 $AAPL 💻📱 #FAANMG 📊 1,184,635 😱 💵 113.97 💚 +0.48 | +0.42% Big block on AAPL right away. Fills weekend gap despite other indices being down -1% or more at the USA open. $GOOG $FB $NFLX $MSFT $VXX $QQQ $AMZN " +"Wed Oct 07 15:23:43 +0000 2020","Today on The Take: $BA $MMM $HON $CAT all very strong, $INTC $MU also seeing green early, $AAPL $AMZN $TSLA $NFLX leading tech to a 1.3% move to the upside, and some Unusual Option Activity in $NFLX which is already performing. Watch the full episode: " +"Tue Oct 06 13:06:45 +0000 2020","Could be the drugs tweeting. Stock market bears little connection to employment. (In fact, stock price often goes up biz cuts workers.) And the Dow is up a weak 13% since 2017. #Trump #TrumpVirus #TrumpCovid19 #StockMarket" +"Thu Oct 08 16:46:35 +0000 2020","Pump you too: #ibm #cloud #stocks #stockmarket #nasdaq #dowjones #SP500" +"Sat Oct 17 20:58:56 +0000 2020","During the upcoming week, 96 S&P 500 companies (including 8 Dow 30 components) are scheduled to report Q3 results via @eWhispers highlights include $TSLA $NFLX $PG $INTC $KO $T $PM $VZ $IBM " +"Tue Oct 13 14:34:27 +0000 2020","$OLB Price target recently bumped up to $7, and they have a webinar today. #Trading #Stocks #Stockmarket #TSS #NYSE #NASDAQ #daytraders #wallstreet #pennystocks #charts #technicalanalysis #invest " +"Sun Oct 18 13:30:00 +0000 2020","💥MARKETS WEEK AHEAD: - TESLA $TSLA EARNINGS - NETFLIX $NFLX EARNINGS - MNUCHIN/PELOSI STIMULUS TALKS ⚠️ @JESSECOHENINV BREAKS DOWN WHAT TO WATCH ON WALL STREET THIS WEEK $DIA $SPY $QQQ $VIX " +"Sun Oct 25 13:45:00 +0000 2020","⚠️MARKETS WEEK AHEAD: - $AAPL $AMZN $MSFT $GOOGL $FB EARNINGS - $PFE $MRNA $GILD $BA $CAT $SBUX $V ALSO REPORT - STIMULUS NEGOTIATIONS, Q3 GDP DATA ⚠️ @JESSECOHENINV BREAKS DOWN WHAT TO WATCH ON WALL STREET THIS WEEK 🎬🎥 $DIA $SPY $QQQ $IWM $VIX " +"Mon Oct 12 19:16:25 +0000 2020","$FB is always the first of the #FAANMG to show up for profit taking. This is starting to become a mini SEP 2 Softbank episode. And $VIX is up 1.6% green now. $AAPL $TWLO $AMZN $NFLX $QQQ $NDX $VXX $UVXY $SPY $GOOG " +"Wed Oct 07 12:20:59 +0000 2020","VERY, VERY IMPORTANT VIDEO FOR ALL TESLA $TSLA STOCK HOLDERS!!!!! [PRICE TARGET!] WATCH NOW: #sp500 #stockstowatch #stocks #investing #StockMarket #ES_F #SPX #stocks #stockstowatch " +"Fri Oct 30 12:32:02 +0000 2020","VERY, VERY URGENT VIDEO FOR ALL TESLA STOCK HOLDERS!!!!!!!!!!!!!!!!! [EXACT PRICE TARGETS FOR $TSLA] WATCH NOW: #tesla #stocks #sp500 #Election2020 #investing #StockMarket #ES_F #SPX #trading #daytrading #stockstowatch " +"Fri Oct 16 12:25:16 +0000 2020","ATTENTION: TESLA STOCK IS ABOUT TO BREAKOUT!!!! NEW PRICE TARGET WILL SHOCK YOU!!!! $TSLA WATCH NOW: #STOCKS #STOCKMARKET #ES_F #INVESTING #TESLA #ElonMusk " +"Thu Oct 29 15:29:22 +0000 2020","Today on The Take: Some pressure on crude, also pressure on $GLD $SLV, $EBAY got hit early on, $ZM $WBA in the red, $FB $JD $AAPL $QCOM and tech showing strength, and some #UnusualActivity in $PINS. Watch to see what kind of activity it was! Watch here: " +"Thu Oct 29 19:24:07 +0000 2020","We are above the huge blocks in $AAPL from Wednesday OCT 28. I am assuming these were buy blocks for earnings. Can't help but wonder what some lotto calls on $QQQ will do today that expire tomorrow. $NDX $AMZN $FB $MSFT $TWTR $BABA $IBM $GOOG $FB $NFLX $YUM " +"Thu Oct 01 16:00:37 +0000 2020","Today on The Take: Nice move from the Nasdaq this morning being powered by $NXPI $SWKS $MCHP $XLNX, getting nice moves from $BA $INTC $MSFT $FB $AMZN, and some short-term Unusual Option Activity in $NFLX. Watch to see what it is! Watch the full episode: " +"Thu Oct 29 20:46:51 +0000 2020","Tech giants seeing volatile after hours trading on Q3 numbers. Apple misses on iPhone sales. Apple -4,6%, Alphabet +6%, Amazon -1%, FB +/-0% and Twitter -11 %. Nasdaq 100 fut -0,6% and SPX fut -0,55% since close. " +"Mon Oct 12 13:09:28 +0000 2020","From the Trading Floors: -Technology is the clear leader with index futures higher, followed by Consumer Discretionary (eve of $AMZN Prime Day) -Energy is down as lower crude tries to hang onto a $40 handle -Financials off fractionally - $VIX is indicated 25.11 @MarketRebels " +"Sun Oct 25 00:31:06 +0000 2020","1/I ended Friday net short, but not by a big margin, because I have little conviction for the next few days approaching tech earnings. I see the bull case, which largely rests on continued tech domination (but is $NFLX, $AMZN Prime Day canary in coal mine?), bull flag, time cycle " +"Fri Oct 16 21:52:02 +0000 2020","A few minutes left. Still previewing next week. Earnings. Housing data $TSLA $INTC $NFLX $luv to name a few. But I want to say THANK YOU FRIENDS for being with me today ! Have a beautiful safe happy weekend !" +"Mon Oct 12 17:05:34 +0000 2020","For those who still don’t get why equities are moving higher, as I suggested last week: 1/ Combo of zero int rates and massive fiscal stimulus w/o inflation is very bullish 2/ Street raising 3Q tech estimates, plus catalysts $AAPL iPhone 12 launch and $AMZN prime day" +"Sat Oct 31 22:45:11 +0000 2020","$AAPL $AMZN $QQQ $SPY bearish warning was there last week. Election results likely get disputed somehow and dont think the market will like that uncertainty. Not betting on that though. Will just take it one setup at a time " +"Mon Oct 05 10:03:04 +0000 2020","$AAL in Uptrend: price may jump up because it broke its lower Bollinger Band on September 23, 2020. View odds for this and other indicators: #AmericanAirlinesGroup #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Fri Oct 02 10:37:08 +0000 2020","$TSLA in Uptrend: price may ascend as a result of having broken its lower Bollinger Band on September 8, 2020. View odds for this and other indicators: #Tesla #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Mon Oct 05 09:30:13 +0000 2020","$AAPL's price moved below its 50-day Moving Average on October 2, 2020. View odds for this and other indicators: #Apple #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Mon Oct 05 16:13:05 +0000 2020","fyi - Stocks : Seeing losts of green today so far in one account: Schwab joint account: NVDA is up 188% year-to-date NVDA NVIDIA CORP: 201 shares holding 52-week hi: $589.07 today price: $543.565 +$21.075 Total Acct value: $109,596.78 @petenajarian @LukeDonay" +"Sat Oct 03 04:02:00 +0000 2020","Weekly Scan of Mark Minervini's Trend Template Initial Walk-Through: $TSLA $PENN $ETSY $MCRB $PLUG $W $CELH $EXPI $SQ $TWLO $NVTA $PRPL $NVDA $TWST catch the eye. " +"Fri Oct 02 10:31:26 +0000 2020","$AAPL's price moved above its 50-day Moving Average on September 25, 2020. View odds for this and other indicators: #Apple #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Fri Oct 09 20:13:17 +0000 2020","VIDEO Stock Market Analysis for Week Ending 10/9/20 Just 3.5 Minutes ⏱️ $SPY $QQQ $AAPL $IWM $SMH $IBB $XLF $DADA $GRWG $DSC $SPT $IRBT $MSFT $PYPL ⚓️VWAP⚓️ " +"Fri Oct 02 10:32:52 +0000 2020","$MSFT in Uptrend: price may ascend as a result of having broken its lower Bollinger Band on September 8, 2020. View odds for this and other indicators: #Microsoft #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Thu Oct 01 16:35:58 +0000 2020","AMC Entertainment Shares Aren’t Worth the Price of Admission -- my article for @investorplace $AMC $SPY $QQQ $DJIA $DIA #stockmarket #investing #finance #stocks $AAPL $TSLA $AMZN $INTC $NFLX $AMD #economy" +"Mon Oct 12 13:40:12 +0000 2020","The tech-heavy Nasdaq was set to lead Wall Street’s main indexes higher on Monday as optimism about a deal in Washington over more fiscal stimulus lifted sentiment ahead of the start of quarterly corporate earnings." +"Fri Oct 30 06:47:12 +0000 2020","⚠️BREAKING: *U.S. STOCK INDEX FUTURES ACCELERATE LOSSES WITH THE DOW SET DROP 500 POINTS *NASDAQ TUMBLES 2.5% AS APPLE, AMAZON, FACEBOOK SHARES DROP AFTER EARNINGS $AAPL $AMZN $FB $DIA $SPY $QQQ $IWM $VIX " +"Thu Oct 01 10:32:55 +0000 2020","September was a month for Apple investors to forget. Here is a look at how the stock performed compared to its benchmark, and what drove the sharp share price movements. #Apple #Stocks #StockMarket $AAPL @TheStreet @MavenCoalition " +"Thu Oct 01 10:10:25 +0000 2020","$AAPL's price moved above its 50-day Moving Average on September 25, 2020. View odds for this and other indicators: #Apple #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Mon Oct 12 20:04:32 +0000 2020","Great day!! 5 green in a row 14 of 15 day!! $aapl $new $tsla no Brainer s! OTC $shmn up 79% after alert $Nspx up 70 % #1 and alerted $couv up 38% and list alerted $Paso. Up 29% alerted and list $cbbt up 8% list!! $etfm up 27% list!! Great day as predicted! $aapl phone out AM " +"Sun Oct 25 22:03:03 +0000 2020","$AAPL - Earnings Trade Idea - Oct 30 121C - bid/ask: 1.32/1.34 Closed at 115.04 on Friday If AAPL can hold above 114 it can start to bounce into earnings ER: Thursday AH (7-8 pt move priced in) - $AMZN $AMD $BA $SNAP $FB $TSLA $MSFT $ROKU $SPX $SPY $SPCE $NFLX $SNOW $BYND " +"Wed Oct 07 23:25:11 +0000 2020","#stockmarket NYSE Comp index recorded 231 Demark 9 sells today and 160 for the Naz. thats quite a lot - most of i've seen in a while . I would be on guard for some retracement despite many calling for a breakout here. basically more than the last 5 days combined. #SPX #nasdaq " +"Thu Oct 29 18:23:05 +0000 2020","*STOCKS ON WALL STREET EXTEND GAINS WITH THE DOW NOW UP MORE THAN 300 POINTS *NASDAQ JUMPS 2.3% AHEAD OF APPLE, AMAZON, ALPHABET, FACEBOOK EARNINGS $AAPL $AMZN $FB $GOOGL $DIA $SPY $QQQ $IWM $VIX " +"Sat Oct 17 18:30:00 +0000 2020","💥IT'S #WEEKLYCOMIC TIME!💥 ⚠️Markets Face Big Test In The Week Ahead As Mega-Cap Tech Earnings Loom ⚠️$NFLX: 10/20 ⚠️$TSLA: 10/21 ⚠️$GOOGL: 10/26 ⚠️$MSFT: 10/27 ⚠️$FB: 10/29 ⚠️$AAPL: 10/29 ⚠️$AMZN: 10/29 👉 👈 $DIA $SPY $QQQ " +"Sat Oct 24 15:06:31 +0000 2020","Corrected for Thursday: $AAPL $AMZN $FB $SHOP $NOK $TWTR $MRNA $SPOT $GOOGL $OSTK $ATVI $PENN $APPS $SBUX $KHC $OPK $VRTX $GPN $BUD $YUM " +"Wed Oct 28 23:02:51 +0000 2020","Today is a good day to run the RSNHBP Dots scan. Stocks that attempted to outperform the markets today may have had an institutional bid. Look for themes in this list. 68 names made the scan - a future ""TML"" maybe here. Do your #homework 🤍🔂 " +"Sun Oct 25 22:36:00 +0000 2020","Monstrous week coming up. $TWLO $ETSY $FSLY $SHOP $LVGO in my portfolio. Thursday after the close might set the tone for the foreseeable - $AAPL $FB $AMZN. interested observer in $PINS " +"Thu Oct 01 18:19:33 +0000 2020","$NFLX calls paid well on the 510 break.. hope you all caught this one! $SPX $QQQ both moving lower QQQ needs back above 282.. SPX 3393 tough level $TSLA setting up for a run to 500" +"Thu Oct 15 15:38:29 +0000 2020","$SPY tagged the median of this pitchfork which acted as resistance & is now hovering above the trailing SAR. A break below 341 will trigger a downtrend. The fact $QQQ & $AAPL are far from their pitchfork medians leads me to believe $SPY will grind to the median again to test ATHs " +"Tue Oct 20 10:55:40 +0000 2020","$QQQ now has a 5 day handle. Price above 291.50 gets me very bullish again. Many growth names are holding up very well. There is elevated risks in the market: earnings season, stimulus deal, and presidential election. I am still stalking some names and keeping a neutral stance. " +"Sat Oct 24 13:39:14 +0000 2020","$Nasdaq The market in in a ""confirmed uptrend"" at last check of IBD. Its been a pretty tough tape lately with earnings, stimulus, & election ahead of us. Some say the chart is a cup with handle others say ""double top."" I just try to make money every day/week. You decide... " +"Fri Oct 30 00:37:57 +0000 2020","$SPX closed at 3310. Futures are red after $AAPL $AMZN $FB moving lower after reporting earnings. If SPX fails at 3259 it's possible to see a drop to 3213. SPX under 3213 can drop to 3154. The market is waiting for the outcome of the elections on Tuesday. Have a GN! 😄📈 " +"Sat Oct 24 12:27:06 +0000 2020","#earningschallenge is back! 3 retweets = 1 chart $AAPL $AMZN $MSFT $AMD $UPS $FB $SHOP $BA $HAS $PFE $SMPL $MMM $TWLO $GE $FSLY $PINS $NOK $TWTR $MRNA $CHGG $ETSY $SAP $CAT $LGND $FVRR $SPOT $GOOGL $LLY $GILD $RTX $TDOC $OSTK $V $ATVI $MA $XOM $ABBV $HCA $SHW $F $NVS $NRZ $MRK" +"Sun Oct 11 22:03:02 +0000 2020","$AAPL - Trade Idea - Oct 16 119C - bid/ask: 1.75/1.82 Closed at 116.97 on Friday. If AAPL can break above 119 it can test 122, 125, 126, 128 iPhone Event Oct 13th 10AM PST - $AMZN $AMD $BA $BABA $FB $TSLA $MSFT $ROKU $SPX $SPY $NFLX $COST $ZM $NVDA $BYND $SNAP $SQ $WMT $DKNG " +"Fri Oct 16 12:32:18 +0000 2020","$NFLX PT $600 a $630 por MS $NFLX PT $575 a $670 por BAC $COST UG y PT de $321 a $435 por Jefferies $PENN PT $55 a $63 por MS $PINS PT $40 a $52 por WFC $CRWD PT de $160 a $175 por Piper $CMG PT $1250 a $1500 por Credit Suisse $AMD PT $84 a $92 por RBC $CAT PT $159 a $179 por CS" +"Mon Oct 19 18:11:30 +0000 2020","There are just a few stocks you have to monitor daily to understand the direction and momentum of markets. I watch $QQQ, $BA, $AAPL, $SPY and $AMZN. Watching those will pretty much give you a quick gauge to where things are going each minute." +"Wed Oct 14 19:24:26 +0000 2020","Day traders souring on tech? $SQQQ, a triple-leveraged fund that tracks the inverse performance of the Nasdaq 100, saw a record inflow this week. Its twin, $TQQQ -- which offers three times the returns of the $NDX, posted a $285 million outflow @kgreifeld " +"Tue Oct 13 11:31:42 +0000 2020","Powered by @Apple looking to build on yesterday's impressive 6% rise, NASDAQ Futures point to solid gains at the open. With the lack of new information this week, analysts are again searching for a narrative to explain this market action--a causation reversal that's intensifying " +"Thu Oct 29 19:57:24 +0000 2020","All bullish $SPY & $QQQ 🎯met today in the plan given in the morning Subscription-quality content, easy-trades, all given for free 💦 Earnings on basically half of entire #StockMarket value: $AAPL $AMZN $FB 🎉🎈" +"Fri Oct 30 04:33:05 +0000 2020","On watch tomorrow 10/30/20 $GOOG — beat earnings also got upgrades. Looking at all time highs here if we have a strong market. $PINS - gap fill to the downside below $60 $CRM — gap fill to the downside below $234 $NIO — momentum play into all time highs A few more..." +"Sat Oct 10 15:09:25 +0000 2020","$amzn $aapl $zm closed first time over supply in over a month ... big breakout on $nflx this week . $fb $googl $tsla on deck to confirm daily charts . unless some curve ball kicks the bulls in the privates , expect higher prices" +"Sun Oct 25 11:19:43 +0000 2020","*Markets Week Ahead: What to Watch on Wall Street: *Big Tech Earnings Parade *Covid-19 Vaccine Makers, Blue-Chips Also Report *U.S. Q3 GDP Data $AAPL $AMZN $MSFT $GOOGL $FB $AMD $PFE $MRNA $GILD $BA $CAT $V $SBUX $DIA $SPY $QQQ" +"Sat Oct 24 12:21:34 +0000 2020","#earnings for the week $AAPL $AMZN $MSFT $AMD $UPS $FB $SHOP $BA $HAS $PFE $SMPL $MMM $TWLO $GE $FSLY $PINS $NOK $TWTR $MRNA $CHGG $ETSY $SAP $CAT $LGND $FVRR $SPOT $GOOGL $LLY $GILD $RTX $TDOC $OSTK $V $ATVI $MA $XOM $ABBV $HCA $SHW $F $NVS $NRZ $MRK " +"Fri Oct 30 18:23:38 +0000 2020","This table shows the mega-cap tech earnings announced today. They each beat on both the top and bottom lines. Other than $GOOGL, they are all trading down AH as the market digests the magnitude of the beats and in $AAPL's case, the lack of guidance. $FB $AMZN " +"Tue Oct 20 11:57:53 +0000 2020","$FB PT $300 a $320 por Evercore $FSLR PT de $91 a $100 por JMP $GM PT de $54 a $57 por Citi $JD PT de $83 a $89 por Barclays $MSFT PT $220 a $245 por Stifel $WDAY UG y PT $248 a $275 por Piper Sandler" +"Sun Oct 25 17:13:20 +0000 2020","Big earnings week: $AAPL $AMZN $MSFT $AMD $UPS $FB $SHOP $BA $HAS $PFE $SMPL $MMM $TWLO $GE $FSLY $PINS $NOK $TWTR $MRNA $CHGG $ETSY $SAP $CAT $LGND $FVRR $SPOT $GOOGL $LLY $GILD $RTX $TDOC $OSTK $V $ATVI $MA $XOM $HCA $SHW $F $MRK via @eWhispers " +"Fri Oct 30 09:03:18 +0000 2020","Growth stocks having a $TSLA moment today: $AMZN $FB and $AAPL all beat on 3Q Revs and EPS, yet all are down sharply this AM as investors decided it just wasn’t enough. Maybe the practice of bidding up TSLA in front of earnings and selling the news has spread to the rest of QQQ?" +"Mon Oct 12 21:09:06 +0000 2020","Nasdaq notches best day since April in kind of Crack-up boom ahead of Q3 2020 earnings season, Apple iPhone announcement, Amazon Prime Days and a general revaluation of Tech Stocks due to lower rates forever. " +"Thu Oct 29 16:06:11 +0000 2020","Are investors kidding themselves? Seems to be a belief that strong earnings/guidance from megacap tech tonight will change the trend: markets not responding to strong earnings. Not so sure. Big runups already: $AAPL up 55% YTD, $AMZN up 72% $GOOG up 16% $FB up 37%. @CNBC" +"Wed Oct 28 23:47:30 +0000 2020","With the Fed certain to keep int rates near zero for the future, fiscal stimulus likely by January, and a vaccine by early-2021, growth stocks look cheap and get even cheaper as long rates retreat. Tomorrow is Super Bowl Thurs for growth with AMZN AAPL GOOG FB TWTR reporting." +"Fri Oct 09 10:04:54 +0000 2020","My man @GaryKaltbaum was pumped about the semiconductors this week. After the close big earnings beat by NXPI and now a potential blockbuster deal; Advanced Micro AMD buying Xilinx XLNX. The Semi ETF SMH breaking out. Watch and Make Money with Charles Payne on Fox Business 2PM" +"Fri Oct 30 10:46:31 +0000 2020","Yes, I'm up. And just as predicted, the pop sell yesterday was the right move going into today. Will be day trading again for quick wins. #easymoney $TSLA $AAPL $FB $AMZN $QQQ $NFLX $WYNN $BA" +"Mon Oct 05 15:26:56 +0000 2020","San gives every1 levels $QQQ $SPY this morning. $NKE $PLUG stock tips last night after chatting w/ trading friends. All for free +$.70 $PLUG +$1.80 $NKE 🐂 🎯 $QQQ 🐂 🎯 $SPY What does San see at 11:25am as reward? -4 follower Maybe bc too much gloating @bullish_club" +"Wed Oct 21 23:41:47 +0000 2020","Do you love $QQQ? Then you will probably like the three new versions by Invesco. $QQQM - Same but cheaper. $QQQG - Growth - Actively managed with focus on 25 leading companies in the NASDAQ. $QQQJ - Next Gen - Tracks 100 stocks next in line to join the NASDAQ." +"Wed Oct 07 00:59:34 +0000 2020","$SPY Ended the day with a bearish engulfing on the daily. Watch for 332 as next area of support if it continues lower. Next levels below that are 327.45, 321. $AMZN $AAPL $BA $NFLX $SHOP $TSLA $AMD $ROKU $NVDA $FB $ETSY $SQ $MSFT $BABA $ZM @TrendSpider " +"Thu Oct 29 10:03:44 +0000 2020","Good Morning! Futures up, but off the highs GDP @ 8:30 $FSLR d/g Neutral @ JPM $ETSY pt raised to $160 from $150 @ KeyBanc $PINS u/g to overweight @ JPM pt $75" +"Mon Oct 12 15:16:34 +0000 2020","$AAPL and $AMZN leading the charge. Likely see some short opportunities tomorrow with the $AAPL event. Hoping we push into the 130 level.. should line up with strong supply zone on $SPY." +"Mon Oct 12 18:31:40 +0000 2020","Bought $AMZN on Thursday; nice day today... up 10% right out of the gate. Megacaps on the move AGAIN! $AAPL, $FB, $NVDA, $MSFT, $PYPL, $TSLA all coming out of bases." +"Fri Oct 30 10:12:21 +0000 2020","Good Morning! Futures down but off the lows Eurozone GDP comes in strong $PZZA u/g Outperform @ Oppenheimer $NFLX: Piper raises target price to $643 from $630 $GOOGL $AMZN $FB price targets increases galore... $FB M" +"Fri Oct 02 13:06:47 +0000 2020","Good morning! $SPX down 59, possible to see a move lower to 3279 if SPX breaks under 3300 $AAPL now at 112.71, 108 can come next if AAPL can't hold here $TSLA under 420 can pull back towards 400 Be careful today, don't try to guess the bottom Good luck everyone! 😄" +"Fri Oct 16 13:04:34 +0000 2020","Good morning! $SPX up 15, lets see if it can break through 3500 and test 3535 today $AMZN up 35+ premarket, if this breaks above 3400 it can run to 3448-3460 next $TSLA earnings next Wednesday, if this can get through 460 it can move towards 481 Good luck everyone! 😄" +"Fri Oct 09 20:02:56 +0000 2020","Well another week down! Markets above resitance and grinding up. $AAPL $MSFT $GOOGL $AMZN real strong closes... Didn't do much today traded $DDOG and $AAPL Enjoy your weekend Charts Saturday!" +"Tue Oct 27 10:24:22 +0000 2020","Good Morning! Futures up slightly as we await earnings and economic data $TSLA pt raised To $137 from $117 @ Citi ??? $UPS u/g Buy @ UBS $JKS d/g Sell @ UBS $TWTR pt raised to $52 from $39 @ JPM $SQ pt raised to $215 From $165 @ keybanc" +"Fri Oct 30 14:38:43 +0000 2020","another day when financial media misleads big indices like $DIA $SPY $QQQ are down because of $AAPL $MSFT $FB $AMZN $GOOG price moves yet they claim its about the virus, the economy, etc watch the Iancast today on my Youtube channel for more o this" +"Tue Oct 13 09:53:59 +0000 2020","Good Morning! Futures Mixed, $QQQ up. $BYND d/g Underperform @ Bernstein $ATVI d/g Market Perform @ BMO Cap $CSX u/g Ourperform @ Bernstein pt 94 $MU Raised to Buy at Deutsche Bank; PT $60" +"Mon Oct 12 15:37:51 +0000 2020","$AMZN $TSLA $AMD $NFLX all have earnings in next 15 days and provided tickers in WL this morning. Usually u can ride some momentum into earnings , so keep them on ur WL or use WL i shared," +"Sat Oct 24 06:40:56 +0000 2020","EARNINGS THIS WEEK (updated): Mon: $TWLO $NXPI Tues: $MSFT $AMD $PFE $CAT Wedn: $BA $TDOC $LVGO $MA $GNRC $NOW Thurs: $FB $AAPL $SHOP $TWTR $SPOT $OSTK $PENN $GOOGL $SBUX $AMZN $ETSY $PINS Fri: $HON $XOM $CVX $ABBV #EarningsNextWeek $VIX $SPY $QQQ #stockmarket" +"Fri Oct 09 16:10:33 +0000 2020","yes i gave you nflx on news they exploded today today just now thry dropped shop well if people get 1200 bucks they all spend aapl and shop go monster nuts" +"Mon Oct 12 20:06:16 +0000 2020","Some days you kill it.. some days you don't.. Green day but really just missed badly $AAPL $AMZN $FB $MSFT so strong and I missed.... traded $TWTR and $BA.. Tomorrow a new day.. Drinks and Football needed!!!!" +"Sun Oct 11 13:19:19 +0000 2020","UL 10-11 ADBE AMD AMWL AMZN API APPS AXNX BAND BIG BYND CELH CHWY COUP CRSR CRWD DADA DDOG DKNG DOCU EAT ENPH EXPI FLGT FOUR FROG FSLR FSLY FTHM FUTU FVRR GDRX GOCO GOGO GRWG GSX HEAR HOME HZNP JAMF JD JKS KYMR LAZY LMND LVGO NARI NET NIO NNOX NOVA NVAX NVDA OSTK OTRK PENN PINS" +"Wed Oct 28 14:20:50 +0000 2020","financial media misleads people by making it seem like big moves in $SPY are because of the economy, virus or some crisis truth is $AAPL $MSFT and three other stocks $AMZN $FB $GOOG represent over 20% of $SPY big -ve moves in these stock do not mean a crashing economy or crisis" +"Tue Oct 06 15:32:16 +0000 2020","$QQQ $SPY I cant stress this enough again & again that when trading large caps make sure u have SPY and QQQ chart, QQQ for tech mostly. Also VIX and VXN. Those asking about $NVDA drop from highs please check $QQQ chart 🙏 Dnt trade Blind, learn how market moves #tradingtips" +"Wed Oct 28 15:07:32 +0000 2020","I have to say, the market looks pretty ugly here. The September low is almost certain to get undercut on the Dow; maybe a trip to the 200-day. The question is: will the NASDAQ undercut it's recent low? If it does, there will be considerable damage in many individual stocks." +"Thu Oct 22 03:20:37 +0000 2020","Thanks for checking out the charts tonight, goodnight!! Charts reviewed in our feed below: $SPY $SPX $QQQ $IWM $GLD $SLV $FB $AMZN $AAPL $NFLX $VIX $GDX $FLSY $NFLX $MSFT $PINS $ETSY $SNOW $SHOP $SPOT $CGC $DIS $AMD" +"Sun Oct 11 20:51:03 +0000 2020","$SPY $QQQ $DJIA events this week: Oct. 12-16 $AMZN pride day 13-14 $AAPL iphone launch 13 $ZM Zoomtopia 14-15 $GWRE Analyst Day 13 $HPE Analyst meeting 15" +"Thu Oct 08 14:09:01 +0000 2020","mkt gets stupid sometimes..nflx raising prices stupid analyst doesnt know this and downgrades bet it get 10 upgrades in next 2 weeks and 600 prints" +"Sat Oct 10 17:48:55 +0000 2020","Big liquids like $AMZN, $MSFT, $NFLX, $GOOGL, and $AAPL are starting to move. Good action. $AMZN $TSLA are two names I pay very close attention to." +"Sun Oct 25 20:17:12 +0000 2020","...That's all I have this week! Lots of earnings on a lot of the names I hold and also the BIG TECH names this week. Risk is to the upside for those growth that have sold off, and risk is to the downside for those who haven't imo. BIG TECH earnings will move all markets..." +"Fri Oct 02 18:11:48 +0000 2020","Important levels for next week Over (bullish) - Under (bearish) Shout out to @bullish_club for providing a great service to everybody $SPY - $336 $QQQ - $275 $AMZN - $3,185 $AAPL - $114 $FB - $264 $TSLA - $380 $NKLA - $27 $NFLX - $497 $NIO - $19 $SHOP - $1,000 $MSFT - $211" +"Sun Oct 25 20:17:13 +0000 2020","... $AAPL, $AMZN, $GOOGL, $MSFT, $FB all reporting. That's like half the Nasdaq basically and 1/4 of the SP 500. Get yourself ready before the earnings insanity that will come. And don't forget to check out Episode 14 of @PoundingDaTable with our very very special guest!" +"Thu Nov 19 16:09:25 +0000 2020","$TSLA: Yesterday, a Morgan Stanley analyst who upgrades Tesla's price target 540 looks very bad. #StockWaves #trading #daytrading #stockmarket #Elliottwave #elliottwave #options #Stock #TSLA #Stock2020 #fangs #Tesla #Model3 " +"Mon Nov 23 20:27:18 +0000 2020","#stocks of note #Tesla Rallying 🆙7% after Wedbush says base case it's worth $560 🚗 BULL CASE $1K 😳 $tsla #Netflix ⬇️despite #JPMorgan calling it a $628 that's up 30% from here 🎞️ $nflx price hike means higher sales #Roku ⬆️on Needham Upgrade to $315 #streaming taking over! " +"Wed Nov 11 19:28:54 +0000 2020","The Nasdaq has rallied 29% this year, while the S&P 500 is up 10% through Monday's close. The Dow Jones index is up 3% and the small-cap Russell 2000 is up 4%. COVID has provoked some serious stock price realignment! #stockmarket #trading" +"Wed Nov 18 19:40:49 +0000 2020","Really time to start paying attention to this... $SPY $QQQ $IWM $VIX $FB $AMZN $AAPL $NFLX $GOOG " +"Wed Nov 18 06:11:41 +0000 2020","#Buzzing | #DLF stock price rises over 3% #StockMarket #TrendingStocks " +"Mon Nov 09 22:48:30 +0000 2020","$MSFT Microsoft Corp. Our model has detected this company s stock price has an undetermined short term setup and has a neutral long term outlook #Investing #StockMarket #trade" +"Fri Nov 13 20:09:31 +0000 2020","If I was an institutional investor, I'd be looking at this setup. Nice hammer at the lower weekly band. Could have lowest PE of all the big tech plays. We'll be shopping for Xmas presents on the couch locked up at home while wearing our Covid muzzles. FYI-Chart the 200 dma. " +"Fri Nov 13 11:32:56 +0000 2020","2021 Technology Sensitivity #1: Earnings in Nasdaq been flat for two years. 10Y US rates fallen 250 bps. Conclusion: Majority of gain in Nasdaq is 'discount rate' " +"Tue Nov 17 06:09:41 +0000 2020","Tesla to join the S&P500 on December 21. The electric-car maker’s share price rose by more than 11% in after-trading hours. #Tesla #stockstowatch #stock #markets #StockMarket $TSLA " +"Thu Nov 05 10:32:47 +0000 2020","A follow up for our previous Apple ( $AAPL ) analysis: The elections moved the stock price below the bottom channel and now that the process is getting to its end, Apple is getting recovered as entering back to the channel #NASDAQ #USElection2020 #StockMarket #AAPL #stockstowatch " +"Mon Nov 09 16:17:40 +0000 2020","VideoGamePrices r GoingUp 4 the 1st time in 15Years $60video games date back 2 atleast the 1990s Publishers press ahead with an industrywide effort 2 raise standard price=>$70 The move coincides with the debut of 2 newgame consoles fr MSFT&Sony, achange that comes ~every 7years" +"Tue Nov 10 22:37:54 +0000 2020","As the Nasdaq continued its sell-off today, our traders play ‘Trade It or Fade It’ to determine which tech names are still worth holding. $QQQ $MSFT $AMD $SQ " +"Wed Nov 18 18:11:03 +0000 2020","Russell gains 20% in 15 days, right into the theoretically meaningful brick wall known as spiking COVID cases and congressional gridlock. What isn’t priced in? Fed reserve LBO of the entire (remaining) public market? " +"Mon Nov 16 14:25:27 +0000 2020","From the Trading Floors: -Energy, Financials, and Industrials are taking index futures higher -Other sectors are positive by more than 1.5% -Technology flat, as so-called stay-at-home plays are weaker following optimism over ($MRNA) - $VIX indicated 23.20 @MarketRebels " +"Wed Nov 25 14:15:24 +0000 2020","From the Trading Floors: -Energy and Financials, which had led recent rallies, are trading lower today with the S&P 500 mixed -Technology is positive with the Nasdaq modestly higher -Crude is higher -Dollar is mostly flat - $VIX is indicated higher at 22.23 @MarketRebels " +"Sun Nov 08 20:32:49 +0000 2020","@Budgetdog_ AAPL - good price, good long-term prospect, iphone12" +"Mon Nov 16 06:28:50 +0000 2020","■ LAST WEEK ■ The tech heavy Nasdaq under performed last week as we saw a rotation out of defensive tech stocks into shares more exposed to economic growth on the back of the vaccine news. ""Work from home” stocks were under pressure but recovered towards the end of the week. " +"Tue Nov 17 02:21:13 +0000 2020","I didn’t even notice that the Dow(n) Jones punked the bulls with a 29999 tag today. That’s probably not a good sign. 🤣 " +"Mon Nov 09 02:57:47 +0000 2020","On a bollinger basis (not bands, but %B) and RSI, as of Friday,there was some room to stretch a bit higher. It’s safe to say that further extreme was accomplished tonight in the futures market.Friday saw UVXY dip below lower keltner channel,indices like SMH over the top.reversal? " +"Mon Nov 23 16:14:48 +0000 2020","Gap in AAPL, (gap in pit session NAZ, 100) = magnets to downside, RUS just fell shy of full retest up. Major test reject in DAX last night. " +"Fri Nov 20 21:29:29 +0000 2020","Given the seemingly endless headwinds, #stocks continue to sit at ATH's. Plenty of reasons the be bearish, but price is telling us otherwise. Don't know, maybe more chop, but if we leave this area, shut the door. $SPY $QQQ " +"Fri Nov 27 16:58:14 +0000 2020","BofA Bull & Bear Indicator neutral ✔️ Trifecta Lens Score +2 ✔️ SQN Bull Quiet Regime ✔️ SPX Tape stair-stepping higher ✔️ Buy dips & buy rips ✔️ " +"Tue Nov 17 21:52:06 +0000 2020","P/L: +$48.2K🔥 Good ol' $TSLA paid the bills today after being a bit tougher to trade lately. $LXRX got a nice easy panic pop reject short right at the bell. $CBAT couldn't get filled full size on SSR but got some #BigMacs there. $NIO missed that 42.5 fill long AH #earnings " +"Mon Nov 02 15:38:39 +0000 2020","Amazon Price Alert 🚨 Topping up in to our stock 💰 Still expecting a further decline so I’m not all in... yet 📉 $AMZN #investing #tech #StockMarket #shares #stocks #trading" +"Sun Nov 01 09:20:47 +0000 2020","$NVDA's price moved below its 50-day Moving Average on October 28, 2020. View odds for this and other indicators: #NVIDIA #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Nov 04 12:13:03 +0000 2020","$GOOG's price moved above its 50-day Moving Average on October 29, 2020. View odds for this and other indicators: #Alphabet #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Nov 04 14:36:56 +0000 2020","$DOW's price moved above its 50-day Moving Average on November 3, 2020. View odds for this and other indicators: #Dow #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Sun Nov 01 13:00:17 +0000 2020","$NDAQ's price moved below its 50-day Moving Average on October 27, 2020. View odds for this and other indicators: #Nasdaq #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Tue Nov 03 10:57:25 +0000 2020","$TSLA in Uptrend: price may jump up because it broke its lower Bollinger Band on October 30, 2020. View odds for this and other indicators: #Tesla #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Nov 04 12:16:36 +0000 2020","$TSLA in Uptrend: price may ascend as a result of having broken its lower Bollinger Band on October 30, 2020. View odds for this and other indicators: #Tesla #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Nov 25 20:54:43 +0000 2020","P/L: +$116.4K🔥 It's going to be a very #HappyThanksgiving courtesy of the #StockMarket as I just nailed back to back #SixFigureClub days. $ANPC and $YJ easy straight forward panic pop shorts at the open and $TSLA just still the gift that keeps on giving all day long. 😎 " +"Sun Nov 29 18:12:32 +0000 2020","When $TSLA is added to the S&P, it will be a game changer for how I treat trading $SPY. This isn’t about TSLAs future as much as it is about valuation. At this point, even the wildest dreams of TSLAs future success leave little room for sustained price appreciation. Hot potato 😀" +"Wed Nov 04 12:11:38 +0000 2020","$MSFT in Uptrend: price expected to rise as it breaks its lower Bollinger Band on October 28, 2020. View odds for this and other indicators: #Microsoft #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Mon Nov 02 10:06:12 +0000 2020","$MSFT in Uptrend: price may ascend as a result of having broken its lower Bollinger Band on October 28, 2020. View odds for this and other indicators: #Microsoft #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Mon Nov 02 17:48:45 +0000 2020","If you're wondering why the $QQQ is negative while the broader market is still higher today ($SPY) check out today's AM Meeting in which I discussed. " +"Tue Nov 24 18:37:37 +0000 2020","Like the action in large cap Big tech names $AMZN $AAPL $FB $TSLA today as small caps take a breather Got long $QLD @ 101.02 Target 110,120 $QLD gives 2x exposure to $QQQ $QQQ Daily chart shared below! " +"Thu Nov 26 04:57:11 +0000 2020","Those 500c @ 5.0 did double. They are trading @ 85 for a whopping 1600% gain! Congrats if you took😄... $TSLA $TSLAQ $AAPL $REGN $TWTR $ROKU $WORK $CRM $SE $BTC $ZM $SPY $QQQ $SPCE $BIDU $PYPL $SQ $FSR $PLTR $PINS" +"Thu Nov 05 21:09:41 +0000 2020","P/L: +$33.7K🔥 A little less conversation, a little more action today. Nailed $KXIN $APVO $ALTM at the open. $APVO had to correctly read the Level 2 games to avoid getting squeezed and getting dumped in the afternoon. $TSLA wallet padders. " +"Fri Nov 27 17:15:04 +0000 2020","Mentioned this morning, gap ups like this are meant to sell into strength, not for adding to new positions. We are now in a lot of cash, and will wait for better opportunities. Enjoy your weekend! $spy $qqq $iwm $amzn $tsla $bynd $nflx $googl $fb $appl $c $v $pton" +"Thu Nov 05 21:49:31 +0000 2020","This is how strong PSEi stocks Thursday No oversold stocks! RSI 70 OVERBOUGHT: SM GTCAP JFC SMPH BPI MM DMC NIKL MAC MRC PXP FGEN SSI FRUIT HOME EAGLE PHA WPI CHIB EW MAXS WEB SPC PNB PIZZA APC ATN BCOR TBGI ORE NI BSC UBP Happy Trading iTraders 🌞 RSI 30 OVERSOLD - NONE" +"Sun Nov 01 09:14:25 +0000 2020","$MSFT in Uptrend: price may jump up because it broke its lower Bollinger Band on October 28, 2020. View odds for this and other indicators: #Microsoft #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Tue Nov 10 13:35:44 +0000 2020","*U.S. STOCK INDEX FUTURES POINT TO MIXED OPEN *DOW FUTURES JUMP 200 POINTS, BUT NASDAQ FUTURES DROP MORE THAN 1% AS TECH SELLOFF CONTINUES $DIA $SPY $QQQ $IWM $VIX " +"Mon Nov 23 19:25:34 +0000 2020","Once the $nasdaq and $SMH get going... this $AMD should really breakout for real.... For the time, they are only interested in squeezing the smaller cap momo names! A game of ROTATION " +"Mon Nov 16 06:04:46 +0000 2020","Market Update: As we head into next week, the Nasdaq / Tech Heavy index looks poised to breakout into all time highs. We saw rotation out of Tech into other sectors this week such as Energy , Retail, Transportation & Finance. Keep an eye on new leadership $QQQ Daily chart 👇 " +"Mon Nov 09 05:34:26 +0000 2020","We witnessed a swift recovery last week with 3 gap ups in a row. $QQQ is now printing a series of higher lows since recession lows & attempts to breakout into all time highs after 2 months of consolidation RSI has room to run " +"Mon Nov 09 05:44:06 +0000 2020","Tomorrow's gap up should be no surprise as price action in Indices & leaders gave good clues for us last week -> Every small dip was being bought up & leaders closed near the highs of the day on 4 consecutive trading sessions $AAPL 15 min chart tells this story clearly 👇 " +"Tue Nov 10 16:46:23 +0000 2020","Took 50% profit @ 3542. I have an unlisted 3546 level that’s appearing. if SPX trades back above 3546 & above the 11726 level in the NASDAQ, i will be looking to add back. A move back above these levels should force a test of the 3577 & 11985 in NDX." +"Sat Nov 21 06:13:13 +0000 2020","Nasdaq tightening under wedge res, needs to break 12066 to commence next leg up. The resilience in this tape is mind boggling, there was rotation out of tech and index is loitering near all time highs. " +"Sun Nov 29 04:16:44 +0000 2020","$AAPL looks ready to go - daily and weekly setting up well for a break out of the pennant, getting tight now with volume drying up. If it can get some volume next week, look for Apple to start leading again and push the market higher $SPY $QQQ " +"Tue Nov 10 15:49:53 +0000 2020","The SPX has filled Monday's gap, but we have two in the QQQ's to monitor: This morning's, which would take a rally to 288.12 to fill, and November 3rd's upside gap which would take a decline to 276.82 to fill. And please remember there's no law that says gaps must be filled... " +"Sun Nov 01 23:03:02 +0000 2020","$SQ - Earnings Trade Idea - Nov 6 170C - bid/ask: 2.69/2.87 Closed at 154.88 on Friday. Needs back above 158 to test 163, 170. ER: Thursday After Hours (17-18 pt moved priced in) - $AMZN $AAPL $AMD $BA $BABA $FB $TSLA $MSFT $ROKU $SPX $SPY $TDOC $COST $ZM $NVDA $BYND $SNAP " +"Tue Nov 24 19:06:56 +0000 2020","$TSLA running, this wants to test 600 next.. best to close above 550 today $AMZN keep an eye on 3151.. above can move to 3200,3242 $SPX above 3644 can move towards 3700" +"Sun Nov 29 00:15:56 +0000 2020","@WarlusTrades If SPX is 4K NQ gonna be 14k plus...Ain’t no way you get Spx 4000 without Apple and Amazon going parabolic too" +"Sun Nov 15 17:49:27 +0000 2020","Weekly Review and Journal Notes Chart by @TrendSpider Market Index Review by @RossHaber_ Check out the fundamental focus list by @PatternProfits on his feed, the IPO list on @RichardMoglen feed, and @alphacharts365 video. HAGW. Hope it helps. 👍 " +"Fri Nov 27 04:51:27 +0000 2020","$QQQ Nasdaq Has gone no where since 3 weeks. 3 Weeks chops intraday has produced messy intraday trades. Bears have hope as long as under 300 or maybe if 287 level breaks but weekly chart bullish.If 300 reclaimed room to ATH If Nasdaq makes next leg up - squeeze on Tech names " +"Wed Nov 11 10:46:49 +0000 2020","*U.S. STOCK INDEX FUTURES POINT TO SHARPLY HIGHER OPEN WITH THE DOW SET TO JUMP 200 POINTS *NASDAQ FUTURES UP 1% AS TECH SHARES CLIMB IN PRE-MARKET TRADE $DIA $SPY $QQQ $IWM $VIX " +"Tue Nov 24 21:18:34 +0000 2020","$SPY $QQQ So someone asked my why $AMZN not big rally. Well, Simply Because $AMZN was in a relatively weaker sector today - Consumer Discretionary Sector was weak ""compared"" to Energy and Financials and Materials That is why $JPM Chevron went crazy while $AMZN was ok " +"Fri Nov 20 02:55:27 +0000 2020","$NQ Nasdaq Futures Yanked Earlier due California Curfew Recovered Since though Over 11980 maybe we see small gap up or else stay flat into morning.12000 big level to reclaim for Nasdaq. As long as Fed keeps pumping, market might not care about Covid Rebound. Will see " +"Sun Nov 29 16:54:57 +0000 2020","Good morning! Happy Sunday! We posted the following charts yesterday, check them out in our feed (just scroll down through our profile): $SPY $QQQ $IWM $TSLA $PLTR $SQ $FB $AAPL $NFLX $GOOG $AMD $NVDA $AMZN $INTC $VZ $NLOK #BTC #ETH #LINK " +"Mon Nov 16 06:00:30 +0000 2020","Favorite names on radar next week: $AMD $AMZN $APPS $AAPL $BBY $DQ $FDX $FVRR $GOOGL $NVDA $PINS $SNAP $TUP $U Focus list & current positions can be found on Page 1-3 Portfolio Allocation: 55% Cash : 45% Spotlight charts: $AAPL $AMD $DQ $FDX " +"Sun Nov 01 02:09:06 +0000 2020","$QQQ Nasdaq has an important level at 260ish, under that is the 200dma at 250ish. Those are my levels I am watching to judge this market. I think double bottom/sideways chop is the most likely outcome unless we lose those levels. No predictions just levels of interest " +"Thu Nov 05 12:16:52 +0000 2020","$QQQ Nasdaq seems to be in a range working off the big run up from the March lows. The 300ish level to the North and 265ish to the South seems like the channel. The prior trend is up so a breakout is the expectation at some point. This may be choppy for a little bit longer " +"Sun Nov 15 20:23:06 +0000 2020","Do you like charts? AMD APPS CALX COUP CRWD DDOG ENPH ETSY EXPI FSLR FTHM FVRR GRWG MELI NET NIO NLS NVDA PINS PTON QDEL ROKU SAM SE SHOP SNAP SNOW SQ TAN TDOC TSLA TTD TWLO ZM QQQ SPY IWM GBTC DIA FFTY GLD VIX XLF ⬇️⬇️⬇️ " +"Mon Nov 09 00:31:49 +0000 2020","$NQ $QQQ #idea Nasdaq Futures poised to see All time highs this week IF it holds the bullish pivot 12240 Will be bullish biased on Nasdaq & Tech if this level builds As volatility $VIX $VXN breaks support #long Look for strongest stocks in the index $AAPL $MSFT $AMZN $FB " +"Thu Nov 26 15:18:56 +0000 2020","$QQQ The Nasdaq is acting very rationally. Big Run up from the March lows, Sideways consolidation in a well defined range. Some shakeouts within the consolidation, price hanging out in the upper 1/3 of the recent range. Maybe the Nov 4th gap gets filled, maybe not. " +"Mon Nov 23 15:34:21 +0000 2020","This is the shakeout in $FB $AMZN $APPL $NFLX $GOOGL before we get our nice X-mas rally. Again, try not to focus on every tick. These dips are gifts." +"Tue Nov 24 03:24:37 +0000 2020","we haven't even rotated into Apple, Microsoft, Amazon and Facebook yet, all still below the September high. So Google Tesla and SPY will close and consolidate above the September high, but $AAPL $MSFT $AMZN and $FB won't? These are the largest percentage holdings of $QQQ and $SPY " +"Fri Nov 13 11:27:16 +0000 2020","$QQQ Nasdaq chopfest continues. The range is well defined so this is the time to really look for relative strength. What is outperforming while the market goes sideways? Those should be the next market leaders. " +"Sat Nov 14 13:42:57 +0000 2020","$Nasdaq All systems are ""GO"" as the Nasdaq is in a confirmed uptrend and above key technical levels. Where are the stocks to buy???? We may have a few... " +"Wed Nov 25 14:19:08 +0000 2020","Good morning #ICFAMILY! Futures flat, but $QQQ looking strongest today. Look for FAANG to lead the way. TBH, it may be a very choppy day, as the market is closed tomorrow. I personally will be looking to raise more cash going into next week. Some stocks I'll be watching:" +"Sat Nov 28 18:54:03 +0000 2020","Don't watch the Fear and Greed Index for the rest of the year, watch this video analysis of the Nasdaq, Google, Microsoft, and Zoom! $QQQ $GOOGL $MSFT $ZM $TSLA " +"Thu Nov 12 15:01:28 +0000 2020","Stocks open lower on Wall Street, a day after indexes briefly flirted with all-time highs before closing mixed. Banks and industrial companies were among those posting losses, but there were gains in some Big Tech stocks including Amazon and Facebook. " +"Wed Nov 25 05:21:30 +0000 2020","My GOOGL, AAPL, NFLX, FB and other large tech stocks I own have not been moving recently But these laggards I own (charts I shared this evening) been making a fast move recently. Thats why I think its better to find undervalued stocks rather than chasing overbought stocks" +"Mon Nov 09 20:52:08 +0000 2020","FANG+ Constituents $AAPL 117.18 -1.27% $AMZN 3155.12 -4.68% $BABA 291.63 -2.76% $BIDU 144.74 +0.5% $FB 280.75 -4.33% $GOOG 1774.14 +0.7% $NFLX 473.33 -8.02% $NVDA 547.73 -5.95% $TSLA 424.67 -1.22% $TWTR 43.46 +0.79% $MSFT 219.84 -1.73%" +"Tue Nov 10 21:06:11 +0000 2020","#MarketWrap Wall St closes mixed with tech sell off weighing on NASDAQ DJIA +0.90%, 263.08 points at 29,421 NASDAQ -1.37%, 159.93 points at 11,553 S&P 500 -0.14%, 4.98 points at 3,545" +"Wed Nov 25 23:15:09 +0000 2020","Futures slightly higher after Nasdaq hits record high, several stocks flash buy signals. But this should worry you. $AMD $SHOP $ETSY $TWLO $PYPL $CRM $WORK $MSFT " +"Tue Nov 10 23:42:59 +0000 2020","If you believe 'tech bubble' has popped and the NASDAQ 100 is about to crash, better sell all your stocks. This 20-yr chart from @ycharts shows tight correlation between $QQQ & $SPY - they move in the same direction. Without $NDX participating, $SPX unlikely to move higher. " +"Tue Nov 17 04:14:37 +0000 2020","On watch tomorrow: $WMT - earnings before market opens $HD — earnings before market opens $TSLA — gap play with s&p addition news $BABA — watching below 257.5 $QCOM — $150 level watch. All time high. Volume increase today as well." +"Mon Nov 16 21:08:18 +0000 2020","Impressed with $PINS $NET $U $UPWK $PTON over 100 $PLUG $CELH $ROKU $AAPL and all of the semis $NVDA $QCOM $AMD love the look of $JKS $ARRY needs time $ZI $TSLA $APPS $ZM and many more" +"Mon Nov 09 21:07:24 +0000 2020","$SPX is ""only"" up 2.2% on the day but check out some of these stocks under the surface: $AXP +28% $BAC +14% $DOW +8% $RTX +13% $WYNN +28% $MAR +15% $VLO +31%. While $ZM -16% $AMZN -4% $TOL -9% $PTON -17%. Recovery vs Stay at Home reversal." +"Wed Nov 18 21:05:50 +0000 2020","Oh good lord. CNBC just said the ""R"" word again. Recession. I mean c'mon. That explains the nerves going into the close. Some idiot brought up that word again and freaked out the market even though it will NEVER happen as the Fed will not allow it to happen. $TSLA $AAPL $QQQ" +"Sun Nov 01 14:34:25 +0000 2020","$SPY $QQQ $AAPL $AMZN $GOOGL Some solid plays on the long side if we do start bleeding downwards w/ demand levels below. At the least will give opportunities for clean relief bounces. Look for short trades following rallies into 5/10dma or wait for supply to form. Keep it simple" +"Thu Nov 05 10:48:29 +0000 2020","Markets doing exactly the opposite of what most thought would occur. $QQQ now back at highs and S&P back as well. Seems a bit risky to jump in right now given the massive rally the past few days. I'll be watching closely today. $TSLA" +"Thu Nov 19 01:25:04 +0000 2020","$TSLA Caught this one on the move over 464 level today. Managed to continue higher through 479 and close over. If 479 holds, 502 is next $SPY $AMZN $AAPL $BA $NFLX $TDOC $SHOP $AMD $ROKU $NVDA $FB $DOCU $CRWD $ETSY $SQ $MSFT $BABA $ZM @TrendSpider " +"Tue Nov 10 11:10:24 +0000 2020","Good Morning! Futures Mixed $QQQ Red... Fed speak galore today $BA JPM Raises pt to $190 From $155 $LEVI u/g Buy @ BAC $MCD pt raised to $235 from $225 @ Keybanc $SQ upgraded to Buy from Neutral at BTIG" +"Mon Nov 16 11:12:34 +0000 2020","Good Morning! Futures up, another Monday gap up. $NVDA pt raised to $610 from $560 @ Susquenanna $TTWO int Outperform @ Evercore $AXP: KBW raises target price to $139 from $129 $BMY u/g Buy @ Societe Generale $TLRY d/g Underperform @ Jefferies" +"Sun Nov 29 15:04:17 +0000 2020","Tech Stocks’ return in 10 years $TSLA: +8,197% $NVDA: +3,789% $NFLX: +1,699% $AMZN: +1,700% $ADBE: +1,561% $AAPL: +934% $MSFT: +749% $GOOG: +505%" +"Mon Nov 09 12:38:56 +0000 2020","Tech getting crushed now as markets realize we may not need stimulus. Tech was safety trade and may now sell off hard. $TSLA $AMZN $NFLX $FB $GOOG $AAPL $QQQ" +"Thu Nov 12 11:09:38 +0000 2020","Good Morning! Futures mixed $QQQ green. $WIX EPS beats by $0.01, beats on revenue $NKE int Outperform @ RBC pt 145 $UBER pt raised to $50 from $48 @ Keybanc $GM: pt raised to $60 from $57 @ Citi $CRM d/g Equal Weight @ MS pt 275" +"Fri Nov 27 18:01:30 +0000 2020","Consumer engagement $roku $pins $dkng $fb $nls $googl $aapl Marketplace platform $sq $ftch $meli $amzn $shop $pypl $ozon $se Technology enables $adsk $twlo $okta $allt $fsly $nvda $insg $crm $docu Health tech $psnl $nvta $exas $Tdoc $Nnox $flgt Ytd-302% cash-41% Total-302k" +"Mon Nov 23 21:20:01 +0000 2020","An interesting market when large cap energy & $TSLA are my two top performers on the day & $AAPL is last. ""Stock pickers market"" is often overused, but has been applicable the last few months as $SPX is at Sept. levels, cyclicals have taken off and tech has bifurcated." +"Sun Nov 29 05:41:29 +0000 2020","Scanned through my bigger watchlist of 88 stocks, narrowed down my watchlist for next week to the following: $AAPL $AMD $AMZN $BIDU $CHWY $DKNG $EXPE $FB $HD $NFLX $NVDA $SE $SPOT $TWLO $UNH Favorite setups for next week are $AAPL $AMD $BIDU $CHWY $SPOT $UNH" +"Thu Nov 05 21:30:33 +0000 2020","Well 4 days of big gap ups.. Hoping we chill here... make it easier tomorrow. $FB $PLUG and $TNA were my 3 trades all worked today. See you guys in the Am.. Who's ready for some football????" +"Wed Nov 11 21:30:54 +0000 2020","Funky day, choppy action.. Some rotation back into tech and stay at home names.. see if it more than one day. Made some money on $TQQQ $FB but really made it on $BABA today. Sitting in $RKT red.. grrrr Have a great night!" +"Tue Nov 17 18:12:33 +0000 2020","$SPX strong, almost red to green.. if it closes above 3619 it can open above 3633 and test 3644 early tomorrow $SQ stopped near 191.. if it closes above this level it can move to 200 next $AMZN should be higher on the pharmacy news.. lets see if it can close near 3188" +"Fri Nov 27 14:06:09 +0000 2020","Good morning! $SPX setting up for 3700+ next week, keep an eye on 3644 today $AMZN if this breaks above 3242 it can run another 100+ points into next week $TSLA getting closer to 600 ;-) Good luck everyone! 😁" +"Mon Nov 30 03:43:07 +0000 2020","REMINDER... The overall market (SPY & QQQ) WILL have an impact on most of these plays. I'm not a huge fan of playing bullish when the market is sitting right at all time highs. With that being said, play cautiously, size accordingly and always have stops in place ❤️" +"Tue Nov 24 12:29:14 +0000 2020","$AAPL is down over $20 from ATH @ 135. Tech is weak & it's helped lead this market rally, especially $AAPL Now /NQ is very weak & will lead to a market crash. I still maintain something ugly is lurking. Didn't expect it to take this long to emerge" +"Wed Nov 04 11:08:08 +0000 2020","Good Morning! Futures mixed, $QQQ raging. $UBER $LYFT prop 22 expected to pass in Cali $AMZN u/g Buy @ China renaissance pt 4000 $NIO pt raised to $46.40 from $33.20 @Citi $AMD added to Conviction buy list @ GS. $INTC pt lowered to 38 @ GS was 46" +"Thu Nov 05 21:46:37 +0000 2020","Lots of earnings tonight - and stocks are moving... Some to keep an eye on: $Z - surging as housing booms $INSG - 5G $GLUU - gaming/ #WFH $GH - liquid biopsy $TPIC - wind power $SQ - future of money $IRTC - HC $TTD - sofware #MoneyLine podcast dropping soon!" +"Fri Nov 27 17:29:26 +0000 2020","$VIX Spike here $AMZN $FB $NVDA all took dip with the market $SPY $QQQ Always keep eye on $VIX $SPY $QQQ when trading large caps Its like covering your blind side" +"Tue Nov 17 14:03:28 +0000 2020","If current levels hold, this will be only the 2nd time in history that $SPY gapped down more than 0.75% and $QQQ opened higher. The other was almost exactly 12 years ago, November 19, 2008." +"Sun Nov 29 22:40:05 +0000 2020","Everyone’s eagerly waiting for market tomorrow? What you holding? I will start: $ZM $TSLA $SPX $NET $JKS $NNOX $GOOGL $AMZN and more $SPX $3646 gap open and holds = $3725-3730 comes" +"Mon Nov 23 15:09:26 +0000 2020","Most tickers pulling back with $SPY $QQQ I know many of you still don't look at indices and then get shocked why $SQ and $PYPL are falling suddenly #tradingtips" +"Mon Nov 23 16:31:18 +0000 2020","For LT investors Today is good to Add/ buy Big tech Wayyyyy oversold EX: $AAPL hrly dropped wayyy below bottom BB William %R -104 no more roon to go lower RSI 22 Is $AAPL OUT of BUSINESS?? NONSENSE drop ! Great LT calls ! Same with $MSFT .. etc.. $QQQ" +"Mon Nov 30 21:12:06 +0000 2020","Crazy day in the market today but with that close, looks like we bull this week. Happy to report $AMD is out of my dog house. But what happened to $AAPL into the close?" +"Sun Nov 15 22:42:00 +0000 2020","Watch List: $PINS, $TSLA, $SNAP, $NVCR, $QCOM, $AMD, $ALGN, $NET Earnings WL: $WDAY, $NVDA, $SE Good luck this week everyone! Not seeing much out there." +"Sat Nov 21 14:11:31 +0000 2020","#FANGMAN run in Dec? $AAPL inside wk $FB double inside wk consolidating for 16 wks $AMZN double inside wk $MSFT $NFLX inside wk consolidating for 20 wks $NVDA inside wk & consolidating for 14 wks $GOOGL inside wk" +"Sat Nov 28 01:44:07 +0000 2020","Quickly scanned all stks in my shared portfolio to see which might have continued momentum into Mon. Here are the 4 stks identified: QS ARCT SRNE ABUS If any of them has an opening price near or higher than the Fri closing price, it may continue to run higher for 1+ days!" +"Mon Nov 23 19:58:13 +0000 2020","If you look at the Nasdaq today (+0.3%), you might think, ah, a boring day for tech. But looking under the hood, there is FIRE: $PLTR +15% $SQ +6% $U + 5% $MTCH +5.8% $PYPL +4.8% $SPOT + 3.6% $MELI +2.5% $ESTC +2.5%" +"Wed Dec 16 19:12:01 +0000 2020","Swinger System update. Back to longs again at a discount price from last exit. #NQ- Long #ES - Long #DOW - Long #DAX - Long #stockmarket #stocks #stock #trading #market #news #investing #bitcoin #today #business #live #ES_F #NQ_F #DAX #NASDAQ #SP500 #SPX #DJIA #NDX " +"Thu Dec 03 10:22:00 +0000 2020","Shares in Tesla raced higher in post-market trading after investment bank Goldman Sachs upgraded the stock and its price target. Learn more here: *81% of retail CFD accounts lose money. #tesla #TSLA #StockMarket #Shares #GoldnamSachsn " +"Thu Dec 17 07:13:20 +0000 2020","⏫ @Airbnb's stock price nearly 113% above its IPO price in @Nasdaq debut 🤑 By raising $3.5B and coming to a $100B market cap, Airbnb's IPO is now the largest tech IPO of the year 🎉 More in this week's Memo👇 #Tech #News #IPO #StockMarket " +"Fri Dec 11 02:26:24 +0000 2020","Airbnb bumps share price to $68 for stock market debut, US media reports #Airbnb #Debut #media #Nasdaq #price #share #StockMarket #US " +"Fri Dec 04 14:16:55 +0000 2020","Tip: Google sheets allows you to include realtime price of a stock from most #stock exchanges. Try: =GOOGLEFINANCE(""AAPL"",""price"") #finance #excel #GoogleSheets #StockMarket " +"Wed Dec 09 14:26:54 +0000 2020","Tesla Inc. Shares $TSLA rose 0.79% in premarket trading to $655. We will remain bullish on $TSLA as long as price is above $543.88 #StockMarket #stocks #Stock #accountancy" +"Tue Dec 08 12:00:14 +0000 2020","Crocs Inc $CROX stock price has more than quadrupled (+487%) since March 18. - The brand reported a record $362 million in Q3 revenues and expects to report at least 20% growth in sales in its latest quarter ending December #NASDAQ #StockMarket #NewYork #Stocks " +"Wed Dec 02 17:41:45 +0000 2020","The stock market has no correlation to the economy anymore. The price of The Dow Jones is directly related to the availability of toilet paper at your local grocery store. #StockMarket" +"Fri Dec 11 04:09:50 +0000 2020","Yesterday Tesla's stock price down nearly 7% due to the SpaceX starship SN8 failed the test flight, Today its stock price up 3.74%, would you buy it? #Tesla #StockMarket #business #SpaceX #ElonMusk #NASDAQ " +"Thu Dec 24 21:23:03 +0000 2020","StockOrbit will track your individual contracts, and calculate what the underlying stock price would need to be for you to be in profit. Check it out at $SPY $BABA $PLTR $GOOGL $AAPL $NIO $GME #optiontrading #StockMarket" +"Wed Dec 09 14:33:28 +0000 2020","Tesla Inc. Shares $TSLA rose 0.79% in premarket trading to $655. We will remain bullish on $TSLA as long as price is above $543.88 #StockMarket #stocks #Stock #accountancy" +"Fri Dec 04 02:11:51 +0000 2020","Tesla stock notches RECORD CLOSE after Goldman Sachs price target upgrade! #StockMarket $TSLA" +"Fri Dec 11 05:56:42 +0000 2020","The price of steel is rallying so is Steel Dynamics stock! Join @RobinhoodApp and we'll both get a stock like $AAPL, $F or $FB for free. Sign up with my link. #stockmarket #investing #steel " +"Sun Dec 06 17:53:24 +0000 2020","Looking at leaders vs. laggards in the market using the volume shelf and symmetrical triangle patterns. $TSLA $FB $AMZN $AAPL $NFLX $GOOG " +"Tue Dec 01 01:17:48 +0000 2020","#Apple rallies ⬆️3% 📲 Could be worth 60% more in #MorganStanley BULL case $aapl 🙀 Meantime #Banks get a DOWNGRADE after a HUGE #November 🆙17% $gs $jpm $bac While #Zoom reports 300% but disappoints with high #stockmarket expectations 📴 $zm #Salesforce set to buy #Slack $crm " +"Thu Dec 24 01:16:35 +0000 2020","#CNBCTV18Market | #WallStreet ends largely higher with Dow ending up more than 100 points. S&P 500 breaks 3-day losing streak, inches up 0.1% after shedding most of its gains from earlier in the day. Nasdaq ends 0.3% lower as tech heavyweights Amazon, Apple & Microsoft all dip " +"Fri Dec 18 13:27:32 +0000 2020","THIS IS A CRAZY HIGH BOEING STOCK PRICE TARGET !!!!!!!!!!!!!!!!!!!!!!!!!!!!!!! WATCH NOW #boeing #BA #STOCKS #SP500 #investing #StockMarket #stockstowatch #stockstobuy #StocksToTrade #tesla #nio #apple #Paypal #Palantir #amd #trading " +"Wed Dec 30 21:10:22 +0000 2020","Review: (1) 10-point tight-range for SPX, a typical feature of a w-4, likely part of a triangle. (2) Notably, TSLA & BTC all set new ATH, while AAPL, MSFT, AMZN retraced; (3) still no final signal for THE TOP. A waiting game now & patience pays. (4) enjoy the calm bf the storm. " +"Mon Dec 28 21:16:15 +0000 2020","AAPL: (1) Now it is the general's duty to hold the indexes over the next couple of days; (2) AAPL & MSFT & AMZN are doing the heavy-lifting tdy, while small caps retreated. (3) the lines on the chart were drawn Nov. 18, & the green line has been spot on. Ideal target is 140-141. " +"Tue Dec 15 22:22:56 +0000 2020","Could 2020 mark the end of the FAANG trade? A big divide is forming in the stocks with Apple's rally leaving the other names behind. So, if no more FAANG… what’s the next acronym? " +"Fri Dec 11 21:07:18 +0000 2020","What was provided free this week to help u kick ass? $TSLA +57 650🎯 met. $MRNA, $AAPL $SNAP $TWTR 🎯 all met. $DIS 155 met 🎯 DOUBLE DIP investor day oh my 🚀, wanted +7 got over 25🔥. $NVAX +12 $TWLO +20 $PFE 43 met 🎯 and so much more. 25 RT 4 more free 🔥 next week. 🍿 " +"Sun Dec 06 17:43:38 +0000 2020","Watchlist is up for the week, let me know what you all think regarding this current market! 🤑🍟 $SPX $SPY $QQQ $NQ $DJI $AAPL $INTC " +"Tue Dec 29 21:35:36 +0000 2020","This is very reminiscent of the current environment, where you see extremely valuable and legitimate stocks like $AAPL and $AMZN (in fact, the entire $QQQ wtd avg) currently trading at > 2-standard deviations over 15-yr fwd P/E multiple averages: " +"Sun Dec 13 14:56:25 +0000 2020","Elliott Wave 🌊 Watchlist + Market Update 📊 $NQ is holding above key moving averages after the brief shakeout 👉 another move is expected higher to 13,000📈 Below are set ups to take advantage of 👇 $MSFT 260 🎯 $NFLX 675 🎯 $HD 350 🎯 " +"Mon Dec 07 21:07:05 +0000 2020","⚠️BREAKING: *STOCKS ON WALL STREET CLOSE MIXED; NASDAQ HITS NEW ALL-TIME LED BY TESLA RALLY ❌DOW ENDS🔻149 POINTS, OR 0.49% ❌S&P 500 ENDS🔻0.20% ✅NASDAQ ENDS ⬆️0.45% ✅RUSSELL 2000 ENDS ⬆️0.06% ✅VIX ENDS ⬆️1.83% $DIA $SPY $QQQ $IWM $VIX " +"Mon Dec 07 17:18:42 +0000 2020","One thing that helps me in trading $TSLA: Keep on my screen how TSLA and QQQ (Nasdaq 100 ETF) are trading that day. It’s rare that QQQ goes up or down without dragging TSLA up or down with it. The reverse, of course, is not true. " +"Thu Dec 10 19:08:34 +0000 2020","The squeeze is on for $AAPL, $MSFT, $AMZN and $NVDA. Bollinger Bands contracted to their narrowest width in months as they consolidated. AAPL has a breakout working and is the strongest. Others are flat since 12-Nov very tighter ranges the last 4 weeks. #calmbeforestorm " +"Sun Dec 13 00:42:18 +0000 2020","By popular demand (sorry you handful of haters), Wes' ""Stocks A to Z"" $AAPL, $AMD, $AMZN, $FB, $MSFT, $TSLA, $WMT, $ZM and many more in between. Also new additions $FSLY and $TDOC. Get ready for what the current counts suggest will be a wild week! " +"Tue Dec 29 04:03:40 +0000 2020","My latest photo shop creation $aapl $alpp $tsla here is a pic from lap top oh my gains went up from my mutual fund $ryvyx cleared after hours @SUNNYLAND24 you happy now and other doubters? " +"Fri Dec 04 03:58:50 +0000 2020","$AMZN is holding near the 50 and 100 SMA as well as swing high AVWAP. Double inside day, consolidating here on the volume shelf and getting tight in the pennant with declining volume - looking for a breakout over 3250 to send it higher towards 3400-3500. " +"Sun Dec 27 23:03:02 +0000 2020","Above 132 $AAPL - Trade Idea - Jan 8 137C - bid/ask: 1.69/1.72 Closed at 131.97 If AAPL can close above 132.71 early this week it can move to 137.98 by EOW Under 132 can test 125, 122 - $AMZN $AMD $BA $BABA $FB $TSLA $MSFT $ROKU $SPX $SPY $PLTR $ZM $SNAP $SQ $NIO $NFLX $SPCE " +"Sun Dec 27 23:13:45 +0000 2020","Hot off the press, Wes' Weekend ""Stocks A to Z"" video. Catch it before futures open soon! Looking forward to another exciting week of trading; GLTA! $AAPL $AG $AMD $AMZN $BABA $CDE $DKNG $FB $GDX $GLD $GOOG $HL $IWM $MSFT $PLTR $SPCE $SPX $QQQ $TSLA $ZM" +"Sun Dec 06 18:16:49 +0000 2020","If you like charts I cover the #FinTwitFavorites AMD APPS CELH CRSR CRWD ENPH ETSY EXPI FTCH FUTU FVRR GRWG MELI NET NIO PINS PLTR PTON RH ROKU SE SNAP SQ TSLA TTD TWLO UPWK ZS Along with $QQQ $SPY $IWM $FFTY $GBTC $ETHE " +"Thu Dec 10 00:36:01 +0000 2020","Good evening! $SPX rejection at 3700 triggered a sell off to 3660. if SPX fails at 3644 it can test 3619,3588. SPX needs above 3700 to move towards 3751+ $QQQ broke below the Sept 2 high at 303.50. If QQQ stays under 303.50 it can test 298,293 next. Have a GN! 😄📈 " +"Mon Dec 28 03:45:24 +0000 2020","Here is the video from tonight. Thanks to everyone who joined. Ton of tickers: $AMZN $FUBO $BABA $BA $LULU $FB $GOOGL $AAPL $RKT $WISH $BIGC & more. Sunday Scoop LIVE w/ PSK 12/27/20 #SundayScoop #SHT " +"Mon Dec 21 20:59:26 +0000 2020","Bulls stepped it up today to buy this dip as up-trend remains intact on indices $SPY & $QQQ Saw nice follow through today in current positions $CRWD $ZS $GRWG $U & $SPWR" +"Thu Dec 03 01:06:33 +0000 2020","Good evening! $SPX closed at 3669.01. SPX defended 3644 today. SPX should move to 3724-3751 in December. if SPX fails at 3644 it can pull back to 3588-3600. $AAPL the next time this closes above 125 it will set up for a run to 132-137. Calls can work above 122 Have a GN! 😁📈 " +"Sat Dec 26 13:37:16 +0000 2020","$Nasdaq When ""stacking the deck"" it is nice to have the ""M"" on our side. Most trade stocks & not markets we do not need to swim upstream. The chart that is not Marketsmith is from IBD Live & @mwebster1971 shows power-trend channel. The Naz is not overbought (yet)/oversold " +"Mon Dec 07 17:12:04 +0000 2020","Markets on the move .. Nasdaq Dow S&P ... Einstein of Wallst merch hitting the ground running go to my website or IG link in bio / shop. and HATS are now available ... 📈📈💯💯👍👍 " +"Sun Dec 06 17:40:45 +0000 2020","◽️Stock Market - Week of 12/7◽️ 🌐 Economic Data: Wholesale Inventories Jobless Claims Core CPI PPI (final demand) Consumer Sentiment 🚨 IPO’s: $ABNB $AI $CERT $DASH $PUBM $OCG $HYFM $VVOS ✅ Earnings: " +"Fri Dec 04 21:05:02 +0000 2020","Started off December on a positive note. Let’s see if the Santa Rally starts next week! 🎅 $AAPL 120C $2.35 -> $6.05 $SHOP 1100C $14.00 -> $25.80 $AMD 90C $1.56 -> $6.73 $BA 237.5C $2.95 -> $6.85 $SE 200C $4.30 -> $10.85 HAGW! " +"Tue Dec 01 13:16:12 +0000 2020","Good morning! Remember, gap ups are opportunities to sell into strength, not to add on to positions. Progressively lock in those gains! Will wait patiently for setups to emerge throughout the day. $SPY $QQQ $NET $ZM $AMZN $FB $APPL $TSLA $BYND $DDOG $NFLX $CRM $BA $AMD $NVDA $V" +"Fri Dec 11 15:45:10 +0000 2020","The IPO ETF and SPY had been tracking each other very closely over the past few years. Since the COVID lows, IPO has absolutely taken off versus the broad market. $IPO $SPY " +"Sat Dec 26 23:53:27 +0000 2020","I'll be extremely cautious if $SPY is above 392 because that is the bull-flag equal legs target but overall I think we top at this pitchfork's median Nvidia, Salesforce, Microsoft, Amazon & Facebook are still below the same 9/2 high that QQQ SPY Tesla AMD and Google have broken. " +"Sat Dec 12 17:21:02 +0000 2020","14 charts posted below this morning, lots of information to check out! Watch the weekend video here: Charts reviewed this weekend: $SPY $QQQ $IWM $VIX $FB $AMZN $AAPL $NFLX $GOOG $RKT $CRWD $PLTR $ZM $TSLA " +"Tue Dec 01 13:11:32 +0000 2020","$AAPL $AMZN $FB $MSFT The market is moving without some of the biggest names. These megacaps have been moving sideways for almost 6 months. IF these breakout to the upside it could be like throwing gasoline on a fire. " +"Tue Dec 08 04:54:42 +0000 2020","$AAPL last 5 closes 122-123-122-122-123 $MSFT last 6 closes 214-216-215-214-214-214 $AMZN 4 of last 6 closes 3168-3186-3162-3158 $NVDA last 6 closes 536-535-541-535–542-544 " +"Wed Dec 09 14:52:21 +0000 2020","Stocks are off to a mostly higher start on Wall Street, keeping several indexes near record highs, but weakness in some Big Tech shares kept the gains in check. " +"Wed Dec 16 01:02:08 +0000 2020","Good evening! $SPX looks like it may be setting up for a run towards 3800.SPX needs to close above 3700 to test 3724,3751 first $AAPL strong breakout through 125. It looks like AAPL wants to move back to 137 by the end of Dec- early August. 130C can work Have a GN! 😄📈 " +"Wed Dec 09 00:25:00 +0000 2020","$TSLA to $1000 📈 $AAPL to $175 📈 #FAANG 30% higher 📈 #TheWatchList 👉 @DivesTech shares his bullish price targets for some of tech's biggest names with @NPetallides:" +"Tue Dec 29 20:37:42 +0000 2020","With Apple now above the 9/2 high, bulls only have Amazon, Facebook, Microsoft, and Nvidia left that need to follow Google Tesla and AMD above the 9/2 high too before the market has a major correction Levels for bulls to get cautious: $SPY reaching 390-392 $AAPL reaching 150-155" +"Sat Dec 26 16:16:42 +0000 2020","Here's my weekend market column. The stock market rally is showing healthy action, with the S&P 500 index forming a 4-weeks tight. Apple has stepped up; is this megacap next? $AAPL $MSFT $TSM $QCOM $ADBE " +"Sun Dec 06 18:39:56 +0000 2020","A follow up from last night's $AAPL vs. $TSLA post When looking for leaders vs laggards, find a CONSTANT. In this equation, the CONSTANT is the symmetrical triangle & volume shelf. $AAPL is lagging $TSLA, but leading FAANG stocks. $NFLX is lagging $AAPL, keep it on watch. " +"Mon Dec 28 11:55:43 +0000 2020","Media: 👨🏻 find me a stock that went down after S & P inclusion. 👩🏻 looks like AOL went down 👨🏻 Tesla is now AOL. Write that story! 👩🏻 but there’s really no comparis.... 👨🏻 just make it work!" +"Mon Dec 07 01:56:44 +0000 2020","$AAPL Broke out of this wedge last week. Watching 125.39 for a move higher. Targets at 128.78, 131.57. Support at 119.25. $SPY $AMZN $AAPL $BA $NFLX $TDOC $SHOP $TSLA $DIS $AMD $ROKU $NVDA $FB $PYPL $DOCU $CRWD $ETSY $SQ $MSFT $BABA $ZM @TrendSpider " +"Sat Dec 12 13:30:23 +0000 2020","The S&P quarterly rebalance feed will provide S&P clients with new weights for each of the 500 stocks, incl $TSLA and excl $AIV. Each of the other 499 weights will be reduced by apprx 1.5%. So if $AAPL was a 6.50% weight, now it will be a 6.40% weight (6.50 x .985). Watch $SPY." +"Tue Dec 01 00:47:16 +0000 2020","$AAPL Poked out over the wedge today but failed to close over. Lets see if we can get back over this week. Watching for a move over 122 for entry. Targets at 125, 129 $SPY $AMZN $BA $NFLX $SHOP $TSLA $AMD $ROKU $NVDA $FB $SQ $MSFT $BABA $ZM @TrendSpider " +"Mon Dec 28 01:18:42 +0000 2020","$AAPL Tight range the last couple of days just under the 133.58 level. Watching for a break over for continuation higher. Targets at 138, 143. Support at 128.78 $SPY $AMZN $BA $NFLX $TDOC $SHOP $TSLA $AMD $ROKU $NVDA $FB $SQ $MSFT $BABA $ZM @TrendSpider " +"Tue Dec 08 19:26:03 +0000 2020","$SPY new highs again followed by Nasdaq and Dow Jones even if they have been at the peak for the past hour with no dips. Seems to me like pennystock type of squeeze is developing 😀" +"Wed Dec 09 20:58:40 +0000 2020","$AMZN seeing some large buy volume into the close. C'mon. Split the stock in AH's. Would be perfect day to do it and put the NASDAQ back into beast mode tomorrow." +"Sun Dec 20 17:47:46 +0000 2020","What are some stocks you guys are watching for this week? 🤔 $AMD $NKE $WMT $TSLA $AMZN $MARA $PINS $TGT $BLNK $PLUG $WISH — and a few more" +"Mon Dec 07 13:07:36 +0000 2020","Happy Monday, traders! Today's watchlist! $AAPL $AZN $KODK $XPEV $DKNG $NNDM $LYFT $HCAC $BFT $TNXP $GTEC SIGN UP FOR A FREE DAILY ​WATCHLIST --> " +"Fri Dec 18 01:18:39 +0000 2020","$TSLA Nice move to new ATHs today. Down a bit in the after hours but will be watching for a move over 658.82 for continuation to 670, 700. Support at 633, 619 $SPY $AMZN $AAPL $BA $NFLX $SHOP $AMD $ROKU $NVDA $FB $ETSY $SQ $MSFT $BABA $ZM @TrendSpider " +"Tue Dec 29 21:30:41 +0000 2020","Expecting monster sell (-15-18%) towards the end of Q1. Why ? 1. Covid under control - massive inflation fears 2. Tech fails to show earning gains as much as its priced in. $SPY" +"Wed Dec 09 17:52:11 +0000 2020","Every time a big IPO hits the market that is priced out of this world like $DASH we have always seen the $QQQ and NASDAQ take a hit. Happened the last few times. Do people not remember these patterns? $TSLA" +"Wed Dec 16 11:10:43 +0000 2020","Good Morning!!!! Futures up slightly FOMC today... $SNAP pt raised to $60 from $42 @ JPM $AMD pt raised to $90 from $75 @ Baird $TWTR u/g to Overweight @ JPM $CRM a Buy and top Pick @ BAC" +"Thu Dec 31 23:37:12 +0000 2020","FAANG was up 56% vs. NASDAQ up 42%. FAANG outperformance came from AAPL, AMZN and NFLX, up 74%. FB and GOOG lagged NASDAQ up about 30%. The fracturing of FAANG has begun and will continue." +"Fri Dec 18 14:03:44 +0000 2020","Good morning! $SPX let's see if this can get through 3724 and move towards 3751 today $TSLA gapping up through 659 level, if this breaks through 675 it's possible to see 700 next $AAPL strong, if it can close near 130 it can test 132 early next week Good luck everyone! 😄" +"Wed Dec 02 15:11:32 +0000 2020","While I have some stocks that have been working $AHCO, $AMD, $SSTK, $REPL, $WMT, $IBB, $TGT, $LAD... there are many that have stopped me out. Too many to justify aggressive trading." +"Fri Dec 18 21:13:22 +0000 2020","$QQQ You see why I locked in profits? This market doesnt let bears have it easy. Anyway both $QQQ and $SPX (daily) closed with a hanging man at trendline resistance with negative divergence. Lets see if those $600 checks can push us through resistance and to new ATH🤪" +"Fri Dec 04 21:07:16 +0000 2020","What a week, bad NFP numbers .. ha market says ATH's... Names were the place to be this week.. $AMD $MU $QCOM $TSM $BA $SQ $AAPL $ROKU $IWM $UBER $DIS to name a few! Stick w/ names in play! Chart Sunday.. Drink time Enjoy your weekend!" +"Tue Dec 01 17:29:18 +0000 2020","$AMZN if this breaks above 3242 it can run to 3344+, It's close to breaking out $GOOGL above 1816 can run towards 1855+ $QQQ broke above 303 now at 304+.. QQQ setting up for a bigger move this month it can move towards 313" +"Wed Dec 23 14:05:06 +0000 2020","Good morning! $SPX it's still in a range from 3644-3700, above 3700 can trigger a run towards 3724+. As long as SPX defends 3644 we should see 3800+ next $SHOP if this can break above 1285 it can move to 1300 next $AAPL setting up for 137-140 if it closes above 132 GL! 😄" +"Wed Dec 16 14:05:19 +0000 2020","Good morning! $SPX keep an eye on 3700 for today, needs above to breakout towards 3725+ $SQ up 2 premarket, if this breaks above 225 it can run to 233+ next $AAPL was at 128+ premarket, lets see if it can move back above at some point today Good luck everyone! 😄" +"Wed Dec 09 11:15:35 +0000 2020","Good Morning! Futures flat to up $BIDU u/g Buy @ UBS $ROKU pt raised $375 @ Citi was $220 $AAPL pt raised to $160 from $150 @ Wedbush $BA pt raised to $275 @ Jefferies $ZM d/g to Neutral @ JPM" +"Mon Dec 14 11:09:49 +0000 2020","Good Morning! Futures Gaping up! $ULTA Added to JPMorgan Analyst Focus List: Street Insider $AMZN pt raised to $4350 from $4150 @ Cowen $MCD u/g Buy @ UBS pt $240 $DIS d/g Market Perform @ BMO" +"Thu Dec 03 11:06:49 +0000 2020","Good Morning!!! Futures mixed, $QQQ Green $TSLA u/g to buy from neutral @ GS pt raised to $780 from $455 $SFIX d/g Underweight @ WFC $CRWD pt to $160 from $150 @ Jefferies $LYFT pt to $5 from $40 @ needham $FB Up to 40 states plan to sue Facebook for antitrust next week -" +"Mon Dec 28 16:43:07 +0000 2020","$AAPL getting closer to 137.. if this can close above it can move to 150+ in January 2021 $AMZN close to a breakout towards 3344+ It just needs to close above 3242 $SPX setting up for 3800+" +"Mon Dec 28 04:24:41 +0000 2020","Watch List 12/28: $AAPL $AMD $GDX $SLV $GLD $PLTR $FSR $BABA $CRM $SPCE $EBAY $WMT $LAC $SOLO $RKT $MSFT $FUTU $TDOC $WKHS $V $CVX $FCEL $MRNA $AMWL $SBE $OSTK and I guess $FB?" +"Mon Dec 28 13:46:37 +0000 2020","$AAL $DAL $LUV $RCL $CCL $EXPE $BKNG all up on Covid Bill $TSLA pushing, $LRCX $SMH up, Beta gap up $FUBO $ZM $LMND $MRNA down premarket" +"Mon Dec 07 08:42:35 +0000 2020","4/x overextended retail (8-day SMA of P/C equity is the lowest in 20 years) & institutional positioning. This push/pull, should ultimately keep the market fairly pinned this week...Jan 8th call’s on back are incredibly cheap w/ a GA runoff event straddle of only $55, which given" +"Tue Dec 15 16:28:44 +0000 2020","$AAPL broke above the key resistance level at 125, if it can close above 125 it should move towards 128,132 next $TSLA failed at 644 now at 625, looks like it can drop towards 600 by Friday if it stays under 644 $QQQ weak today if it fails at 303.50 it can pull back towards 298" +"Mon Dec 28 15:22:14 +0000 2020","$QQQ the weak link today profit taking on many of the high flyers.. $TTD $PTON $CHWY $JMIA $NVDA $ROKU $AMD among others.. $AAPL my focus nice trade earlier stalking it again" +"Thu Dec 10 14:04:39 +0000 2020","Good morning! $SPX another gap down.. keep an eye on 3644 for today, bulls needs to defend this level otherwise we can see 3588 $AMZN if this can reclaim 3100 today, it can move lower to 3026,3000 next It can be a trickier day, be patient wait for better opportunities GL! 😄" +"Tue Dec 01 21:14:40 +0000 2020","And that's a wrap.. Big Cap Tech lead today.. tons of puts on the indexes going to be interesting here. One trade was all I needed today $FB... Have a great Night!" +"Mon Dec 28 21:00:01 +0000 2020","Well last Monday Night game of the year, sadness miss Nachos! Santa Rally on.. Opening weakness bought back and $SPY $QQQ ATH.. I traded $AAPL nice day.. $MSFT $AMZN $FB $DIS were traded by others in the room on call outs. KISS this time of year.. Keep it Simple..." +"Mon Dec 14 18:01:30 +0000 2020","$TSLA right near 644 lets see if it can close above.. it can gap up tomorrow if it gets through $SPX stopped right near 3700 now at 3669.. Be patient, wait for 3700 it will trigger a bigger run $AMZN rejected at 3188 so far" +"Tue Dec 22 16:25:23 +0000 2020","Choppier day now, $SPX never got through 3700, $QQQ struggling around 309.70 $AAPL down 3 from the highs, it would be best to see this close above 132 to set up for 137 next week $SHOP nice breakout through 1200 now at 1244.. possible to see a run towards 1285-1300" +"Wed Dec 23 13:37:31 +0000 2020","If we get a ""Santa Rally"" next week will probably come from rotation out of micro/small caps & hot new IPOs/SPAC $FUBO $QS $AI $JMIA $BLNK into Big Tech/semis $AMZN $GOOGL $FB $AAPL $NVDA $AMD $LRCX etc. imo $SPY $QQQ . Something to keep an eye on." +"Wed Dec 30 14:04:26 +0000 2020","Good morning! $SPX watch to see if this can defend 3724 today. IF it fails at this level it can retest 3700 $BABA gapping up 6+ .. above 241 it can move towards 252 before pulling back $AAPL i'd wait for 138+ for a breakout towards 150 Good luck everyone! 😄" +"Tue Dec 08 17:37:20 +0000 2020","$SPX just tested 3700 lets see if it can close above this level today.. SPX tried to break lower the past 2 days but held, good sign for the bulls $AAPL red to green.. keep an eye on 125.. if it breaks above it can move to 128-132 on the next leg up" +"Mon Dec 28 14:04:01 +0000 2020","Good morning! $SPX gapping up on Trump signing the stimulus bill.. if SPX can break above 3724 we can see a move towards 3751+ next $AAPL strong, up 2 premarket, this should move to 137.. AAPL above 137 can run to 150+ $IPOC this is setting up for a move to 20-25 GL! 😄" +"Tue Dec 15 18:41:00 +0000 2020","$AAPL held 125 on the pull back this morning.. keep an eye on 128 next if it breaks through it can move to 132 next week $AMZN tested 3188 the past 2 days but couldn't break above.. I would wait for 3188 to consider calls $SPX up almost 30 from the lows, needs 3700 to breakout" +"Thu Dec 17 14:05:04 +0000 2020","Good morning! $SPX setting up for a move towards 3751+ next, It would be best to see it hold 3700 to continue higher $AAPL gapping up 1 pt premarket, if it closes above 128 it should move to 132 by next week $ROKU gapping up 20 on HBO max news.. above 351 can test 367 GL! 😄" +"Tue Dec 01 18:44:55 +0000 2020","Growth/Tech has underperformed for nearly 3 months, yet multiple areas of the market have continued to move higher. What happens if Growth/Tech comes back into favor? $QQQ $XLK $AAPL $AMZN" +"Fri Dec 11 00:27:13 +0000 2020","Make sure to check out all the charts in our feed below posted this evening! Have a great night! Charts reviewed: $SPY $QQQ $IWM $VIX $FB $AMZN $AAPL $NFLX $GOOG $NVDA $SPOT $ROKU $GRWG $TSLA $SNAP $CGC $SQ $DAL $ATVI $PTON $PLTR" +"Tue Dec 01 23:37:26 +0000 2020","Cramer just went over Charts of $AMZN $NFLX Said Chartis saying FAANG stks will go HIGHER! $FB $AAPL $AMZN $NFLX $GOOGL $FNGU" +"Wed Dec 16 02:54:47 +0000 2020","Everyone have a great night!! Check out the charts posted tonight in our feed: $SPY $QQQ $TSLA $DIA $VIX $FB $AMZN $AAPL $NFLX $PLTR $PTON $SQ $VZ $XOM $SNAP $AMD $SLV $MJ" +"Thu Dec 03 13:57:59 +0000 2020","Stocks above the September high -Google -Tesla -AMD -SPY -QQQ -IWM -DIA Stocks still below the September high -AAPL -NVDA -FB -AMZN -MSFT -CRM The “follow me” trade in this market are the biggest blue-chips! Once the laggard stocks are above the 9/2 high we can talk about tops" +"Tue Dec 01 18:40:58 +0000 2020","ROTATION games continue... We're finally seeing some very nice breakouts in the large and mega cap tech stocks( $AAPL, $GOOGL, $AMZN, $NFLX, $FB etc) as the smaller cap momentum stocks(which led the way in November) continue to make healthy and much needed pullbacks" +"Tue Dec 15 19:45:12 +0000 2020","If $FB $AMZN $GOOGL strong like $AAPL to pull nasdaq up, This mrkt WILL go a LOT higher ! $NDX RSI ONLY 63.78 Whoever saying This mrkt is EXTENDED THey have NO clue what they R talking about !!! $AAPL RSI ONLY 65.27 90 to 95 is extended" +"Fri Dec 04 21:27:21 +0000 2020","If I had told you last summer that the S&P and Naz would make new ATHs and AAPL FB and AMZN would be red on the day you would have scoffed. Heck I would have scoffed." +"Thu Dec 10 02:12:14 +0000 2020","Lots of names still fine with bounces of an imp MA 8ema $U $CRWD $NET $OZON $PINS $TSLA $SQ $AAPL $MELI(almost) 20ema $SHOP $DDOG $DKNG $TWLO $FVRR 50d $FB $DOCU $COUP Does this knife get sharper or just a paper cut?" +"Tue Dec 08 10:21:43 +0000 2020","Tech stock rallies during TMT bubble - $AMZN 85X ('97-'00) $CSCO 20X ('96-'00) $INTC 12X ('97-'00) $MSFT 12X ('96-'00) In '99, 13 large cap tech stocks each rose over 1,000% Things are beginning to bubble now; buckle up!" +"Fri Dec 18 14:46:38 +0000 2020","Many of you have been asking me, besides the company that I own which companies are my ""Target List"". Here it is: $ADYEY $SE $SHOP $NVDA $AAPL $TCEHY $MELI $PLTR $ABNB $SQ $SFTBY $TWLO $MTCH $ZM $UBER $AI $LYFT $GOOG 👇" +"Fri Jan 15 11:17:14 +0000 2021","Very #POSH! #Poshmark’s #stock price more than doubles in #StockMarket, following the #IPO of yet another hot-potato #tech name. $POSH #Technology #TechnologyNews #TechNews $QQQ $VGT $IYW $ARKK $FDN $ARKW $SKYY $IGV #Bubble #NASDAQ #NasdaqListed #NASDAQ100 " +"Wed Jan 13 01:56:54 +0000 2021","#Size matters? So far, 2021 is a ""Smaller is Better"" year (honey, do you hear that?...); the smaller the price of a #stock - the higher its average YTD return. #Stocks #StockMarket $SPY $SPX $QQQ $DIA $IWM $IWN $IWO $XLB $XLC $XLE $XLF $XLI $XLK $XLP $XLRE $XLU $XLV $XLY " +"Fri Jan 08 16:04:53 +0000 2021","$TSLA price check: 878.90 #stocks #stockstowatch #StocksInFocus #stockmarket " +"Sun Jan 10 10:08:07 +0000 2021","The rise in #Tesla's #stock-#market price is so fast, that #Google can't keep up the pace with @elonmusk's net worth. Only a couple of days since the last update, $GOOGL is already $55.5B behind (exc. $SIGL...) #Stocks $TSLA $GOOG #StockMarket #Wealth #Rich #Billionaire #ElonMusk " +"Fri Jan 29 20:01:14 +0000 2021","If you’re interested in a stock with great fundamentals, you can pickup $TSLA at a discounted price. #stockmarket #boycottrobinhood #elonmusk #TSLA" +"Mon Jan 11 23:10:00 +0000 2021","$AMD: Target Stock Price Set... Will It Get There? Watch now: #options #stockmarket #trading #optionstrading #winningpickspodcast #optionsideas #technicalanalysis #wallstreet #winningpicks #optionsgeek " +"Sat Jan 23 00:57:00 +0000 2021","The Dow and S&P 500 ended modestly lower, dragged down by losses in blue-chip stocks Intel and IBM following their quarterly results, but the Nasdaq had its best week since November $IBM $INTC " +"Tue Jan 12 06:47:10 +0000 2021","Is Bitcoin ""The Mother-Of-All-Bubbles""? What Investors Say Last week, for example, Bitcoin managed to trade 179 per cent above its average price over the past 200 days, three times as high as the Nasdaq 100 ever got during the heyday of the dot-com bubble. #Nifty #stock #st…" +"Tue Jan 05 16:05:04 +0000 2021","Goldman Small Cap Research triples its price target $SIRC to $0.75 for The Next Three—Six Months after the company surges past the prior target and it sees more upside #stocks #stockmarket #solar #solarenergy #greenenergy $SPWR $TSLA " +"Thu Jan 28 21:37:30 +0000 2021","ANOTHER SIGNAL! - however, the market cap and stock price of $SHOP is quite high, probably won't go to the moon as we've seen before with #gme. #RobinHood #Citadel #stocks #amc $amc $gme #trading #DOGE #dogecoin #finance #Stock #StockMarket #wallstreetbets #WallStreet #reddit" +"Wed Jan 20 11:58:18 +0000 2021","{Video} Swing Trading Today | $NFLX Stock and Price Action $AMZN $XOM $MOS $BAND #technicalanalyis #trendpsider #stockmarket #StocksToTrade #StocksToBuy " +"Tue Jan 19 13:39:13 +0000 2021","Netflix to report Q4 earnings amid slowing subscriber growth and price hikes #Netflix #earnings #Nasdaq #lockdown #stocks " +"Wed Jan 20 21:15:22 +0000 2021","Review: (1) Tech led the way to ATH; AAPL, MSFT, AMZN all rose sharply. (2) as to EWT, the waves so far from late Nov. are a bunch of zigzags; if it is not an ending diagonal, then it is in the middle of 3rd of 3rd now--NO WAY. (3) Stopped out 3824 at open, short again at 3845. " +"Wed Jan 20 00:23:28 +0000 2021","A Quick look at Netflix Earnings! 💰💰 🚀The stock price is doing amazing After Hours 🚀 $NFLX $SPY $QQQ #StockMarket #stocks #StocksToWatch" +"Thu Jan 14 00:04:16 +0000 2021","Here's a quick look at over 35% of $QQQ. $GOOGL $AAPL $MSFT and $AMZN All consolidating within longer term uptrends and near their 10 week average (that's the % at the bottom). These have not been very exciting lately but look out if these get going " +"Sun Jan 03 19:07:24 +0000 2021","Volume is an Almost Useless Indicator. Don't complicate your stock analysis - simply trade looking at price itself. Explanation: #trading #StockMarket #investing #indicators $SPY $SPX $ES_F $STUDY" +"Tue Jan 26 23:19:17 +0000 2021","$ES $MES $SPX $SPY New all time high early in the session, b-shape profile, and a very weak low. FOMC and $TSLA, $AAPL $FB earnings on tap tomorrow. Should be an opportunity filled last part of the week! " +"Mon Jan 25 03:31:20 +0000 2021","Is tomorrow when $AAPL paints a big red candle after gapping up? With %B where it is and piercing the upper channel, that’s what I’m thinking is more likely than some psychotic continuation. Also, earnings this week. Last 2 quarters? One gap up after (Jul), one gap down down(Oct) " +"Wed Jan 20 20:58:23 +0000 2021","Provided free here today $AMZN 🔮 at 3105 now +162, $NVDA +17 $FB 270🎯 +15 $PTON +10 $LAZR +8% $AAPL 132.5🎯 $MSFT still going >218.5 $WMT is alive $NFLX we bot 490 now +100. Gonna need to see some love for more of this free 🔥 tomorrow 🤫 " +"Sat Jan 23 21:03:28 +0000 2021","We have a big week ahead for earnings! $AAPL $TSLA $AMD $FB $MSFT $JNJ $GE $BA $MMM $T $LMT $VZ $DHI $AAL $MCD $ABT $FCX $KMB $AXP $RTX $NEE $XLNX $V $SBUX $CAT $LRCX $MA $OFG $NOW $NDAQ $NVS $PLD $PII $MKC $BMRC $ALK $SHW $TXN $NEP $LUV $BOH $LLY $SWKS $PGR $PHG " +"Wed Jan 06 22:44:11 +0000 2021","P/L: +$40.2K🔥 Bit of an odd day. Late post because I wanted to watch $NCTY AH. Managed to snag some bonus wallet padders on it. $TATT nice pop short although disappointing expected it to go further as it was ETB. $TSLA tricky at times but still paying the bills in the end👍 " +"Thu Jan 21 13:14:35 +0000 2021","The sticky note!! and my WATCHLIST here this morning for @traderTVLIVE $NFLX 593.50 $F 11.20-11.40 $GME 36 $MSFT 224.80 225.75 $PLTR 27 these are levels I am looking out for 💥🔥🤑 👇 " +"Sun Jan 03 04:05:15 +0000 2021","$AAL in Uptrend: price may jump up because it broke its lower Bollinger Band on December 22, 2020. View odds for this and other indicators: #AmericanAirlinesGroup #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Sun Jan 03 04:47:15 +0000 2021","$DOW in Downtrend: its price may drop because broke its higher Bollinger Band on December 18, 2020. View odds for this and other indicators: #Dow #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Sun Jan 03 04:02:11 +0000 2021","$MSFT's price moved above its 50-day Moving Average on December 11, 2020. View odds for this and other indicators: #Microsoft #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Jan 20 20:14:47 +0000 2021","Social media/soft tech names all up 3%-6% today following $NFLX massive beat (+17.7%). $AMZN +4.7%, $GOOG +6.2%, $AAPL +3.3%, $MSFT +3.9%, $FB +3.2%, $SNAP +3.0%, $TWTR +3.6%. Gains can continue into earnings next two weeks if rates stay flat 1.09% today vs 1.18% last week." +"Fri Jan 15 17:20:48 +0000 2021","📈 CHART OF THE MONTH 📉 $XLK vs $SPY comparative analysis shows the relative performance of the #Tech Sector to the #SP500. As “extreme” as the rhetoric may be, looks like we got a LONG way to go to get back to 50% peak of Dot Com ratio 🧐🤔 #Technology $ES $AAPL $MSFT " +"Sun Jan 24 17:32:57 +0000 2021","Investors will have lots to focus on in the week ahead with a bevy of major U.S. companies including Apple, Microsoft, Facebook, and Tesla all reporting earnings." +"Wed Jan 20 22:26:56 +0000 2021","We hear every day on the Media how #Breadth is so great. McClellan's Summation index of smoothed breadth peaked last month in December as Equal-weighted Technology began to wane- See last year's January peak below and Feb bounce attempt- True that NYSE A/D is at highs.. but.. " +"Sat Jan 02 22:35:41 +0000 2021","NIO Stock 2021 HUGE - 🔥🔥 via @YouTube ⬆️⬆️⬆️ See my #nio price prediction for 2021. What is yours ?? Please join our price contest. #evboom #StockMarket #ElectricVehicles #trading $NIO $li $xpev $tsla $sbe $xl $nga $blnk" +"Sun Jan 10 11:32:12 +0000 2021","NASDAQ100 y sus divergencias con FACEBOOK $FB, NETFLIX $NFLX, MICROSOFT $MSFT y AMAZON $AMZN " +"Sun Jan 17 14:54:07 +0000 2021","QQQ-IF lost this trendline think could see more chop as earnings come in. So much support below the market though think it would mostly be driven by underperformance in big tech names (that all look vulnerable). On the hunt for new sector themes. " +"Tue Jan 26 13:47:18 +0000 2021","Apple, Microsoft, Tesla, and Facebook and more than 100 other S&P 500 companies report earnings this week. These are huge companies that can have a major impact on the indices. $AAPL $2.36T Market Cap $MSFT $1.71T Market Cap $TSLA $802B Market Cap $FB $782B Market Cap $SPY " +"Tue Jan 19 18:28:07 +0000 2021","$FB almost up 2 from 257... possible to see a gap up towards 261 if FB closes up here.. $NFLX earnings coming today.. let's see how this affects tech tomorrow.. NFLX can move to 540-550 if there's a positive earnings reaction" +"Wed Jan 20 01:00:03 +0000 2021","Good evening! $SPX closed at 3798.91. SPX is setting up to test 3819 again. As long as SPX defends 3751 it should continue higher towards 3900 in Feb $NFLX up 65 points after earnings. NFLX can run to 600 if it breaks above 575 this week Keep an eye on the 580C Have a GN! 😁📈 " +"Sat Jan 23 17:24:16 +0000 2021","💥Notable #Earnings To Watch This Week (via @eWhispers)💥 Mon: $KMB $XLNX Tues: $MSFT $AMD $SBUX $AXP $MMM $GE $JNJ $LMT $VZ Wed: $AAPL $TSLA $FB $T $BA $LRCX $LVS $NOW $TER Thurs: $MCD $V $MA $AAL $LUV $JBLU $SWKS $TEAM $MO $X Fri: $CAT $CVX $LLY $HON $SAP $DIA $SPY $QQQ " +"Tue Jan 19 11:49:56 +0000 2021","$QQQ The Nasdaq once again challenged the rising 23dema and it has held again on a closing basis. This has the potential to be a choppy week with headline risk. The levels of interest continue to be the 23dema and and now the 65dema and breakout area (about 3.5% lower) around 300 " +"Fri Jan 08 18:30:03 +0000 2021","Very odd market ( or pseudo market) action in the PM's. Dems having control over both chambers of congress & the presidency = More spending, Larger Deficits, More Stimmy, all wildly bullish. But $TSLA @ ATH, makes perfect sense......" +"Sat Jan 23 22:18:44 +0000 2021","The reaction to earnings is also an important element of determining market conditions for me. We saw $NFLX gap up strongly last week. This week $AAPL $MSFT $TSLA $AMD $NOW report which should provide more info. " +"Sat Jan 02 07:29:54 +0000 2021","$DOW in Downtrend: its price may drop because broke its higher Bollinger Band on December 18, 2020. View odds for this and other indicators: #Dow #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Thu Jan 28 12:26:59 +0000 2021","*Here Are My #Top5ThingsToKnowToday: - $GME Shares Jump Above $500 - Stocks Set For Lower Open - $TSLA $AAPL $FB Slide After Earnings - $MCD $LUV $AAL $V $MA Report Results - U.S. GDP, Jobless Claims Data *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Mon Jan 25 13:47:04 +0000 2021","Stocks will likely see more volatility in the week ahead, which will be dominated by several market-moving events. Earnings from tech bellwethers $AAPL $MSFT $FB, $TSLA results, the Federal Reserve's monetary policy meeting, and Q1 GDP data are all on the agenda. $DIA $SPY $QQQ " +"Tue Jan 26 12:17:10 +0000 2021","Happy Tuesday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Higher Open - Fed Policy Meeting - Stimulus Developments - $JNJ $MMM $GE $AXP Earnings Before The Open - $MSFT $AMD $SBUX Earnings After The Close *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM " +"Wed Jan 27 22:03:34 +0000 2021","The volatility due to the short squeezes wasn’t good for #AAPL #TSLA or any others .. but don’t worry the setup for the comeback is even better now.. thanks #WSB .. hopefully you were able to avg down today, cause it was shopping season!" +"Thu Jan 21 00:41:51 +0000 2021","$AAPL - Trade Idea - Jan 29 135C - bid/ask: 2.85/2.89 Closed at 132.03 AAPL is setting up to test 138/140 if it can clear the 132.71 level ER: January 27th (Possible to see 145-151) - $AMD $AMZN $BABA $FB $MSFT $NFLX $NIO $NVDA $PLTR $SNAP $SPCE $SPY $TSLA $CLOV $ZM $JMIA " +"Mon Jan 04 16:58:12 +0000 2021","2021 starting off with a bang, with a lot of red across the board in many of the big-name tech stocks $AAPL $AMZN $MSFT $TSLA however remains in a trading universe of its own, hitting another record high despite the market selloff. " +"Sun Jan 10 23:02:02 +0000 2021","Above 132 $AAPL - Trade Idea - Jan 29 - bid/ask: 1.17/1.21 Closed at 132.05 Above 132 can move back towards 138 The next time AAPL can close through 138 it should run to 151 - $AMZN $AMD $BA $BABA $FB $TSLA $MSFT $ROKU $SPX $SPY $PLTR $ZM $NVDA $BYND $SNAP $SQ $NIO $NFLX $SPCE " +"Mon Jan 25 16:46:10 +0000 2021","The busiest week of Q4 earnings season is here, with 33% of the S&P 500 reporting this week. Here we preview some of the most notable companies that are set to report. $AMD $MSFT $AAPL $TSLA $FB $NOW $V " +"Fri Jan 22 21:01:46 +0000 2021","When the market presents the right opportunities DON'T hesitate.. This is when money is made 💰 $FB 255C $3.50 -> $23.00 $NFLX 540C $5.70 -> $53.30 $AMZN 3300C $23.00 -> $89.33 $TTD 820C $7.80 -> $25.2 $NVDA 550C $7.40 -> $19.27 HAGW " +"Fri Jan 22 01:00:21 +0000 2021","Good evening! $SPX closed at 3853.07. SPX is still on track to move to 3900 next. SPX can see a bigger pull back once it reaches 3900-3950 $AAPL closed at 136.87. if AAPL can clear 138 it can move towards 142 tmrw and 151+ next week. 140C can work as a lotto Have a GN! 😄 📈 " +"Sun Jan 31 17:29:01 +0000 2021","If funds are short $slv heavily it can be a fucking brutal day tomorrow for the broad market. Especially if the meme stocks are up as well - can see forced liquidations of spy qqqs and their components imo." +"Fri Jan 15 14:28:05 +0000 2021","By request, here are the confirmed #earnings dates for the Qs #nasdaq100 $QQQ $AAPL $TSLA $NFLX $AMD $FB $MSFT $INTC $FAST $QCOM $ASML $CTXS $LRCD $ATVI $SBUX $XLNX $ISRG $SWKS $CSX $CSCO $TXN $EA $CMCSA $ALGN $PEP $ADP $DXCM $CHTR $NXPI $XEL $TTWO " +"Mon Jan 25 14:42:20 +0000 2021","Stock indexes traded mixed Monday, with tech-related shares surging ahead of a busy week of earnings that features results from tech giants Apple, Tesla and Facebook. $AAPL $TSLA $FB " +"Wed Jan 20 13:36:35 +0000 2021","💥NEW @INVESTINGCOM WEDNESDAY POST ALERT💥 *5 Mega Cap Superstar Tech Stocks Poised For Stellar Q4 Earnings Results - $MSFT (Reports 1/26) - $AAPL (Reports 1/27) - $FB (Reports 1/27) - $AMZN (Reports 2/4) - $GOOGL (Reports 2/4) 👉 $DIA $SPY $QQQ " +"Wed Jan 20 21:17:54 +0000 2021","The biggest moves were in 5 names $AMZN $AAPL $MSFT $GOOGL $NFLX, I wouldn't classify that as ""breadth"" from broader market today. " +"Sun Jan 24 14:26:46 +0000 2021","Big earnings week: $AAPL $TSLA $AMD $FB $MSFT $JNJ $GE $BA $MMM $T $LMT $VZ $DHI $AAL $MCD $ABT $FCX $KMB $AXP $RTX $NEE $XLNX $V $SBUX $CAT $LRCX $MA $OFG $NOW $NDAQ $NVS $PLD $PII $MKC $BMRC $ALK $SHW $TXN $NEP $LUV $BOH $LLY $SWKS $PGR $PHG via @eWhispers " +"Sun Jan 24 23:45:31 +0000 2021","Futures rise modestly as Apple leads earnings tsunami. It's a big week for the market rally. $AAPL $TSLA $AMD $CAT $FB $MSFT " +"Thu Jan 28 01:35:05 +0000 2021","I know 99% of the oxygen is being used up by the stock that has game, but I find it *interesting* after blowout earnings (I mean WOW beat and raises) by AMD, TXN, MSFT, FB and AAPL this week. Those stocks can't rally. Things that make you go 🤔" +"Sat Jan 23 14:04:01 +0000 2021","#earnings for the week $AAPL $TSLA $AMD $FB $MSFT $JNJ $GE $BA $MMM $T $LMT $VZ $DHI $AAL $MCD $ABT $FCX $KMB $AXP $RTX $NEE $XLNX $V $SBUX $CAT $LRCX $MA $OFG $NOW $NDAQ $NVS $PLD $PII $MKC $BMRC $ALK $SHW $TXN $NEP $LUV $BOH $LLY $SWKS $PGR $PHG " +"Sat Jan 02 02:55:27 +0000 2021","$SHOP in Downtrend: its price may drop because broke its higher Bollinger Band on December 22, 2020. View odds for this and other indicators: #Shopify #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Jan 20 13:20:42 +0000 2021","$NFLX huge beat last night likely to light fire today under other secular growth/social media names benefiting from Covid lockdowns in 4Q: $AMZN, $FB, $GOOG, $MSFT, $MTCH, $SNAP. I’d still avoid $TWTR since Biden can’t reverse lost Trump DAUs." +"Mon Jan 04 15:31:36 +0000 2021","Overall $DIA $SPY $QQQ markets tanking, last week did feel like max speculation, maybe we need to drop a bit this week, but then again $TSLA just keeps going. Seriously say a prayer for all the shorts, fundamentally they're right, but they just totally underestimated this bubble!" +"Sat Jan 09 20:55:45 +0000 2021","@HansMahncke I don’t think people are putting it all together FAANG stocks are the heaviest weighted in the S&P 500 $FB, $AAPL, $GOOG, $AMZN , $NFLX - Wonder what 75M consumers could do to the market if they boycott just those companies. And well $TWTR just for giggles." +"Mon Jan 25 01:10:01 +0000 2021","$AAPL New ATHs on Friday. Watching to see if it can keep the momentum going this week over 140. Targets above at 143, 150, 156 $SPY $AMZN $BA $NFLX $SHOP $TSLA $DIS $AMD $ROKU $NVDA $FB $TTD $BYND $PYPL $DOCU $CRWD $ETSY $SQ $MSFT $BABA $ZM @TrendSpider " +"Thu Jan 21 22:51:29 +0000 2021","Apple, AMD, Intel, Nvidia lead Thursday's big-cap tech rally, but market rally warnings are growing louder, with the Nasdaq increasingly extended. You don't have to run inside, but be ready for a storm. $AAPL $INTC $AMD $NVDA $ISRG $CSX $IBM " +"Fri Jan 29 10:05:16 +0000 2021","All of #faang is lower today and $ba is up. This market is jacked up. $tsla $aapl $nflx $amzn $fb $goog" +"Fri Jan 29 17:51:55 +0000 2021","The S&P 500 broke through 50-day MA support of 3,723, approaching the 3,700 level now down -2.2% $SPY with Apple $AAPL down 4.6%, Tesla $TSLA down 5.5% #StockMarket #StocksToWatch" +"Thu Jan 21 04:56:19 +0000 2021","11:56pm study check, retweet/favorite this if you're still up studying or making your watchlist for tomorrow as it looks like we're gonna have yet another CRAZY day on the $DIA $SPY $QQQ so it's crucial for you to be FULLY prepared on all the best plays/key levels AHEAD OF TIME!" +"Wed Jan 27 23:11:38 +0000 2021","Futures are collapsing in the AH's. May see a bigger sell-off tomorrow than we saw today. $TSLA $AAPL $AMZN $FB $NFLX #FAANG" +"Fri Jan 08 01:11:19 +0000 2021","$AAPL Tested bottom trend line support and had a solid bounce today. Watching the 131 level. Over, can see 134, 138 next $SPY $AMZN $BA $NFLX $SHOP $TSLA $DIS $AMD $ROKU $NVDA $FB $TTD $TWLO $BYND $PYPL $DOCU $CRWD $ETSY $SQ $MSFT $BABA $ZM @TrendSpider " +"Tue Jan 26 23:43:12 +0000 2021","Everybody is always so focused on $AAPL $NFLX $FB and $GOOGL but in the background there goes $MSFT...he just keeps chugging away! One of the most consistent stocks out there. Even at the new high earnings still took it higher. Bam!" +"Wed Jan 27 14:54:53 +0000 2021","Probably the excess speculation caused some institutions to dump stocks. Some algo. But with big earnings coming out after the close. Some opportunities will emerge... $aapl $tsla $FB #tesla $gme $amc" +"Fri Jan 29 16:43:03 +0000 2021","We saw some impressive revenue and EPS beats in the tech space this week. Here is a recap of this week's results. $AMD $MSFT $AAPL $TSLA $FB $NOW " +"Fri Jan 15 05:18:10 +0000 2021","Tech Earnings season upon us. Stocks been in a rally mode since the nasty March dip. A small pullback will be healthy before another uptick. I still believe it will be another bullish year in equities (cheap money, fed). Cutting some positions in order to have cash handy." +"Tue Jan 05 14:55:00 +0000 2021","Sold all positions on that pop. Have feeling markets will go red by about 300 on Dow shortly. Had some nice wins. $NFLX, $AAPL, $AMZN, $TSLA, $BABA, $FB" +"Sun Jan 24 19:27:03 +0000 2021","Happy Sunday everyone! Below is my watchlist going into next week. I will keep updating on this thread through out the day.. $AAPL $AMD $BLNK $BTBT $CBAT $CCIV $DKNG $FCEL $FUBO $LAZR $NET $NFLX $NIO $NNDM $OPEN $PLTR $PLUG $PTON $RIDE $RKT $SPCE $SPY $SQ $TAK $TSLA $TTD $ZM" +"Fri Jan 01 18:26:51 +0000 2021","Nasdaq at highs however seeing many tech names in correction mode. Won’t be surprised to see index catches up soon. Just saying.$QQQ" +"Thu Jan 07 14:54:42 +0000 2021","Early vibes of a ""lockout"" rally on stocks like PINS SNAP TWLO AMD - where price opens above and stays above prior days last 30mins price action (hope that makes sense). We shall see. Just something I look for on gap up days. Just like looking for oops reversals on gap downs." +"Mon Jan 25 04:03:57 +0000 2021","Oh my. When Sam loads massive massive Aapl .... kneel. Oh my wifey’s are not sleeping tonight APPLE PRICE TARGET RAISED TO $160 FROM $145: EVERCORE" +"Thu Jan 14 14:05:06 +0000 2021","Good morning! $SPX still needs 3819+ to breakout towards 3837. under 3800 can test 3772 $BABA gapping through 241..possible to see 252,256 next if it holds above 241 $AAPL i would wait for 132+ to consider calls..The next time AAPL can break above 138 it can run to 150 GL! 😁" +"Thu Jan 21 15:49:27 +0000 2021","$AAPL running... now at 136+.. Hope you all caught this on the 132 break yesterday... 138 coming next.. AAPL can move towards 150 if it breaks through 138 $FB setting up for a run towards 278,283 next $AMZN what a beast.. this one wants 3500+" +"Wed Jan 20 19:05:10 +0000 2021","Massive day... $NFLX up 10 from 575.. 600 can come tomorrow $AMZN setting up for another 150 pt move into next week.. It broke above 3242 level i mentioned earlier" +"Sun Jan 31 17:01:11 +0000 2021","@stevenmarkryan All LEAPs (no stocks) TSLA - 87% SQ - 2.2% NVTA - 2.5% IPOE - 1% TDOC - 1 % CRSP - 1 % ARCT (Stock + Options) - 3.3% Regular ETFS (No Options) ARKG,ARKK, ARKW - 2% IPOE, CRSP and TDOC are recent additions." +"Thu Jan 21 11:16:09 +0000 2021","Good Morning!!! Future up slightly $SNAP int Overweight @ Piper $PYPL u/g Buy @ BTIG $AAPL pt raised to $152 from $144 @ MS $FB pt raised to $355 from $320 @ Evercore $SPCE pt raised to $36 from $26 @ CS $CAT d/g Neutral @ Citi" +"Thu Jan 21 17:38:59 +0000 2021","$AAPL near 136, still holding near the highs.. it just needs to close near this level to test 138+ tmrw $NVDA watch 555..if this closes thru 555 it can run to 575 the next day Slower day for now, lots of stocks trading in a range.. Be patient wait for the right opportunities" +"Mon Jan 25 14:03:59 +0000 2021","Good morning! $QQQ strong gap up, possible to see 337 on the next leg higher.. $SPX flat, needs back through 3855 to continue towards 3900 $GME touched 136 premarket, if this holds 100 it can move towards 136-150 $AAPL setting up for 145-151 before earnings Good luck! 😁" +"Mon Jan 18 18:35:46 +0000 2021","Happy MLK everyone. Below is my watchlist for this week. Will follow up with charts on this thread... Have a beautiful day! 🙏 $NNDM $AAPL $TSLA, $TTD, $BNGO, $FUBO, $FUTU, $JMIA, $CCIV, $OPEN, $QS, $RKT, $PLUG, $TLRY, $ACB, $TDOC, $NIO, $NET, $PLTR, $V, $FCEL, $SQ, $BLNK" +"Fri Jan 08 21:55:19 +0000 2021","Also fascinating is that $TSLA is now trading more than $SPY on regular basis (shown by the white in this chart). Nothing has traded more than $SPY (even for a day) since the '90s basically. I also threw in $AAPL for context. " +"Mon Jan 18 21:02:00 +0000 2021","Market just closed, another great trading day for my students! Here is how my watchlist did today: $AAPL +0.00% $GOOG +0.00% $AMD +0.00% $TSLA +0.00% $NKLA +0.00% Get my Premium VIP picks for just $997/month!" +"Tue Jan 05 11:43:00 +0000 2021","Today's going to be a very interesting day if we get Senate run-off results by EOD. IF Dems get both seats, I'd expect the Dow to drop about 1,200 points and $QQQ about 500 immediately. $TSLA will come down with the rest of the markets so be very cautious today/tomorrow morning." +"Mon Jan 18 14:10:14 +0000 2021","The most super #stocks in history outperformed the general stock market during a correction. That's the time when you clearly see the demand for the stocks … The strongest moves in $AAPL, $AMZN, $TSLA, $NVDA … started that way. Look at the Relative Strength Line first!" +"Thu Jan 28 15:10:38 +0000 2021","By the way Financial Internet....Facebook, Tesla and Apple reported earnings last night.... The puck is really over here.... $fb $aapl $tsla" +"Wed Jan 27 11:09:06 +0000 2021","Good Morning! FOMC Today and Presser $MSFT pt raised to $315 from $285 @ GS $AMD pt raised to $100 from $86 @ JPM $AMZN pt raised to $4155 frin $4100 @ JPM $KSS u/g Buy @ Citi $BB d/g Underperform @ Scotiabank $SRNE positive COVI-MSC study data" +"Wed Jan 27 08:27:03 +0000 2021","7/x vacílate to & fro violently w/ Gary pinning the index to the mat. Expect more of the same w/ earnings, new policy announcements, & the fed. We already see the NDX taking off on MSFTs beat, NTM all the drama in the WsB story stonks... be watchful of potential Powell commentary" +"Thu Jan 28 11:15:01 +0000 2021","Good Morning! Futures Slightly Down $AAPL pt raised to $164 from $152 @ MS $AAPL pt raised to $132 @ Bernstein $AAPL pt raised to $140@ CS $FB pt raised to $285 from $275 @ Piper $ABT u/g Buy @ BTIG $TWTR u/g Overweight @ KeyBanc $TSLA d/g Market Perform @ JMP Sec" +"Sat Jan 09 20:39:12 +0000 2021","Market generals are slowly bleeding out, despite new highs in the market indices. Did you know... $FB hasn't made a new high since late August? $MSFT and $AMZN haven't made new highs since early September? $NFLX hasn't made a new high since July?" +"Fri Jan 15 11:10:39 +0000 2021","Good Morning! Futures Slightly down... Economic data on tap today and OPEX $SNAP u/g Buy @ MoffetNathanson $APHA u/g Spec Buy @ Canaccord $AMZN pt raised $3900 @ MS $TSLA pt raised to $950 from $715 @ Wedbush $SPOT d/g Sell @ Citi" +"Thu Jan 14 22:16:53 +0000 2021","Mkt feels funky to me. My acct making progress but lots of odd intra-day moves. Think it is b/c big tech being distributed and moves indexes (not just recently but for multiple months if you study the volume). Not sure what that means. The FANG sort of look like could break tho." +"Fri Jan 15 22:45:07 +0000 2021","Largest decline of the FANG stocks: $FB: -60% $AMZN: -94% $NFLX: -81% $GOOGL: -65% $TSLA: -50% $MSFT: -75% I am not willing and not able to hold such a stock through such a big draw down! Instead I trade stocks as long as they go up and exit them if the start to go down." +"Mon Jan 04 21:06:03 +0000 2021","Day 1 down... Markets flasghing warning sings... But some names gave great trades into it.. Caught $NVDA as it went Red to Green for a huge move... $AA and $TQQQ made some money but it was $NVDA.. $GILD Paying long since Friday, $NIO and $TSLA still strong Have a good night!" +"Wed Jan 27 15:44:40 +0000 2021","The hype today in stocks like GameStop $GME, $AMC and more is like nothing I've seen before Crazy to think these are some of the stock set to report earnings after the bell: Apple $AAPL Tesla $TSLA Facebook $FB ServiceNow $NOW Stryker $SYK $LRCX $CCI $EW $CP $LVS $AMP $TER $WHR" +"Wed Jan 06 11:06:20 +0000 2021","Good Morning! Futures very mixed, $QQQ Getting hit.. Fins raging $FUBO: pt raised to $32 from $24 @ Evercore $JBHT u/g Buy @ Citi $TSLA pt raised to $810 at MS $BYND d/g Neutral @ Piper pt 125" +"Sun Jan 10 04:38:59 +0000 2021","I’m starting to think Monday for the Nasdaq could be really interesting And possibly very ugly We’ll see 😉 $aapl $amzn $googl" +"Tue Jan 26 02:12:49 +0000 2021","In the 70's the Nifty 50 was the Nasdaq 100. Xerox, Kodak and Avon Products were the Apple, Google and Amazon of that era. In 2000, it was Qualcom, Cisco, EMC, Amgen, Micron Technology. There have always been FANG stocks; only the names change, but never the final outcome." +"Fri Jan 15 20:55:09 +0000 2021","Big tech names ($AAPL, $AMZN, $GOOG, $MSFT, $NFLX, $TSLA) are hanging on to their ""nested 1-2"" EW counts into the close (barely in some cases!). Tuesday is make or break for these big ones." +"Wed Jan 20 21:57:30 +0000 2021","Wrap Alerts $NFLX 575>593 600c +100%💸 $ISIG Day L🔻 Sw 9>11💸 $CGIX Sw 3.30>5.90💰 Day 4>5.90💰 Others $MBIO 4>4.90💰 $APPS 28>64 $ITRM +150% .68>1.73 $EXPI 49>97 $LAC 11>28 $SKLZ 💸 $ACAM $SEAC $TENX 🔻hold New $INFI 💸 Not all Positions *All Timestamped" +"Fri Jan 15 16:48:43 +0000 2021","@modestproposal1 Comparing apples to oranges: of course FB, Goog multiples start to approach overall mkt as biz matures, also these companies are largest components of spx so its like comparing them to themselves" +"Thu Jan 21 15:47:55 +0000 2021","massive move into aapl nflx googl amzn fb di you listen if you did your yr is made and wifey gonn do that thing she does to you" +"Mon Jan 25 03:00:47 +0000 2021","Big week of earnings coming up. Monday - $XLNX $STLD $AGNC $CR Tuesday - $MSFT $JNJ $MMM $GE $VZ $AMD $AXP $RTX $SBUX $COF Wednesday - $AAPL $TLSA $FB $BA $T $ABT $PGR $ANTM Thursday - $MA $V $AAL $LUV $MCD $WDC Friday - $HON $CVX $SAP $CAT" +"Thu Jan 21 14:23:50 +0000 2021","$AAPL Morgan Stanley raised PT to $152 from $144. $PYPL BTIG upgraded to buy. $PINS Stifel initiated as buy. $GOOGL Piper Sandler assumed coverage as overweight. $FSLY Oppenheimer upgraded to outperfom from perform. $MSFT Evercore ISI added tactical outperform. via @cnbc" +"Thu Jan 21 20:15:09 +0000 2021","THIS MRKT is so STRONG !!!! BTD BTD BTD mrkt !! $AAPL going to b/o VERY soon !!! Leaders STRONG leading mrkt ! Small caps , Micro caps were so strong Robinhood traders love them...... NOT forever !! right? Well, BIG money like to INVEST in BIG stks" +"Fri Jan 29 22:42:27 +0000 2021","Updated Top Positions: $TDOC $AMZN $SE $PINS $JD $DKNG $ETSY $AAPL Yes, I went from zero $AAPL to a lot of $AAPL in one trading day. 🤷‍♀️ There’s a large drop off after my top 8. But if I’m wrong and $AAPL has a lot of downside left, it’ll be back—eventually." +"Tue Feb 23 16:42:36 +0000 2021","The price of my Tesla stock has dropped by almost $100 over the past two days. WTF. (And when will SpaceShipTwo fly again? C'mon now, Virgin Galactic) #StockMarket $TSLA #buythedip " +"Thu Feb 04 02:42:34 +0000 2021","#Fed's Bullard: - Isn't Worried by Current #Stock Price Levels - Isn't Seeing Rising #Financial Stability #Risks ATM - Got Ways To Go Before Thinking About Adjusting Buying How can someone named #BULL-ard ever play a #BEAR-card!? #StockMarket $SPY $SPX $QQQ $DIA $IWM $IWN $IWO " +"Thu Feb 18 23:26:58 +0000 2021","A recap of the $GME hearings today. Congressman - “When you first bought the stock, what’s the highest you thought the price could go?” (Asked at blue dot) Keith Gill - “Somewhere between $20 and $25.” (Answered at red dot) #StockMarket #StocksToWatch $AMC $NOK $TSLA $CCIV " +"Tue Feb 16 09:17:52 +0000 2021","Fuel Tech Inc (#FTEK) price change stats: Last 5 business days: -9% Last 20 business days: -19% Last 60 business days: +388% #StocksToWatch #StocksToBuy #StockMarket #StockMarkets #Stock #investment #NASDAQ #NASDAQ100" +"Thu Feb 25 00:43:22 +0000 2021","LIVE! | $NIO Stock BOOM!🚀 New! #Nio Price Target Based on Latest Data + Technical Analysis + Insider Price Points to Buy & Sell Nio Post Inflation Mania, #TSLA, & #GameStop #AMC Short-Squeeze⚡ LIVE! 🚀 LINK | ---#stocks #stockmarket #ev #car #China " +"Tue Feb 16 09:16:14 +0000 2021","Amyris Inc (#AMRS) price change stats: Last 5 business days: +22% Last 20 business days: +42% Last 60 business days: +540% #StocksToWatch #StocksToBuy #StockMarket #StockMarkets #Stock #investment #NASDAQ #NASDAQ100" +"Thu Feb 04 20:21:04 +0000 2021","UBS Says Electric Vehicles Will Make Up 40% Of New Vehicle Sales By 2030, Driving An Increase In Lithium Demand And Analysts See A 10% Price Hike In 2021; $ASKDF #stock #stockmarket #metals #energymetals #lithium $PLL $LAC $LTHM $TSLA " +"Mon Feb 08 02:02:39 +0000 2021","When you hedge n then fckd both ways 😒 im holding $aapl calls n hedged with $spy puts. Futures is ripping and Hyundai just said they are not in talks with aapl fly autonomous driving. " +"Sat Feb 13 02:47:04 +0000 2021","Price action trading is still probably the most efficient strategy, you look up and all of a sudden its 5 years later and you and that particular company have been through so much together lol. $BHC $BB $TSLA 5+ years #trading #investing #Stock #StockMarket #cryptocurrency" +"Fri Feb 05 19:18:48 +0000 2021","Happy #Friday 🥳 Best week for #stockmarket in 3 months 📊 Earnings have been stellar #Peloton had its first $1bln sales quarter #Snap added 16mln daily active users #Pinterest adds over 💯 mln users during #covid #Apple car 🚘 #CallofDuty lifts $atvi Why is #Susan trending 🤔 " +"Sat Feb 27 08:26:03 +0000 2021","$ALPP - NASDAQ SOON $ABML - Future is key $ABQQ - Netflix Part 2, small position $KRKNF - LT Play $REZZF - LT Play $HCMC - Lotto Play, but will increase $VTLR - LT Play Markets are Red but the DD stays the same 🥂" +"Mon Feb 08 17:16:29 +0000 2021","Let's shape the market. We have the control. Make the markets work for you. Not the other way around. Create a price alert, sit back, and wait. Use Stock Screeners. I recommend #stocks #StockMarket #NASDAQ #NYSE #LOW #RSI #LowPoint #OverSoldRSI" +"Fri Feb 05 22:32:28 +0000 2021","Congratulations Pharmagreen on an amazing day. $PHBI traded over 100M shares today and doubled their stock price! - #trading #stockmarket #stocks #markets #investment #marketing #wallstreetjournal #stockexchange #nasdaq #nyse #otcmarkets #yahoofinance #phbi #milestonemsllc " +"Thu Feb 04 01:15:57 +0000 2021","Let's shape the market. We have the control. I sold my position in $DLTH for a 9% ROI. Held for 11 market days. I bought this because stock was at a lower price than when I bought it at a low point and Oversold based off RSI. #stocks #StockMarket #NASDAQ #NYSE #LOW #RSI" +"Wed Feb 03 14:27:31 +0000 2021","From the Trading Floors: -S&P and Nasdaq futures are higher -Energy is leading again with crude higher and holding above $55 -Technology, Materials, and Financials gaining more modestly -Gold and silver up - $VIX lower at 24.24 @MarketRebels " +"Fri Feb 26 16:22:22 +0000 2021","Even if the gamma squeeze doesn't happen, this stock will settle at a higher price after the $GME frenzy ends $AMC $TSLA $SNDL $EXPR $BB $BBY #OccupyWallStreet #SaveAMC #StockMarket #stocks #wallstreetbets #stocks #stonks #WSB #GME #StocksToBuy #CCIV #LucidMotors #AMC1000 #AMC" +"Tue Feb 23 17:07:58 +0000 2021","Tesladown: why?: Bitcoin down and Tesla announced it had invested $1.5 billion in bitcoin; Tesla cut the price of the cheapest version of its Model Y and its best-selling Model 3 cars by $2,000 each; Increased competition: GM, Ford, AAPL; Shortage of batteries" +"Wed Feb 03 23:30:17 +0000 2021","Coach Matt, Tyler and Tim analyze Google‘s Earnings REport and stock price response in this clip from Wednesday‘s Halftime report. #trading #stocks #stockmarket #google #youtube $GOOG $GOOGL #TeamTackle " +"Thu Feb 25 16:36:19 +0000 2021","GameStop’s #share price is surging once again – & though it’s not clear exactly why, it’s possible #Reddit & an ice cream cone🍦 are responsible. #rt #GME #GameStop #AMC #PumpAndDump #dogecoin #bitcoin #AL #digitalart #Bots #AI #StockMarket #NYSE #NASDAQ " +"Thu Feb 25 14:18:46 +0000 2021","From the Trading Floors: -S&P and Nasdaq futures are lower with downside concentrated again in Technology, most notably in semiconductors -Energy and Financials are leading the upside -Bond yields on the 10-year hit 1.466% -Crude continues higher - $VIX is 22.82 @MarketRebels " +"Tue Feb 23 04:30:51 +0000 2021","Good Morning from Joburg where shares across the Asia-Pacific region were mostly higher after a rough day on Wall Street, where US technology stocks tumbled in the face of rising inflation expectations. Futures for S&P 500 rose 0.30% and JSE Top 40 called up 200 points or 0.33%. " +"Mon Feb 15 00:02:40 +0000 2021","FAANGM - ytd perform' $FB -1.0% $AAPL +2.2% $AMZN +0.6% $NFLX +2.9% $GOOGL +19.5% $MSFT +10.1% -- All six look due to break new hist' highs into the spring/early summer.... even laggy Facebook! @petenajarian " +"Wed Feb 03 09:26:40 +0000 2021","$GOOG's price moved above its 50-day Moving Average on January 19, 2021. View odds for this and other indicators: #Alphabet #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Feb 03 11:27:38 +0000 2021","$NDAQ in Uptrend: price may jump up because it broke its lower Bollinger Band on January 29, 2021. View odds for this and other indicators: #Nasdaq #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Feb 03 08:59:51 +0000 2021","$TSLA in Uptrend: price may ascend as a result of having broken its lower Bollinger Band on January 29, 2021. View odds for this and other indicators: #Tesla #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Tue Feb 02 05:16:37 +0000 2021","$MSFT's price moved above its 50-day Moving Average on January 20, 2021. View odds for this and other indicators: #Microsoft #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Mon Feb 01 02:31:39 +0000 2021","SNAP-relative strength at the end of last week. Interested in earnings reports for SNAP PINS PTON U SPOT CPRI PENN LSPD ALGN PYPL QRVO GOOG AMZN CMG MTCH. Going to get some awesome new opportunities after some of these reports are out of the way. " +"Thu Feb 18 14:29:53 +0000 2021","Gracias por acompañarme en Premarket. No mucho que me guste.... $JETS $VIPS $GNRC PT BIDU SHOP FLSY GM GRMN DVN MRNA KRNT OI VALE GSAT T UBER C GOLD CS SBUX STNE SNDL Y las de earnings " +"Tue Feb 23 02:12:39 +0000 2021","Some impt VWAP levels in $SPY from late Jan low ~386 and YTD VWAP ~ 381 $QQQ from late Jan low (possible resistance) ~329.50 and it is right on YTD VWAP $IWM late Jan low ~221.20 and YTD VWAP lines up w trendline near 214 pullback mode until VWAP from peaks (red) flattens out " +"Wed Feb 03 01:46:51 +0000 2021","Trade Alert Update $VXRT - Vaxart Inc Alert Price: $6.8 Price High: $24.9 Profit/Loss: 266% Potential Stop Loss: $23.655 #motivation #finance #investing #trader #stocks #stockmarket #investments #wallstreet #daytrader " +"Mon Feb 01 19:48:53 +0000 2021","Trade Alert Update $SNDL - Sundial Growers Inc Alert Price: $0.52 Price High: $1.19 Profit/Loss: 129% Potential Stop Loss: $1.1305 #motivation #finance #investing #trader #stocks #stockmarket #investments #wallstreet #daytrader " +"Mon Feb 01 18:47:39 +0000 2021","New Free Trade Alert $AKU - Akumin Inc Com Market Price: $3.15 Potential Price: $3.78 Potential Gains: 20% Potential Stop Loss: $2.99 #motivation #finance #investing #trader #stocks #stockmarket #investments #wallstreet #daytrader " +"Sun Feb 28 16:03:57 +0000 2021","Last week I said bleed may 🛑 ~380 $SPY Although I somewhat hope red days r over, it looks as though we may b in4more pain toward 370, possibly 363 Continue to monitor $AAPL $TSLA $BTC for weakness Introduce $ICJ. High ICJ (over 54-60+) is often ⚠️for stocks📉 $SPX #ES_F $QQQ" +"Tue Feb 23 01:42:05 +0000 2021","Good morning Global cues --Mixed Wall street mixed Dow up 27pts NASDAQ slips 341Pts Tech stocks drag the mkt Rise in Us Treasury ylds impacts Equity trade Japan closed today. HangSng dn 129 pts SGX at 64pt up @CNBC_Awaaz" +"Thu Feb 11 04:54:01 +0000 2021","My basket of stocks for options are usually just the big names that move everyday such as AMZN NFLZ AAPL FB PYPL BA NVDA AMD because we know that their volume will always be high." +"Tue Feb 16 03:22:42 +0000 2021","$AAPL is getting tight in the triangle, supporting well on AVWAP. Volume is decreasing as the triangle reaches the apex - watching for increased buying volume on a breakout next week to get long. An $AAPL breakout would provide a nice push to an already strong market $SPY $QQQ " +"Thu Feb 04 00:54:13 +0000 2021","$AAPL - Trade Idea - Above 138 - Feb 12 140C Closed at 133.94 Up 3.5 pts after hours on EV news with Hyundai-Kia The next time AAPL closes through 138 it can run towards 145 - $AMD $AMZN $BA $BABA $PYPL $FB $MSFT $NFLX $NIO $NVDA $PLTR $ROKU $SNAP $SPCE $SPX $SPY $SQ $ZM $GME " +"Thu Feb 25 20:56:26 +0000 2021","Markets are down.... @Nasdaq dives 4% .... tech stocks dragging index down.... BTC at 49ks...interesting times we are in...." +"Sun Feb 28 03:15:29 +0000 2021","The largest drops in RS over the last two weeks have come from Growth stocks, Biotech, Tech, Cloud Computing, Home Construction, and China $SPYG $BBH $SPYY $XLK $ITB $GXC " +"Thu Feb 25 13:50:19 +0000 2021","Interesting snapshot of the 30 Dow members. Significant divergence so far in 2021. The two big retailers $WMT $HD are at extreme oversold levels. Apple $AAPL is oversold. Look at where the strength is - Energy, Financials, Industrials. Intel $INTC is quietly up 27% YTD. " +"Wed Feb 03 00:57:08 +0000 2021","Global-Market Cues 1/1 -Dow up 476, Nasdaq up 209 -The US markets jump as Tech shares presented better earnings and the GameStop trading mania unwinds -Amazon and Alphabet posted good results -Jeff Bezos to step down as Amazon CEO, Andy Jassy to take over in Q3 @CNBC_Awaaz" +"Fri Feb 05 23:16:01 +0000 2021","$SPY 387.71 high of day and week close is bullish and about to breakout . $TLT 148.03 closed low of the day and weekly shows 140 next (bullish for stock market) $JPM 137.98 close near high of week (bullish for stock market) 1.9 Tril stimulus markets lean higher " +"Thu Feb 04 01:12:51 +0000 2021","How many times did fear-based narratives and Old Wall Media tell you to sell big cap Tech? In other news, NASDAQ ramped right back to its all-time highs... as is should in #Quad2 " +"Sat Feb 06 19:02:49 +0000 2021","Courtesy of Earnings Whispers............... We will be reviewing these this weekend with analysis at / #stocks #trading $SPY $AAPL $AMZN $GOOGL $NFLX $FB $TSLA $GME $AMC $DKNG $PENN $PTON " +"Thu Feb 25 14:38:09 +0000 2021","🙏 x acompañarme en APM. PT ARD NVDA CAT OSTK▼ DIS RDFN TDOC TOL OI GME SNAP NCLH FBP SNDL BAC WFC GE UG SQ RUN DG DG DLTR News Coinbase IPO MRK compra PAND Patrones ADNT BTBT PLT CCS CELH APPS" +"Sun Feb 21 12:42:34 +0000 2021","Grab your favorite Sunday beverage and tune in to ""Stocks A to Z""! Will the market bounce back after a choppy week? $AAPL, $AMD, $AMZN, $BA, $BYND, $CRM, $DIS, $DKNG, $FB, $GOOG, $HD, $IWM, $MSFT, $NFLX, $NVDA, $QQQ, $ROKU, $SPX, $TDOC, $TSLA, $XLF, $ZM. " +"Mon Feb 22 20:31:57 +0000 2021","Yes , You are right! Energy and Financials Leading today and by far, so rotation into those stocks,that is reason SPY is little better than Nasdaq which is Tech Heavy but overall both not in good state. Will review daily charts to see what is next #sectors #spy #qqq " +"Mon Feb 22 21:21:39 +0000 2021","$SPY #chart So S&P little better than Nasdaq 100 that too because Financials and Energy did better Support on S&P at 385, will be interesting to see if it holds here for bounce on 20 EMA , $VIX weakness ideal " +"Wed Feb 10 15:44:44 +0000 2021","$QQQ Nasdaq Bear Flagging If 330 breaks can see 327 $VIX if breaks 24 ,market can further selloff if you want $UVXY calls to scalp or Puts to scalp " +"Fri Feb 05 01:00:38 +0000 2021","Good evening! $SPX closed at 3871.74. SPX printed a new all time high today. SPX can move towards 3975 if it breaks above 3900 next. $AAPL managed to close at the highs after dipping to 134. . Keep an eye on 138 for tmrw..AAPL Feb 12 140c can work above 138 Have a GN! 😁📈 " +"Fri Feb 26 13:43:08 +0000 2021","Let's see if this $SPY rip holds 🤷‍♂️ This was my shopping list and scoop averages last night posted in the room -- took advantage of AHs sell off -- besides the $SPY calls I bought yesterday when tweeted. $FCEL $SNAP $AMD $NIO $FUTU $PLUG $RIOT " +"Mon Feb 22 02:34:42 +0000 2021","Big Earnings week , should be lot of trading opportunities Few I am watching closely $BIGC $NVDA $TDOC $SQ $UPWK $JMIA $PLUG $W $CRM $ETSY $BYND $WDAY $ABNB $DKNG $CGC $HD " +"Tue Feb 16 02:22:46 +0000 2021","Market Watchlist for 2/16-2/19📈 A lot of nice setups going into the short week. Futures with a strong gap up and $ES_F setting up for a 4000 test! $GOOGL $DOCU $FDX $QS $AMD $ADBE $JD $WMT $AAPL $FB $CAT $TTD $CRM $BABA $NVDA Come join us! " +"Tue Feb 23 16:20:49 +0000 2021","$SPY $QQQ #idea I think with strong bullish notes from Powell, this was healthy dip and correction and should see continuation. Good idea to find plays on deals $SPY will confirm over daily 20 EMA $QQQ will confirm over daily 50 EMA " +"Wed Feb 10 17:03:45 +0000 2021","$SPY #update 10 Min clouds still red under 5-12 EMAs Maybe sideways chop here for a while as long as support holds $AMZN $FB $TSLA same move here as they go with market " +"Sun Feb 21 23:02:02 +0000 2021","$AAPL - Swing Trade Idea - Mar 19 135C - bid/ask: 2.16/2.18 Closed at 129.87 after testing 130 but failed to close above Once AAPL can reclaim 132 it can start bounce towards 136-138 next - $AMD $AMZN $BA $BABA $NFLX $NIO $NVDA $PLTR $ROKU $SNAP $SPCE $SPX $SPY $SQ $TSLA $ZM " +"Wed Feb 03 12:20:38 +0000 2021","Happy Wednesday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Higher Open - $GOOGL $AMZN Jump After Earnings - $GME $AMC $BB Bounce Back - $PYPL $SPOT $QCOM $EBAY Earnings - ADP Jobs Report, ISM Services PMI *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM " +"Thu Feb 25 02:59:32 +0000 2021","$SPY $QQQ #update 💰 Analysis paid today; we continuation on Nasdaq 100 (QQQ) and SPY QQQ Reclaimed 50 EMA, 328 is next level to reclaim SPY as I mentioned on Webinar, 20 EMA 386 level reclaimed for big push Always look at bigger picture intraday.👊 Look history below " +"Tue Feb 02 18:56:34 +0000 2021","I'm still cautious as $QQQ revisits all time highs. Price is 9.5% away from its breakout which would be normal price action. A retest is only one of the possibilities. Watch if the leaders fade into the close and of course $AMZN earnings tonight " +"Tue Feb 23 18:22:17 +0000 2021","Nasdaq: Flat bottom broadening formation in play. in amongst the mother of all rising wedges . Expect a bounce THEN lights out . For ones private perusal ...enjoy " +"Wed Feb 03 02:13:23 +0000 2021","$QQQ Nasdaq found sellers the last time it was up in this level. Momentum is having a tough time getting oversold and volume is light. I have no idea if it gets rejected again or if it screams higher. I'm building my focus list if this market moves higher " +"Mon Feb 22 17:34:16 +0000 2021","$QQQ #update Nasdaq really weak and on downtrend since opening range break Not best day to go long on Large Caps #riptips Stocks Trending in market direction will see best continuation. If Market is weak, Shorts are better and If market is strong, Longs are better " +"Sat Feb 06 11:37:09 +0000 2021","$Nasdaq The Nasdaq daily/weekly/monthly charts with the ToS chart from the great & legendary @mwebster1971 .... It is borrowed from the IBD Live feed...A clear trend...& the trend is our friend....we dipped two weeks ago & rallied last week. Who knows what next week may hold? " +"Wed Feb 03 00:54:17 +0000 2021","Good evening! $SPX strong bounce from last week's lows at 3694. SPX can move to 3900 if it breaks above 3855. Puts can work under 3800. $TSLA is still setting up for a move to 900. For tomorrow watch 886 for an entry $NVDA can move towards 555-561 by Friday Have a GN! 😁📈 " +"Wed Feb 10 21:07:40 +0000 2021","The Red 🔴 finally caught up to me 🤷‍♂️ $ZMDTF got a Spiffy Pop 🚀 But $MGNI nearly had a Spiffy Drop 😅 Sold $TWTR +37% on the Swing trade No buys And today we get the losers $MGNI $SE $FSLY $PLTR $ENGMF $SKLZ $UPWK $WIMI $IDN Hope some of you squeaked out a gain. 🗣👇 🦜 " +"Wed Feb 24 13:59:25 +0000 2021","Gets quite bearish on $SPY if under 385 🎯384 🎯382 🎯379 I will look for more shorts in the morning if $QQQ sustains below 320 Still a risk-on scenario for at least the rest of the week Good luck every1 🍀" +"Tue Feb 23 22:27:05 +0000 2021","Notes for @Qullamaggie 2/23/21 -QQQ break the 50 MA, but rallied midday -Kris is short a few stocks -Great info on short entries -Now is not the time to be aggressive long or short Quote: ""Stocks can go down too? What type of sorcery is this?"" " +"Mon Feb 08 00:30:33 +0000 2021","Few names I am watching on multiple timeframes:: $BLNK $NET $NVCR $FCEL $TSLA $GOOGL $NFLX $AAPL $ZM $CHWY $PLUG $PINS $SPWR $ALGN $MMM $TOL $MCD $MSFT $SNOW" +"Tue Feb 02 05:16:29 +0000 2021","Party is on. As of now, all US future indexes are rising & Nasdaq leading. What’s important tmrw: - $AMZN & $GOOGL ERs - Potential $VXRT P1 data release (any day in the week) - Potential for further stimulus progress - Where the Reddit-fueled short squeezes go next? GN & GL! " +"Wed Feb 03 15:27:18 +0000 2021","I'm generally long, so I'm biased, but Excellent earnings reports from bellwethers in tech $AAPL $MSFT $AMZN $GOOGL $FB $NFLX $AMD $LRXC and a move slightly down is excellent news for the bull to keep running. We want short term selling. We do not want 1999-'00. So, not 👇 " +"Mon Feb 15 21:04:33 +0000 2021","Stocks I’ll b looking at this week: $XL $VISL $AFMD $NPA $RGLS $HYLN $NFLX $TSLA & of course $SPY $SPX Will need to compile list of all previously recommended stocks ltr. Might take a few hours next Saturday haha Stay safe all! & To all Texans: best wishes. Try to stay warm" +"Thu Feb 25 22:45:36 +0000 2021","Also interesting, $QQQ nearly broke it's all time volume record as well w/ an intense $34b (more than $TSLA). Basically treasuries and tech went (relatively) crazy today. " +"Thu Feb 11 16:30:02 +0000 2021","To put it in context it is equal to the combined $AAPL and $AMZN bullish skew or if you’d rather to the combined $BABA, $FB, $MSFT, $GOOG and $WMT combined. Now obviously some of the OI and the put skew will unwind on the 19th OpEx but far from all. (10/N)" +"Thu Feb 25 16:37:38 +0000 2021","I don't even need to watch the NASDAQ. I can see when the yield is rising or falling to see exactly what stocks are doing against that movement. $TSLA" +"Wed Feb 24 18:38:03 +0000 2021","Here are just some of the names that AJ and I will be taking a look at this afternoon: $AAPL $AMZN $BABA $CCIV $DIS $DKNG $FB $JMIA $MSFT $NIO $NVDA $PYPL $RIOT $ROKU $SLV $SPCE $TSLA Request a ticker: " +"Wed Feb 17 01:35:45 +0000 2021","Futures fall, amid six key earnings. Earlier, JPMorgan, Caterpillar broke out as Apple, Tesla test support. $AAPL $TSLA $JPM $CAT $CSOD $EXAS $SEDG $CRSP $RNG $QS " +"Wed Feb 17 21:10:40 +0000 2021","Provided free here on day when many were fooked. $TSLA downside 772🎯 met given 799. $AMZN leader, 3320🎯 after 3258 was protected, then -19. $QS 65🎯 $DNN calls 90+%, $FB call given 1.76 now 2.25. RT & ❤️ if u want more tomorrow 🔥" +"Tue Feb 09 01:49:42 +0000 2021","$SPOT Keeping an eye on this one. Decent move today and teasing a bounce. Over 331 can see 342, 355, 371 above $SPY $AMZN $AAPL $BA $NFLX $TDOC $SHOP $TSLA $DIS $AMD $ROKU $NVDA $FB $PYPL $DOCU $CRWD $ETSY $SQ $MSFT $BABA $ZM @TrendSpider " +"Mon Feb 01 13:10:49 +0000 2021","Overall market feels back to normal this morning but will take its cue from $GME saga, which should soon reverse, and $AMZN and $GOOG EPS tomorrow. RH $SLV a new battleground but without short interest juice not sure of staying power. Piper $TSLA $1,200 PT hike feels sustainable." +"Thu Feb 04 00:56:21 +0000 2021","$AAPL Forming a bit of a 'higher-low' base around 134. Currently trading just under 137 after hours. Will be watching for a move over 138 for entry. Targets above at 145, 150 $SPY $AMZN $NFLX $SHOP $TSLA $AMD $NVDA $FB $SQ $MSFT $BABA $ZM @TrendSpider " +"Thu Feb 04 04:24:29 +0000 2021","@DakotaQ11 @Smitty_Hughes @Apex_KJ Stock performance since Steve Jobs died: • $TSLA: 15,700% • $NFLX: 3,100% • $AMZN: 1,300% • $AAPL: 914% • $MSFT: 820% • NASDAQ: 445% No. Like I said, there were better opportunities. Keeping your money in Apple wasn't a bad idea. SpaceX and Neuralink are on my radar next." +"Mon Feb 01 01:14:06 +0000 2021","Hi everyone! Below is my watchlist for next week. I will keep updating on this thread as usual. Have a good trading week and trade safe 🙏: $SPY $BNGO $AAPL $LI $RIDE $FUBO $NIO $NNDM $DKNG $CCIV $TSLA $NOK $ZM $NFLX $AMZN $MSFT $UBER $MARA $SLV $AMC $PLUG" +"Sat Feb 20 04:16:58 +0000 2021","$SPY $QQQ $IWM 100% we gap down on monday b/c... I didnt swing puts. So weekend plan will start with ""after the huge gap down, look for... A or B to happen... if not, go play with the cat""" +"Fri Feb 05 21:26:54 +0000 2021","VIDEO Stock Market & Individual Stock Analysis $AAPL $AMZN $BYND $NFLX $CRSP $DADA $HOME $PRTS $WWR $VBIV $SPY $QQQ $IWM $SMH $IBB $XLF ⚓️VWAP⚓️ " +"Thu Feb 25 14:46:06 +0000 2021","Stocks moving a bit lower. Some sell the news after good earnings reports from nvidia and IIPR. Opportunity to look at those names. Looks like they halted $gme as well. $iipr $nvda" +"Mon Feb 01 20:39:25 +0000 2021","If you ignored the fear mongers and held in with fundamentals last week, a good day today for the home team. $APPH $APPHW $IAC even $TSE $OSTK decided to come out of the locker room today. And I’ll remind you, the DIS+ moment might be coming in $TWTR" +"Fri Feb 19 15:16:32 +0000 2021","$SPY $QQQ $IWM remember what I mentioned.. today could seal the near term win for the bears if they can get the weekly engulfing close. Do they finally show up? Take your bets" +"Tue Feb 23 14:48:58 +0000 2021","Nasdaq down another 450+ points so far this morning. Feels like tech sector is getting rap ped 💤 For most people their last 3 months gains all got wiped out in last 3 days at least on paper as seen from brutal selloff imo 🤬 $TSLA down $90+ right now within mins😴 #SupDup" +"Mon Feb 22 11:08:09 +0000 2021","Good Morning! Futures down, $QQQ down over 1% $SNAP u/g Overweight @ MS $DAL $LUV $AAL $UAL etc u/g to Buy @ DB $BA FAA orders immediate inspections after United jet incident $SPWR d/g Underperform @ CS" +"Fri Feb 05 11:06:21 +0000 2021","Good Morning! Futures up slightly ahead of NFP $SBUX u/g Buy @ Gordon Haskett $PTON d/g Market Perform @ RJ $Z u/g Buy @ GS $ATVI ptt raised to $120 from $97 @ Piper $SNAP pt raised to $63 from $60 @ KEYBANC $PINS pt raised to $92 from $86 @ Keybanc" +"Wed Feb 24 03:50:39 +0000 2021","Narrative accompanying today’s rebound in #stocks, including and particularly for high beta #tech names such as #Tesla, repeatedly refers again to the trifecta of BTD, FOMO, and TINA—Buy The Dip due to Fear Of Missing Out on a renewed rally as There Is No Alternative to #stocks ." +"Fri Feb 05 02:22:12 +0000 2021","Can't believe another huge day tomorrow.. We have a great note tonight out for club members on $F that explains why it is acting as it is. Same with $NLOK which is becoming a very cheap stock. $SNAP call a little weird. $PINS v. positive. $ATVI amazing..." +"Thu Feb 11 11:16:52 +0000 2021","Good Morning! Futures up Slightly $BBBY u/g Buy @ BAC $UBER pt raised to $70 from $57 @ Barclays $UA $UAA pt raised to $25 from $14 @ Barclays $PINS $MSFT made an approach to buy Pinterest $PEP EPS beats by $0.01, beats on revenue" +"Fri Feb 26 18:23:04 +0000 2021","Ran through the #TickerMonkey UWL and these standout to me : ABNB APPS TWTR DKNG NFLX SNAP WIX PUBM FUTU TME VYGVF TRIP And for two new ones that I'm interested in for base attempts APPH DNMR" +"Tue Feb 23 16:11:51 +0000 2021","Interesting market - Nasdaq bounces off 50-day for now. S&P climbs back up to the 21-day area and the Dow is holding its 10-day. We see what happens next." +"Thu Feb 18 15:50:10 +0000 2021","Blood is on the street 🩸 with #DJIA down 250+ and #Nasdaq down 200+ points right now 😭 but be brave. Weather the storm. I am again on a Shopping Spree on today's fire sale prices. I am buying some select stocks for ST, NT & LT investment imo #SupDup" +"Wed Feb 24 00:52:11 +0000 2021","Cathie Wood & @ARKInvest trade activity from today Bought: Twitter $TWTR Tesla $TSLA Spotify $SPOT Facebook $FB $DISCA $OPEN $MASS $SGFY $BFLY $ACCD $RPTX $U $TXG $BEAM $FATE $VUZI $EXPC $RAVN Sold: Amazon $AMZN Apple $AAPL $SPLK $TMO $HIMS $GOOGL $Z $TCEHY $ROKU $SE $TSM $CRM " +"Wed Feb 03 11:05:45 +0000 2021","Good Morning! Futures up slightly $PLUG int Outperform @ Bernstein pt $75 $BABA pt raised to $345 @ Citi from $316 $AMZN $GOOGL many pt raises $AMGN pt lowered to $260 from $280 @ Piper $FEYE pt raised to $27 from $18 @ JPM $EA int Outperform @ RJ" +"Fri Feb 26 00:01:03 +0000 2021","ARK Invest busy today. Bought another 1.7 million $TWTR, sold another 1.5 mill $SNAP, selling size in $BABA, selling $AAPL, selling $GOOGL and selling $AMZN. Whateves... $ARK shares down -$10 on the day. @zerohedge @jimcramer @tomkeene @SquawkCNBC" +"Wed Feb 17 23:50:09 +0000 2021","Cathie Wood & @ARKInvest trade activity from today 2/17 Bought: Tesla $TSLA Shopify $SHOP Abbvie $ABBV $VEEV $SGFY $EXAS $CMLF $BFLY $NTDOY $IRDM $FATE $BEAM $TDY $RAVN $KMTUY Sold: Google $GOOGL Tencent $TCEHY $CDNA $TWST $VCYT $ONVO $SPLK $SSYS $BYDDY $AVAV $API $PD $PSTG " +"Tue Feb 02 14:04:55 +0000 2021","Good morning! Strong gap up $SPX $QQQ today, if SPX can hold above 3800 it can move towards 3837.. possible to see 3900 in the next week $AMZN setting up for a move to 3600 after earnings, 3600C can work $TSLA watch 859 today if it breaks above it can run to 900 GL! 😁" +"Thu Feb 18 15:31:22 +0000 2021","SPY we tested 50SMA, rallied back up, and now losing short term EMAs again. If look at last February very similar. Will post chart later. Know exposure/positions, (plan for acct/trades). Doesn't seem like time to be ultra aggressive." +"Tue Feb 23 11:08:09 +0000 2021","Good Morning! Futures down.. $QQQ leading down $HD EPS Beat .03 REV Beat $SBUX u/g Outperform @ BMO $PANW u/g Outperform @ BMO $IQ u/g Sector Weight @ KeyBanc $BIDU pt raised to $390 from $290 @ Keybanc" +"Wed Feb 17 17:08:05 +0000 2021","$NAKD traders forgetting this isn't in market indexes. No reason to be trading inline with SPY or QQQ. This happened on the 10th too and gapped up the following day. Let's see if the pattern repeats" +"Thu Feb 18 11:15:03 +0000 2021","Good Morning! Futures down, tech weaker $SHOP pt raised to $1680 from $1323 @ GS $SHOP pt raised to $1500 from $1300 @ Oppenheimer $TWLO pt raised to $550 from $475 @ Piper $GM pt raised to $85 from $70 @ Citi" +"Wed Feb 10 18:16:25 +0000 2021","ttd ceo said NO material impact from aapl privacy opt out change stk was 970 .. NO one listening clowns..1200 on earing poss. .@jimcramer can gift to your followers simple simple" +"Tue Feb 23 21:29:18 +0000 2021","Hope everyone had good day. Not easy but one hell of a bounce.. 30 Minutes of selling all we can muster.. Traded $TQQQ $MSFT $FB $SNAP for nice wins today.. in and out of them. $SPY on the 8D tomorrow going to be fun!" +"Tue Feb 23 20:03:07 +0000 2021","But that 800 point drop in the Nasdaq was a warning shot of what's the come this year. A little taste of air coming out the Bubble. And believe me that was just a taste." +"Tue Feb 23 19:18:51 +0000 2021","$SPX $QQQ possible day 1 of a bottom here.. $QQQ back to 318, needs to close here.. It's a choppy day now, lots of stocks are stuck in a range $AAPL back near 125, if this moves red to green it should test 128 by the end fo the week" +"Mon Feb 08 21:06:53 +0000 2021","Marekts closed At ATH""s but names are paying.. $SQ $NVDA $AMD they jumped on early.. Traded $SQ $NVDA $PLTR $AI for nice wins.. took a loss on $MARA.. lost patience.." +"Thu Feb 18 15:26:32 +0000 2021","$SPY $QQQ Lower here $VIX Higher Nasdaq weaker 24 Key Pivot for VIX here, if builds higher more sell on the market Looks like both $SPY $QQQ want to test 20 EMA on daily, that is support for bounce" +"Fri Feb 26 03:08:54 +0000 2021","I am watching these for clues on the market's direction. $TWTR $VIPS $SONO $NFLX $PINS For the week thus far, these are strongest CAN SLIM names I see in terms of price action with a $COMPQX down 5.4% and $SPX down 2%. If these breakdown, odds of more downside increase." +"Sat Feb 27 17:06:54 +0000 2021","Watch List: $TWTR, $PINS, $SNAP, $APPS, $WIX, $HZNP Earnings WL: $ZM, $DDD, $SE Not a lot out there in terms of bases and setups which tells me time is needed." +"Tue Feb 02 22:13:40 +0000 2021","@GetBenchmarkCo $PINS merges with $ETSY $GRWG becomes comparable to $HD $PYPL/ $SQ outgrow $V/ $MA $SI bigger than $WFC $LMND has larger market cap than $ALL/ $MET" +"Thu Feb 04 01:43:57 +0000 2021","US futures rise slightly, Nasdaq leads. Big movers in after-hours: $SAVA $GOEV $IPOF $RESN $ETH $BTC Also $TWST & $U will report earnings tomorrow AH." +"Sun Mar 21 02:22:47 +0000 2021","Here is how Ark Invest explains Tesla stock's new price target of $3,000 by 2025. See the bear and bull scenarios. - - #Tesla #TeslaStock #TSLA #StockMarket #StockMarketNews #cathiewood #ArkInvest " +"Mon Mar 01 17:15:10 +0000 2021","@RobinhoodApp You ripped me off. I Bought 21 Shares of CHK stock at $.79 Soon as the price skyrocketed, Robinhood took the stock away. I lost money ! Now, they bring back the Stock at $45. I want My Money Back ASAP !!! #Robinhood #Stocks #NYE #DOW #StockMarket #RippedOff #Money " +"Fri Mar 26 18:07:37 +0000 2021","If you Bought #tsla $TSLA at $888 🙄 you should love at $608 #Stocks #Stockmarket thanks #ARK for Pumping the Stock Price to $3000 post split ( $15000) PS: I don't have any new position Tesla Car in 2021 " +"Wed Mar 31 12:21:43 +0000 2021","What better price to buy #Tesla $TSLA stock than now? Is the price too high? No. We just had a 40% correction. #Trading #Investing #StockMarket " +"Thu Mar 11 18:49:55 +0000 2021","$AAL now a recovery play & stock is posed to surge higher days from now. Price chart is a beauty. Strong accumulation by smart #funds. ROC, OBV and volume analysis confirms buy signal. Buy above $23 breakout on > 75M daily volume. PT = $34. SL = $21.50. #StockMarket #investing " +"Wed Mar 17 15:00:58 +0000 2021","Stock market generated Pre-market price spikes, gap window, and 100% fib support $qqq $qid $qld $spy $spxl $sso $sds #nasdaq #spx #sp500 #stockmarket #trading " +"Wed Mar 17 09:41:10 +0000 2021","If #yields continue to rise, the price of the stock market is expected to fall. #StockMarket $SPY $DIA $QQQ " +"Fri Mar 12 11:23:56 +0000 2021","Beeple NFT Price Could Have Been Even Higher Than $69M Only If Cryptos Controversy Child Had His Way Benzinga #tesla #tsla #stock #stockmarket #options #money #cars #tech #technology " +"Mon Mar 01 20:11:22 +0000 2021","$TSLA needs to break above $715 (todays resistance)..dry/low liquidity in this price range.. break above and game on...$750 is possible today in power hour ,closing algo pushing higher...break below...ahhh God help us all. #StocksToWatch #StockMarket #Stock #stonks #tendies" +"Thu Mar 11 02:49:35 +0000 2021","#MarketsWithMC: The S&P 500 rose, and the blue-chip Dow hit a record high after tepid consumer price data for February calmed inflation worries. #Stocks #StockMarket #StocksToWatch " +"Mon Mar 01 19:43:33 +0000 2021","All #Apple stores are REOPEN for the first time in a year 📲 Last closed stores in #Texas reopening this morning $aapl helping drive the broader #StockMarket rally 📊 Best day for the S&P500 in 9 months $spy Best day for the #DowJones in 4 months $dji Also watch #Zoom earnings " +"Tue Mar 16 13:30:31 +0000 2021","From the Trading Floors: - Futures mixed with the Nasdaq looking to open higher -Tech is leading the upside by a wide margin -Energy is down by about the same % -Indexes fluctuated a bit after retail sales came in weaker than expected - $BTC $55K - $VIX is 19.92 @MarketRebels " +"Thu Mar 11 14:20:22 +0000 2021","From the Trading Floors: -Equity index futures mainly on Nasdaq -The 3 sectors leading are Technology, Communications, and Consumer Disc. -Energy is a distant fourth with Financials slightly weaker -Crude is up -10-year fell below 1.5% - $VIX is 22.11 @MarketRebels " +"Wed Mar 10 18:20:26 +0000 2021","@MatthewJamesHe7 yes - right now, i am trimming stock for the $$ to get QQQ on a dip. hopefully, when I hear Nasdaq tanked, i can get it at a good price. There will be ups and downs; but a think long-term, it is a good bet with relatively less volatility" +"Mon Mar 22 18:55:54 +0000 2021","U.S. #StockMarket Indices Nearing Pivotal Price Levels - $SPY $IWM $QQQ" +"Tue Mar 16 13:00:00 +0000 2021","$AMD Stock Update 🚨 We Take a Look at🔎 💪 New DataCenter CPU 💰 $INTC and $NVDA Price Target 🚀 Free NFT Giveaway!! #stocks #StockMarket #StocksToWatch" +"Sat Mar 20 13:22:14 +0000 2021","What do you think the price of @Tesla $TSLA stock will be at the end of 2021? @MrZackMorris @Hugh_Henne @alexcutler247 @SpacHunters @SpacGuru @buysellshortnet @StockDweebs @Ultra_Calls @leongaban @realMeetKevin @WSBChairman @TornikeLaghidze #investing #StockMarket $NIO @VW" +"Mon Mar 29 12:32:16 +0000 2021","#Dow #Futures Fall As #Bitcoin Surges; Boeing Jumps On Max Jet News, While #Tesla Drops via @IBDinvestors #investment #investments #investors #markets #StockMarket #stocks #ElonMusk" +"Wed Mar 10 04:32:09 +0000 2021","Post Market Analysis: Here is why today's strong bounce isn't good new for the bulls + how high can $TSLA go before reversing again? + The biggest insiders trades + will tomorrow's inflation numbers get cooked? charts $SPY $QQQ $IWM $DXY $AAPL $VIX $TLT " +"Fri Mar 05 15:44:15 +0000 2021","ARKK down more than 30% in 2 weeks while nasdaq has corrected 10%! The cracks in Tech stocks beyond the top 5-7 names are big in the USA! Tesla properly started correcting on news of it investing in Bitcoin! American markets are fun, too much action always! " +"Thu Mar 04 02:30:17 +0000 2021","$QQQ The percentage of stocks in the Nasdaq 100 above the 50dma down to around 30% now. Hard to believe but big cap tech is now one of the weakest sectors in the market. " +"Wed Mar 24 22:17:05 +0000 2021","$QQQ Nasdaq ETF. We are currently on ""High Alert"" for a savage bear market. The Nasdaq has already broken down out of the year long {Raising Wedge}. The year long uptrend line from the March 2020 bottom has now been lost. Remember, the stock market is NOT the economy. $SQQQ $SDS " +"Mon Mar 01 15:19:00 +0000 2021","#March1st. Apple (Stock ticker: AAPL) is a very attractive at this price. I’m loving a put option is with strike price for $120 exp. April 2021. . . #stocks #stockmarket #trading #investing #money " +"Fri Mar 05 17:56:31 +0000 2021","Today SMH (semi ETF) hit oversold levels greater than the depths of cv insanity (stochastics), while also tagging its 100 dma. SMH now +1.6% on the day. Semis lead Nasdaq, Nasdaq leads the mkt. Never in my 36 yrs has a 1.6% 10 yr yield been a negative for stocks. It’s not now." +"Sat Mar 13 22:50:29 +0000 2021","Weekly Watchlist | March 15-19 Overall Market Back In Uptrend! Just waiting for $QQQ I go over all these stocks with their patterns & entry points! 👍🏽Like & Retweet🔁 $ABNB $ACLS $DKNG $DMTK $FOUR $FUTU $GM $SE $SI $SKLZ $SNAP $SQ $TWTR Enjoy! " +"Tue Mar 09 05:21:49 +0000 2021","So tonight in the US, the Nasdaq is expected to lift 1.3%, while the Dow is tipped to rise 0.7% according to early futures, ahead of the US House approving the $1.9 trillion #COVID19 aid package. More stimulus amid the recovery! Zoom shares will be in focus. #WallStreet #Stocks" +"Fri Mar 05 13:47:37 +0000 2021","Just shows how wild this market is. Had huge jobs number that would typically be bad for yields and tech. The yields rose briefly and are now dropping again which is helping tech. Just when you think you have things figured out, bear trap was created in the AM. $TSLA " +"Fri Mar 26 20:10:00 +0000 2021","QQQ-impressive close and the Nasdaq has the look of a real base now. We will see if we can get that elusive follow through next week. SPY super impressive and cleared the trendline. Now has new highs as only resistance. " +"Fri Mar 05 16:19:54 +0000 2021","$QQQ Trends lower below 50SMA after refusing to reclaim last week's lows. RSI is still above oversold levels telling us that we can go much lower than expected. When Elevator snaps, It's a free fall down " +"Thu Mar 18 20:37:01 +0000 2021","$QQQ We'll likely see more pain in the near term as many growth names look like this chart or even worse in this downtrend. $ARKK is another leading indicator for tech growth names and it has been acting sluggish. Nothing good ever happens below 50SMA! " +"Tue Mar 09 14:55:57 +0000 2021","$QQQ #update #idea Basing over 308 ideal Watch 10 min trend for any $AAPL $FB $AMZN longs Building Trend as market holds Current position $FB, looking for other plays Watch $VIX not to spike back over 24 " +"Mon Mar 01 02:08:40 +0000 2021","Weekly Market Watchlist for 3/01-3/05📈 Futures nice gap up so far, let's see if they can hold going into the open. Let's have a great week!😃 $FB $MSFT $NFLX $TTD $DKNG $AAPL $GOOGL $ABNB $ETSY $ROKU $NVDA $SHOP $QCOM $UAL $RCL $SPY $SPX $QQQ $ES_F $NQ_F " +"Tue Mar 16 04:36:23 +0000 2021","$QQQ Constructive action since past few days but it's still stuck in a downtrend. Other indices are all near / at all time highs , so focus for me right now remains on increasing exposure to non tech stocks which are hitting new highs. Growth tech charts need a lot of repair " +"Tue Mar 09 12:13:18 +0000 2021","1. Tech stocks haven't been getting much love Nasdaq now down 10% in a short space. Valuations have been pretty high for a while now. As the economy rebounds, there's a shift towards cyclical stocks (like the ones you find in the DOW). ""Stay at home"" stocks also look less sexy" +"Sun Mar 28 00:28:18 +0000 2021","Do you like charts? SPX COMPQX SPY QQQ VIX FFTY GBTC ETHE SMH UPST UI RH SAM AMAT FIVE LYFT GM ZIM DKNG ABNB APPS BMBL ETSY LDI MP SI SLQT TDC UBER + more! + Sentiment Indicators " +"Mon Mar 01 19:20:24 +0000 2021","$SPY $QQQ #update $SPY up 2.605 $QQQ up 2.80% VIX dying at 23.50 needs lower under 30 for trend up on market in coming sessions 90% Most Stocks Gainers vs losers on $SPY $QQQ" +"Mon Mar 08 12:32:35 +0000 2021","Happy Monday! *Here Are My #Top5ThingsToKnowToday: - Treasury Yields Surge - Stocks Set For Lower Open - Tech Slump Continues - $ARKK $TSLA $PLTR $ZM Extend Selloff - $XPEV $SFIX Earnings *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Wed Mar 31 21:16:02 +0000 2021","$QQQ #update #idea So It did reclaim that key 317 level today Check out before and after chart 20/50 EMAs both reclaimed Now we want to see 317 hold to see tech stocks/Nasdaq moving back up " +"Wed Mar 24 21:28:02 +0000 2021","After today, the $QQQs, smallcaps $IWM, midcaps $IWR, and total stock market $VTI are below their 50-DMAs, leaving only the largecap S&P 500 $SPY and Dow 30 $DIA above. " +"Mon Mar 29 21:25:12 +0000 2021","$QQQ #chartidea Nasdaq 100 still under resistance but very close to reclaim 20/50 EMA on daily Also 317/318 big level for bullish bias If reclaims might be time to get back into Tech Swings based on Individual Charts of those Tech Stocks " +"Tue Mar 16 00:15:02 +0000 2021","Good evening! $SPX printed a new all time high today.. 4000 coming soon.. Possible to see SPX move towards 4200+ if it gets through 4000 this week. $AAPL setting up for a move back towards 128-130 if it breaks above 125. 122 should be the bottom. 125C can work Have a GN! 😁📈 " +"Tue Mar 23 00:15:02 +0000 2021","Good evening! $QQQ is setting up for a move back towards 329-333 once it closes through 325. QQQ had a stronger day today after dipping to 309 on Friday $AAPL 119 should be the bottom. If this can move near 125 by Wednesday it will set up for 128-132 in April. Have a GN! 😁📈 " +"Mon Mar 15 11:32:30 +0000 2021","Happy Monday! *Here Are My #Top5ThingsToKnowToday: - Markets Await Fed, Powell - Treasury Yields Dip - Stocks Set For Higher Open - Tech Shares Rebound - #Bitcoin Sinks 10% *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Mon Mar 15 00:53:21 +0000 2021","$QQQ #update #marketahead So far, As Mentioned 300 Level was huge for bounce(see history) Still down from highs but 20 EMA and 50 EMA both merging here, Big pivot 316-319 area. Builds and Bases over , then we get into uptrend. That is key to watch for Tech/ Nasdaq " +"Thu Mar 04 12:32:58 +0000 2021","Breadth has weakened, especially for NASDAQ; tech-heavy index trading 12% > 200d moving average vs. 29% for Russell 2000…small caps have cooled but still look relatively strong over past couple months [Past performance is no guarantee of future results] " +"Sun Mar 07 15:31:08 +0000 2021","The broad market ended the week in positive territory on strong jobs numbers. The $QQQ closed at $309.1 (+0.14%). However, quite a few big name tech #stocks took a few hits, overshadowing the week to come. Read more: " +"Tue Mar 23 19:41:12 +0000 2021","$SPY $VIX $QQQ How large caps moves with market and volatility $FB $GOOGL $NVDA $AMZN This 20 level on $VIX has been a pain lately March - ""A month of chop"" " +"Sat Mar 20 20:35:59 +0000 2021","Notes for @Qullamaggie 3/19/21 -QQQ dips below 100 day but reclaims -EP and gaming stocks working -Stocks building bigger bases Quote: ""The trader who can withstand boredom the best will come out winning. People looking for action won't last long"" " +"Tue Mar 09 21:10:07 +0000 2021","#MarketWrap Wall St closes higher as tech stocks rebound DJIA +0.10%, 30.30 points at 31,832 NASDAQ +3.69%, 464.66 points at 13,073 S&P 500 +1.42%, 54.09 points at 3,875" +"Wed Mar 03 14:26:39 +0000 2021","Gracias por acompañarme en APM. PT SE SSYS TGT▼ TSLA AA DECK FSLY (Sell rating) ABNB AVID COLM MS NOW SPCE OI GME RKT GPS F KGC UBER AAPL APHA SNDL ITUB RLT News DKNG (DISH) LVS (VICI) Patrones TRIP EOLS" +"Mon Mar 08 09:36:24 +0000 2021","FANG+ Constituents $AAPL 118.82 -2.13% $AMZN 2948.5 -1.85% $BABA 226.84 -2.97% $BIDU 244.44 -6.58% $FB 258.53 -2.33% $GOOG 2066.8 -2.2% $NFLX 504.71 -2.51% $NVDA 486.45 -2.41% $TSLA 567.6 -5.03% $TWTR 64.78 -3.5% $MSFT 226.47 -2.16%" +"Wed Mar 24 17:58:24 +0000 2021","Ok guys its been fun, I'm done trading for the day. Ill be back tomorrow to trade. I need to run out for a few. Hope you made some💸 $QQQ $SPY $CAT $NFLX ✌️😉" +"Tue Mar 09 14:50:39 +0000 2021","#Nasdaq up 330+ points right now and #DJIA up another 175+ points adding to nearly 1000 points spike in last few trading sessions imo 😍 Remember 👇 " +"Sun Mar 14 14:01:07 +0000 2021","Staying in gray-area: these r my current positions across ALL accts I manage, b it personal or professional Sizing is fairly comparable across most tickers, except Tesla & Apple (which r often larger): $AAPL $AFMD $BMBL $JD $JETS $LULU $QS $RGLS $TSLA $VIPS $VISL" +"Wed Mar 17 13:21:25 +0000 2021","Wednesday 03/17 $SPY Trade Plan Bullish above 397.02 🎯398 🎯399 | Reach 🎯400 Bearish under 394 🎯393.40 🎯393 | Reach 🎯389 Many underpants will be soiled Watch $QQQ to sustain under 317.77 area if u r big bear. Spell caution/enter later/pivot if above Good luck all 🍀" +"Mon Mar 01 09:01:55 +0000 2021","FANG+ Constituents $AAPL 124.39 +2.62% $AMZN 3141.73 +1.78% $BABA 241.49 +1.69% $BIDU 294.27 +4.07% $FB 261.48 +2.03% $GOOG 2065.43 +1.43% $NFLX 545.48 +1.04% $NVDA 558.01 +1.55% $TSLA 697.5 +3.33% $TWTR 79.13 +2.62% $MSFT 236.18 +1.63%" +"Mon Mar 08 14:17:13 +0000 2021","As a general-tech-strength-reference if we are trading $QQQ or $SPY, we can utilize $AAPL price If Apple 🍎 stock is over 121.50, it’ll b well in bullish territory Start hunting shorts if under 118.50, especially ~118 support Not trading Apple, just using it as reference tool" +"Thu Mar 18 20:01:05 +0000 2021","Most of the downside action should b next week imo, after this witching nonsense 🧙‍♀️🧹🪄 I will be playing light until then. Now $391.53 $SPX $SPY $QQQ $APPL $TSLA" +"Fri Mar 26 14:53:20 +0000 2021","Level on $SPY to look at is 392.50 for even further upside $QQQ over 314.66 ideal for 🚀upward Breadth is looking pretty healthy surprisingly. I’m daytrading/swinging calls again. Watch your sizing tho. Could just b v temporary clear skies" +"Fri Mar 19 09:35:14 +0000 2021","2/ At 530am ET, 10-yr Treas ylds 1.68% (-2.4 bp), growth stock futures are rebounding (Nasdaq +0.7%), and $TSLA $667 (+2.1%). TSLA S/X refresh cars spotted leaving Fremont on trucks, helping meet 1Q delivs (Street 170K est). New ARK TSLA PT likely out next week for qtr-end perf." +"Wed Mar 24 19:56:03 +0000 2021","Bad day for Cathie Wood. Very strange day, yields down 3 days in a row, should be good for tech but megacap tech mostly down. $ARKK names hit hard: $CRSP down 9% $BIDU down 9% $ZM down 7% $ROKU down 7% $TDOC down 6%. @CNBC $AAPL" +"Tue Mar 16 09:59:30 +0000 2021","$AAPL PT Raised to $175 @ Evercore was $163 $AXP PT Raised to $166 @ Piper was 133 $RCL PT raised to $110 from $100 at JPM $NCLH price target raised to $36 from $33 at JPM $TWTR PT Raised to $80 @ Citi was $55" +"Thu Mar 04 18:26:25 +0000 2021","@harmonictrader Imagine being shocked on the Nasdaq dumping with triple RSI bearish divergence on the weekly and that amazing head and shoulders pattern that formed and broke out today" +"Wed Mar 24 23:58:41 +0000 2021","$QQQ Led the market down today. See if it can hold 312 support otherwise next major supports below are 308, 300 $SPY $AMZN $AAPL $BA $NFLX $TSLA $DIS $AMD $ROKU $NVDA $FB $TTD $ATVI $TWLO $BYND $PYPL $DOCU $CRWD $ETSY $SQ $MSFT $BABA $ZM @TrendSpider " +"Thu Mar 11 21:06:36 +0000 2021","Solid rebound in last 2 days after the brutal selloff that happened in tech sector over last 2 weeks. Good to see #DJIA rising very strongly for a week. #Nasdaq too following big brother moves rising now 😍 🤑 #SupDup #WallStreet #Stocks #Money " +"Wed Mar 24 23:56:12 +0000 2021","$SPY Watching the 387 level on SPY. Under 387 can see further downside to 383, 380 next. If 387 support can hold, would like to see SPY regain 391 to see a move back up $AMZN $AAPL $BA $NFLX $TSLA $AMD $ROKU $NVDA $FB $ETSY $SQ $MSFT $BABA @TrendSpider " +"Tue Mar 09 23:54:16 +0000 2021","$TSLA now +2% AH to $688. Only thing I can find to explain is $ARKK up almost +2% AH due to short covering or algos expecting huge inflows into $ARKK tomorrow after today’s +10.4% gain. Either way, tomorrow could be another multiple Gordon day if Feb CPI ex-food/energy <0.2%." +"Tue Mar 09 21:01:01 +0000 2021","*TESLA CLOSES UP 20% TO $673.58, BIGGEST GAIN SINCE FEB. 2020 *NASDAQ 100 SURGES 4% FOR BIGGEST RALLY IN FOUR MONTHS Just in time for the 3 sigma beat in CPI" +"Mon Mar 01 20:46:51 +0000 2021","Monday recap - $AAPL killer plan at 123 now +4.5. $TSLA thru 694 715🎯 +21. $RKT still going +11% $AMZN 3112 > 3143 + 31. $PLUG plan +7%, $BA +7, $ZM +8 & much more. I now ask for 75 ❤️ + RT for > 75 points provided free on a Monday and for more of this free 🔥 tomorrow🤓" +"Wed Mar 31 01:36:50 +0000 2021","SPY and the Dow are flirting with all time highs while the NASDAQ and FFTY look like they may need some work to build the right side of a base. I put on 2 longs and 1 short but only holding small positions overnight. Only putting on size intraday from very low risk entries." +"Mon Mar 22 19:54:28 +0000 2021","Solid way to start the week $AAPL test of 122 & higher 💪🏼, $SNAP bot deep red >6% now green, $QS 🔥, & many levels galore. ❤️ if u want more mañana." +"Wed Mar 03 02:39:25 +0000 2021","$AAPL $AMZN $SPY $QQQ $TSLA $FB Seeing lots of daily candle that basically negated yesterdays bear trap move completely or closed below half way point which is.. advantage back to the bears." +"Mon Mar 08 20:08:32 +0000 2021","The $QQQ is ugyyyyly, so are fan favorites $TSLA $NIO $CCIV $CLOV $ITRM and the $SPY is now red on the day too, this is not a good looking market at all, wouldn't be surprised to see bigger crash sometime this week, be safe, sometimes the best trade is no trade at all #StaySafe" +"Sat Mar 13 13:43:16 +0000 2021","$AAPL has a $2T market cap. $AMZN is 1.5B. $FCX is 50B and $MOS is 12B. It doesn’t take a lot of growth repositioning into cyclicals to push their market caps quickly. $QQQ reached fairly oversold & can still work fine. It always makes sense to look at what else is working too." +"Sun Mar 28 17:56:29 +0000 2021","$SMH if your looking for a good sign for $QQQ and tech.. Fridays candle here is it.. Huge bounce, even when markets were weak... If semis lead We go higher end of story " +"Wed Mar 24 19:01:19 +0000 2021","Last ~1 month it feels like #Nasdaq is getting rap ed 😂 😭 but brave ones will make a lot of money in NT & LT that adds select heavily beaten down stocks during the intense selloffs imo I have added several good ones to cost avg as I know I will be able to sell 4 🤑 #SupDup" +"Mon Mar 01 01:34:47 +0000 2021","My watchlist is DKNG APPS TWTR SNAP PINS Z SQ FUTU ETSY NET. Thinner names that look interesting are DMTK MWK TMDX VUZI" +"Thu Mar 04 14:58:31 +0000 2021","Nasdaq down another 120 points right now on top of heavy selloff in tech sector for days. I expect a STRONG REBOUND later today or tomorrow for sure. I am LOADING UP select stocks at fire sale prices. Adding to my positions for QT, ST, NT & LT imo #SupDup" +"Fri Mar 12 06:43:21 +0000 2021","US futures are mixed; Nasdaq in red. Tmrw is a relatively quiet day, w/ no major economic reports & no ERs from my PF. Do not worry too much abt the Nasdaq future weakness: - SM gwth stocks may still go up - The small % drop can be easily reversed overnight GN & GL😴🤞" +"Sun Mar 14 16:00:14 +0000 2021","Focus list for next week 🚀🚀 $ABNB $CMLF $CCIV $OCGN $APPS $API $GME $TTD $MSTR $TSLA $BIGC $AI $ETSY $AI $TLRY $SNOW INDICES: $SPY $SPX $IWM $QQQ" +"Wed Mar 17 10:04:00 +0000 2021","Good Morning! Futures flat ahead of the fed! $MU pt raised to $130 from $116 @ Citi $STX u/g Outperform @ Cowen $LYFT added to Wedbush Best Ideas List pt $85 $AA u/g Buy @ DB $MCD u/g Buy @ DB $BABA Alibaba’s Web Browser Is Removed From Chinese App Stores" +"Thu Mar 11 11:01:58 +0000 2021","Good Morning! Futures up, $QQQ Raging... $JD EPS beats by $0.05, beats on revenue $COST u/g Overweight @ WFC $TSLA Buy @ Miz pt $775 $NIO Buy @ Miz pt $60 $GE d/g Perform @ Opp" +"Tue Mar 16 10:10:13 +0000 2021","Good Morning! Futures up slightly $SBUX u/g to Buy @ BTIG $AAPL pt 175 @ Evercore was 163 $TWTR pt raised to $80 from $65 @ Citi $MA pt raised to $415 from $380 @ CS $X pt raised to $25 from $18 @ Citi $BYND pt lowered to $91 from $94 @ JPM" +"Tue Mar 16 13:04:55 +0000 2021","Good morning! $QQQ gapping up almost 2 pts. This should move to 323-325 on the next leg higher.. Best to hold above 318 today $AAPL setting up for a run towards 128-130 in the next week. Let's see if it can lead a move higher again today Good luck everyone! 😁" +"Thu Mar 18 20:39:38 +0000 2021","I shut my computer, go away for a few hours to enjoy the nice weather come back I see #DJIA down 150+ points & #Nasdaq down 400+ points 😍 😭 WT ....What happened? What did U all do? I'm loving this pullback because it is healthy correction. Shopping spree 4 me tomorrow imo" +"Mon Mar 01 11:07:03 +0000 2021","Good Morning! Futures up big as Bonds bounce $ON u/g Buy @ BAC $PLUG u/g Overweight @ JPM $DKNG pt raised $73 @ GS $MRNA pt raised to $182 from $107 @ Chardan $APA d/g Market Perform @ Bernstein" +"Fri Mar 12 18:18:46 +0000 2021","$QQQ seeing way high relative volume today. It's neck and neck with $SPY, which is hasn't traded more than since 2002. Notable given it's basically flat on the day. Big tug of war going on. " +"Tue Mar 30 03:11:13 +0000 2021","#Watchlist 3/30: $FB - 290 back test entry. 295C can work. Shared chart. $AMZN - 3060 important. 3100C. $TSLA - h pattern detected. Don't short it. $QQQ - 318.50 break out. It's so compressed we should see an expansion soon. Watch $SPY $QQQ levels. Tech rally should begin soon!" +"Fri Mar 12 14:06:51 +0000 2021","Good morning! Futures gapping down this morning, $SPX needs to break above 3944 to set up for 4000 next week.. $QQQ lagging behind again, down 5 premarket $NVDA back to 508 support level, possible to see 514,520 if it holds this level Good luck everyone! 😁" +"Wed Mar 17 13:04:41 +0000 2021","Good morning! $QQQ gapping down 3+ points, if it can't reclaim 318 today, possible to see a move back lower towards 313 after FOMC $TSLA gapping down 20 pts, keep an eye on 659, if it holds 659 it can start to bounce towards 675+, under can test 629 Good luck everyone! 😁" +"Thu Mar 25 20:19:17 +0000 2021","And that is a wrap! Wing night.. mmmm.. Nice hammers on the indexes.. $QQQ still weak.. question now do we push back or is this a head fake... See what tomorrow brings! Have a good night!" +"Tue Mar 09 20:57:17 +0000 2021","They trapped the Shorts today and squeezed.. weak close shaking out longs.. CPI in the am will be interesting. 2 names was all you needed today and they stuck out early.. $TSLA and $BA... I traded $TSLA nice money.. $TQQQ $RIOT $AMC (minimal) and a small loss on $MSFT GN!" +"Tue Mar 09 22:15:42 +0000 2021","Wrap Alert/Ideas $QQQ 307/310>313💰 $FB 262>268.53 💰 $APPS 68.50>73.80 💰 $NVAX 167>169 $TSLA 632>679 💰💰 $SNOW 229>235 💸 $ROKU Flat $DMTK 53>51🔻 Others/Swings $AMPG 7.80>11.70 (hi)>11💸 $IPWR 💸 $FLGT 86>112💸 $SSNT $RMNI Flat $ALTU 11.50>10.50 🔻 *Timestamped" +"Thu Mar 25 13:06:15 +0000 2021","Good morning! No signs of a bottom yet.. $QQQ down 1.5 premarket, if 309 fails it can drop another 3 points into Friday.. QQQ needs a bounce above 313 to trigger some buying $TSLA down 17 premarket, keep an eye on 600 next.. if TSLA fails there it can test 575 Good luck! 😁" +"Thu Mar 25 14:45:44 +0000 2021","So many big name charts at, near or below the 200 SMA now. WOW! This area could be a magnet for some names to trade down into. $TSLA for example at $510ish. $NVDA is already there. $AMD below 200 SMA. $SQ sees it at the $182 level." +"Tue Mar 09 00:37:44 +0000 2021","Watchlist 3/9: $TSLA - 560 lost 500P else 600C $GOOGL - watch 2000 if that is lost 1950P else 2100C $AMZN - 2951 holds 3000C else 2900P $ABNB - 200C for next week. $DIS - 205C for next week as roll up Watch $QQQ. I Want this to push higher tomorrow and show some strength." +"Fri Mar 05 19:40:16 +0000 2021","$AAPL Green Doji .. still time for hammer WAYYYYYYY oversold $MSFT H&H and above ma50 Morning star Tech leaders wayyyyyyy oversold trading like they will be out of businesses" +"Wed Mar 17 23:57:01 +0000 2021","So let me get this right. Amzn at 3150 from 3500 Aapl at 124 from 140. Tsla at 709 from 880 Lrcx at 550 from 600. Bidu at 275 from 350. Should I go on and on. Pretty sure the rip will be massive" +"Mon Mar 22 13:36:35 +0000 2021","* $DKNG Loop reiterated DraftKings as a top pick. * $PINS $SNAP Bank of America downgraded Snap and Pinterest to neutral from buy. * $NKE UBS reiterated Nike as a top 2021 pick. via @cnbc" +"Thu Mar 11 23:49:15 +0000 2021","Market report 📝: - Market in confirmed uptrend - Tech stocks lead gains - 5 distribution days on Nasdaq and S&P 500 - Day 5 of attempted rally, follow through days usually happen between days 6-10 - $APPS $GRWG $BEAM $ETSY $FUTU $PLTR $SQ $TIGR $TWTR Closed above the 21 EMA." +"Sat Mar 27 13:41:01 +0000 2021","Honestly didn’t think we would see $AAPL and $AMZN down double digit % YTD with the $SPX sitting at an all time high. Crazy start to this year." +"Mon Apr 05 14:06:37 +0000 2021","TSLA, we own the stock and the car. This has been a good earner for us since our entry. A small gap up today but price still needs to break above its 50MA for the trend continuation to confirm. #trading #stockmarket #tsla " +"Thu Apr 22 18:05:00 +0000 2021","I have stocks (#SPX) peaking for Trading Cycle #1 last week and likely seeking out TCL1 now based on my Time & Price models. $SPY $QQQ $IWM #stock #StockMarket " +"Sat Apr 24 18:29:44 +0000 2021","Darkside Ransomware gang exploits stock price valuation with new extortion tactics Details: #NASDAQ #StockMarket #Ransomware #SecureBlink " +"Mon Apr 05 16:53:18 +0000 2021","#AMT ($) #Breakout and retest to 'V' shape price pattern around the bottom. #DowJones #NASDAQ #stock #StockMarket #TradingView #Investment #Nifty " +"Fri Apr 30 22:10:00 +0000 2021","Wall Street ended lower with Apple, Alphabet and other tech-related companies weighing on the S&P 500 and Nasdaq despite recent strong quarterly earnings reports " +"Tue Apr 20 11:58:48 +0000 2021","Is It Worth Buying Dogecoin And Other Cryptos Simply Because They Trade At Low Price Points? Benzinga #tesla #tsla #stock #stockmarket #options #money #cars #tech #technology " +"Wed Apr 14 18:39:40 +0000 2021","CoinBase IPO Any predictions for their closing price? trying to decide if it’s worth buying the dip now or waiting, I honestly don’t think it will reach 250 🤔? #stock #StocksToBuy #StocksInFocus #ipo #stockmarket #stocknews #buythedip #NASDAQ #money #coinbase #CoinbaseIPO" +"Wed Apr 07 20:47:09 +0000 2021","AAPL: (1) Though NDX may make a higher high later this month, AAPL & TSLA etc. are working on their respective W-2. (2) it is hard to imagine SPX & DOW to reach the nose-bleeding levels that have been tossed around lately without participation of the FRUIT. (3) It is getting ripe " +"Mon Apr 26 14:28:27 +0000 2021","Just one broker aka fintel lol! Also it doesn’t account for the otc which is why you have me. Looks like just about all of our national averages are up for each of the above stocks except for Tesla. #markets #stonks #wallstreetbets #moon " +"Thu Apr 01 06:36:27 +0000 2021","@DeItaone I am really worried about all those poor #StockMarket investors who have unknowingly fallen for all the false promises made by @elonmusk made to uptick #TSLA #stock price. With new verve in his #blockchains , I am convicted that he is only interested in self aggrandizing deals." +"Thu Apr 29 13:05:00 +0000 2021","$AMZN Stock Splitting Rumor & Bullish Earnings Upcoming +$4000/share Price Target if earnings are good Youtube explanation #stockmarket #stocktrading #trading #stocks #StocksToWatch #optiontrading #daytrading" +"Thu Apr 15 17:59:38 +0000 2021","Thinking of buying $COIN? What experts are saying after #Coinbase’s first day of trading. #Stockmarket #Finance #Crypto #Cryptocurrency " +"Wed Apr 14 18:27:36 +0000 2021","#cryptocurrency : Bitcoin hit a record high ahead of Coinbase's historic direct listing today. Based on the Nasdaq’s ref price of $250/share, the crypto exchange will be valued at ~$65B when it hits the public markets. The Motley Fool said that they're buying $5M of bitcoin" +"Mon Apr 05 16:46:48 +0000 2021","Today is a big liquidity-driven algo rally. 100% smoke and mirrors. Breadth just turned negative on the Nasdaq. Chinese Tech stocks are leading down. Looking for another outside day on the Ark ETF to begin the new month: " +"Mon Apr 26 19:04:38 +0000 2021","$AMZN daily flagging the upside. Room to test 3431, 3505 Rumor is #amazon will perform stock splitting as early as the earnings as the earnings this week. Also expect a good earning and it is not priced in yet. Wall street consensus price target 3900 #stocktrading #stockmarket " +"Mon Apr 26 11:18:20 +0000 2021","Some major #FAANG and #Tech reporting earnings🔥 On the #EasyResearch watchlist @EasyEquities 📈 Mon: $TSLA $AGNC Tue: $AMD $GE $V $GOOGL $MSFT Wed: $AAPL $BA $SHOP $SPOT $FB $TDOC $EBAY Thu: $AMZN $CAT $NIO $MRK $MCD $GILD Fri: $AZN $XOM $CVX #EasyResearch🔴 #earnings 🇺🇸 " +"Wed Apr 28 20:52:45 +0000 2021","$AAPL is spending $90b on #stock buybacks. This accounts for ~4% of the current float. #Apple is clearly continuing to reduce the float size for larger movements in stock price. #StockMarket #NASDAQ #StocksInNews" +"Thu Apr 01 22:20:17 +0000 2021","Deja vu of the Dotcom era, the broader market peaked a month after Tech stocks. Both Tech and cyclicals now sport three wave corrections on the right shoulder. As we see via new lows, risk is now aligned on the Nasdaq and the NYSE. To the downside. " +"Tue Apr 13 13:41:53 +0000 2021","$NVDA making new highs. Good long term stock here and this will be a inexpensive price a year from now. #stocks #invest #business #money #market #investment #trade #stockmarket #investing #trading #finance #" +"Sun Apr 25 20:45:23 +0000 2021","Apple $AAPL is currently +10.0% at $134.32. Earnings due Wed' AH should be good with a positive outlook. Ms. Huberty of $MS $158s, whilst $GS $83s. Yours truly 100% leans to Katy. @petenajarian " +"Sat Apr 10 16:51:22 +0000 2021","Watchlist Update 4/5-4/9 FAANG ANIMAL 🚀 $NFLX all PT hit ✅ $AMZN all PT hit ✅ Semiconductors $AMD 83.3 hit, 84.5 missed $NVDA all PT hit ✅ $TSM fail 🔻 Retail ANIMAL 🚀 $LOW all PT hit ✅ $TGT all PT hit ✅ $COST all PT hit ✅" +"Fri Apr 09 17:24:50 +0000 2021","@SuburbanDrone It's nuanced but ... The divergence between price of Nasdaq ($13829) and NASI indicator ($37.76) is way wide and intonates that either a lot of weak tech stocks are about to catch UP or QQQ stocks will catch DOWN. My intermarket analysis is my version of a ""mom smell-test"" 🦨 " +"Wed Apr 21 20:54:31 +0000 2021","I tried to slow down today after up $9800 yesterday, then got $NFLX ah at earnings drop,up another $1195.Today try $MARA and $TSLA beast all day.Amazing 3 days green on IB .I got small loss on $TSLA calls .My teachers are @AjTrader7 @darksidetrader @JanniMore @4topstocks " +"Sat Apr 24 16:25:09 +0000 2021","This week needs no mention. $TSLA $UPS $V $MSFT $GOOGL $SHOP $BA $AAPL $CAT $AMZN $NIO $PINS $OSTK $TWTR $FB. Let’s play safe and let’s snipe away the right trades! 🕺🏼🔪 " +"Mon Apr 26 12:44:08 +0000 2021","Megacap earnings $GOOGL, $MSFT $AAPL $FB may disappoint, even if they're beats, given overbought readings following their strong month-long run-up (e.g., $GOOGL +15%) into this week #fairleadstrategies" +"Sun Apr 25 21:50:29 +0000 2021","NET/HUBS/OZON/UPST interesting weeklies. TSLA reporting tmrw after the bell. SNAP potentially building an inverse head n shoulders. SE, NVDA. Big tech earnings should drive direction. " +"Wed Apr 07 15:15:28 +0000 2021","$QQQ not far from breakout levels. FANG, semis, hardware, and low vol. tech already broke out. Many high growth leaders have put in higher lows and many 50-sma reclaims. " +"Thu Apr 29 20:39:39 +0000 2021","$QQQ $SPY $XLI $XLF $XLB $XLC all on the new highs list today. Strong sales and earnings from the majors $AMZN $AAPL $FB $GOOGL $MSFT well received overall. FAANG breaking out of solid long term bases. " +"Mon Apr 12 00:00:00 +0000 2021","Weekly Watchlist for 4/12-4/16📈 Have a great week everyone!😃 $AAPL $NFLX $SHOP $AMZN $TGT $ADBE $FDX $QCOM $TWTR $LRCX $NVDA $PLTR $DDOG $SQ $SPY $SPX $ES_F $NQ_F " +"Mon Apr 19 00:00:01 +0000 2021","Weekly Market Watchlist for 4/19-4/23📈 Have a great week everyone!😃 $AMZN $AAPL $NVDA $TSLA $GOOGl $NIO $CRWD $BABA $DOCU $UBER $AMD $SPOT $CHWy $ABNB $SPY $ES_F $QQQ $NQ_F " +"Sun Apr 11 11:31:00 +0000 2021","Current Pos $AMAT $SNAP $PINS $FUTU $SI Watchlist April 12-16 $FUTU $GRWG $HZNP $LOVE $MU $PINS $PTON $RBLX $SI $SNAP $SKWS $TSLA $YETI $ZIM I go through the overall market SPY/QQQ/IWO/FFTY & My watchlist with set ups & entry points 👇🏽 👍🏽+🔁 Enjoy! " +"Mon Apr 26 23:40:38 +0000 2021","$SPX new highs today, $QQQ not far off. Only a daily basis, more high beta, high growth stocks & ETFs continue to reclaim the 50-sma, another bullish technical signal. Will see if $MSFT $GOOGL $AMZN $AAPL earnings can provide the catalyst. " +"Tue Apr 06 15:36:28 +0000 2021","$QQQ leading on the day so far. Alot of large caps/mega caps in strong uptrends at or near breakout levels. FANG, comp. hardware, semis already broke out - high growth picking up also with alot of 50-sma reclaims over the last few days. " +"Mon Apr 26 12:38:08 +0000 2021","Good morning to everyone playing earnings week..... $AAPL $TSLA $AMD $AMZN $MSFT $FB $NIO $BA $UPS $PINS $SHOP $GOOGL $QCOM $TWTR $X $SPOT $TDOC $SBUX $OSTK " +"Sun Apr 25 12:50:32 +0000 2021","Do you like charts? $QQQ $FFTY $SPY $VIX $GBTC $ETHE NET SNAP ZIM RH SE TWTR PINS SAM NVDA AMAT SMH NUE LRCX FB SQ UPWK FUTU CELH NIO TWLO GRWG PLTR APPS ETSY ROKU CRSR TSLA CRWD FVRR TDOC SQ SHOP ZS PTON COUR BMBL UBER RBLX LYFT ABNB CRWD NVCR + more! " +"Wed Apr 07 00:15:02 +0000 2021","Good evening! The market consolidated after running the past 3 days. Once $QQQ can close above 333 it can move to 337. Watch to see if AAPL FB can lead later this week. $DKNG can test 67,72 if it holds above 64. 66C can work above 64. DKNG should test 74 by May Have a GN! 😁📈 " +"Fri Apr 09 00:15:02 +0000 2021","Good evening! $QQQ setting up for a bigger run towards 350-355 in the month if it can clear the all time high at 338. Keep an eye on 338 for the ATH breakout $AAPL if this gets through 132 it can trade at 136-138 in the next 2 weeks. 132C can work above 130 Have a GN! 😁📈 " +"Mon Apr 19 19:41:57 +0000 2021","So $QQQ hit the 8D... $SPY still above it.. not a easy day.. Traded $CLOV for a very nice win and a small loss on $AAPL.... Market saying it's tired.. we'll see maybe just Gravity taking root today.. " +"Tue Apr 06 00:15:02 +0000 2021","Good evening! $QQQ strong day after breaking the key resistance at 325. QQQ is still lagging behind $SPX. QQQ can move to 337-338 if it holds above 329 $AMZN setting up for a run towards 3367 if it can break 3275. AMZN to 4000 next once it closes through 3500 Have a GN! 😁📈 " +"Sun Apr 18 13:00:57 +0000 2021","Happy Sunday! *Here Are My #Top5ThingsToKnowThisWeek: - Earnings Season Kicks Into High Gear - $NFLX $SNAP $INTC $IBM Results - $JNJ $PG $KO $AXP $T $VZ Earnings - $UAL $AAL $LUV Also Report - U.S. Housing Data *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Sat Apr 24 12:16:18 +0000 2021","$Nasdaq Growth stocks sell off 2-3 times the index. The Naz was down 13% peak to trough as growth stocks sold off 25%-40%. Last week was tough before a short cover rally Friday made it better. Next week's earnings will move the index. I thank @mwebster1971 & IBD for ToS chart " +"Sat Apr 17 22:01:53 +0000 2021","Do you like charts? $QQQ $SPY $IWO $VIX $FFTY $GBTC $ETHE $COMPQ NVDA NET SAM RH ZIM SE SQ SMH TWTR NUE FB SNAP LRCX AMAT PINS UPST SLQT LYFT KOPN SWKS QFIN QRVO SI RIOT RBLX FUTU DEN COHU APPS UBER TWTR MU + more! " +"Thu Apr 15 17:40:26 +0000 2021","That is True, Market Up but it is not universal money influx Except FANG or Mega Caps that support S&P most swings are down, Biotechs, Micro Caps, Growth Names! $SPY $QQQ" +"Thu Apr 29 00:15:04 +0000 2021","Good evening! $QQQ is close to a bigger breakout towards 350.. Keep a close eye on the 342 level into Friday. May 7 345c can work above 342. $AAPL up 4+ after earnings. If AAPL can close above 138 it should test 141,145 in May. AAPL above 145 can test 158 Have a GN! 😁📈 " +"Tue Apr 13 12:14:41 +0000 2021","$Nasdaq The index was down a bit yesterday. But, it was constructive action as the 10ema and 21 ema crossed above its 50sma ... things are looking better for that index... " +"Thu Apr 29 11:32:19 +0000 2021","Happy Thursday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Higher Open - $AAPL $FB Surge After Blowout Results - $CAT $MCD $MA Earnings PM - $AMZN $TWTR $NIO Earnings AH - Q1 GDP, Jobless Claims *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Mon Apr 05 20:37:24 +0000 2021","$SPY reached the target of 406 within the projected time target of Late March to Mid-April, what's next? -Analysis of Tesla, Apple, and the Nasdaq ( $AAPL $TSLA $QQQ $NQ_F) -Analysis of $SPY $XLY and $XLV -Analysis of Boeing and Microsoft ( $BA $MSFT ) " +"Sat Apr 10 21:35:50 +0000 2021","Do you like charts? QQQ SPY FFTY VIX ZIM SNAP SQ TWTR PINS SAM SE FB LRCX RH SMH AMAT UPST SI ORGO LDI SLQT RBLX FUTU GM KOPN SQ TWTR ROKU PINS CELH CRWD PTON ZS SE SHOP TWLO GRWG APPS ETSY UPWK PLTR FVRR NET CRSR TDOC TSM TSLA NIO ENPH EXPI + more! " +"Sat Apr 03 16:18:07 +0000 2021","Do you like charts? SPX COMPQX ETHE GBTC VIX SMH FFTY UPST ZIM AMAT SMH RH SAM APPS CELH CRSR CRWD ENPH ETSY EXPI FUTU FVRR GRWG NET NIO PINS PLTR PTON ROKU SE SHOP SQ TDOC TSLA TSM TWLO TWTR UPWK ZS INMD SI LRCX ABNB SLQT SONO GM BOX LYFT DKNG RBLX ZI " +"Sun Apr 25 12:38:35 +0000 2021","Happy Sunday! *Here Are My #Top5ThingsToKnowThisWeek: - $AAPL $MSFT $AMZN $GOOGL $FB Earnings - $TSLA $AMD $TWTR $PINS $SHOP Also Report - $BA $CAT $GE $UPS $MCD Results - Fed Policy Meeting, Q1 GDP - Biden Tax Hike Proposal *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ " +"Fri Apr 30 11:49:24 +0000 2021","Happy Friday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Lower Open - $AMZN Jumps After Blowout Results - $XOM $CVX Earnings - $ABBV $AZN $CLX $CL Also Report - Consumer Spending, Inflation Data *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Mon Apr 26 03:07:39 +0000 2021","Big Earnings Week Priority Watches for me $TSLA $UPS $MMM $CROC $AMD $MSFT $PIN $GOOGL $V $ENPH $SBUX $SPOT $SHOP $SPOT $AAPL $FB $TDOC $LOGI $NOW $HUM $AMZN $NIO $CAT" +"Fri Apr 02 13:23:08 +0000 2021","Mega-caps had a big week, all gaining at least 2%. $NVDA was up the most at 10% followed by $NFLX and $FB at 7%. $AMZN $TSLA $AAPL all still below their 50-DMAs. " +"Fri Apr 23 03:35:15 +0000 2021","Short-term Analysis of Tesla, Apple, Nvidia, Facebook, and the Nasdaq Content: - $AAPL $NVDA $QQQ & $FB are in a Wave 4 correction from the March 5th Low and getting ready for a 5th Wave higher - if $QQQ is above 324 the Wave 5 target is 354 in 4-6 Weeks " +"Wed Apr 07 07:44:11 +0000 2021","Watchlist for rest of the week. Hopeful & bullish this week and possibly into some of next week. Really paying attention to IQIYI, Paypal, Tesla, Apple $IQ $PYPL $TSLA $AAPL $NIO $CTIC $KFS $BIGC $GSX" +"Thu Apr 22 12:26:14 +0000 2021","UG $F $MAT $FSLR $TTD DG $FSR $RIDE PT $AMZN a $4400 x JPM $ANTM a $425 x Barclays $FB a $360 x Jefferies $CMG a $1875 x CS $GOOGL de $2400 a $2700 por Jefferies" +"Sun Apr 04 20:51:58 +0000 2021","Another fun week starting Will b eyeing $TSLA $AAPL for continued strength early in week to judge sentiment. Q1 Bank/Energy earnings in following week too, $XLF $XLE may see earnings run-up Am expecting all dips to b bought & $410 $SPY by Apr16, 2% S&P gain b4 mayb correction📉" +"Thu Apr 29 10:24:17 +0000 2021","$TSLA +1% pre-mkt to $702, following tech stocks higher after $AAPL and $FB earnings crushed ests. QQQ higher (+0.9%) despite higher 10-yr Treas yields (1.66%, +4.6 bp). The Fed promised to remain accommodative even with $4T fiscal stimulus proposed by Biden in his SOTU address." +"Mon Apr 26 12:07:33 +0000 2021","$TSLA +1% pre-mkt to $737 in an action packed week that incl $TSLA earnings tonight, Biden’s SOTU address Wed, Fed mtg/Powell press conf Wed, 1Q GDP Thurs, plus slew of corp earnings (Tue $MSFT $GOOG, Wed $FB $AAPL, Thur $AMZN). 10yr Treas ylds 1.59% +3.2 bp, SPX flat, QQQ -0.2%." +"Wed Apr 07 11:26:03 +0000 2021","Everything flat pre-market. 10yr Treas ylds are 1.65% -0.2 bp, SPX +0.4%, QQQ +0.3%. $TSLA also flat pre-mkt. With S&P 500 at 23.2X FY’21 EPS (4.3% E/P) stocks look cheap vs 1.65% Treas ylds. Traders’ focus will turn to 1Q earnings starting next week, with FANG+MT likely strong." +"Thu Apr 08 23:43:01 +0000 2021","Nasdaq nears highs with growth plays back. Apple, Shopify, Square, TSM among 14 stocks to watch as breakouts, early entries and set-ups flourish. Here's what to do now. $AAPL $SHOP $FB $GOOGL $TSM $SQ $AMZN $W $HUBS $ETSY $ADBE " +"Mon Apr 12 23:53:11 +0000 2021","$NVDA Made a big move today off some news. Couldn't quite take out ATHs but will be watching for that now. Over 615 can see 624, 647 next $SPY $AMZN $AAPL $BA $NFLX $SHOP $TSLA $AMD $ROKU $FB $BYND $PYPL $DOCU $CRWD $ETSY $SQ $MSFT $BABA $ZM @TrendSpider " +"Thu Apr 29 23:57:15 +0000 2021","Tomorrow could be a very interesting day. AMZN's results were great but so were AAPL's & MSFT's. AAPL's stock gave up all of last night's gains & MSFT's stock has clearly rolled over. And AMZN's stock is losing a lot of it's initial after-hour's surge. " +"Sat Apr 24 04:39:03 +0000 2021","What a huge week coming up in markets. $AAPL $AMZN $MSFT $GOOGL $FB $TSLA $AMD $BRKA $V $SHOP $MA just a few of the giants reporting. Make or break." +"Sun Apr 25 16:27:28 +0000 2021","Busy eps week: top 5 $SPX names reporting - $AAPL, $MSFT, $AMZN, $GOOGL, $FB - 22.4% of $SPX - all reporting in one week, which has only happened 4 other times." +"Wed Apr 21 19:58:40 +0000 2021","Big day served up free tons of winners. $TSLA at 709, thru 712, 725 740🎯 $DKNG now 58.75 🎯 $FSR 15+ $VIAC $DISCA we called bottom🤭 $NIO can’t shake us at 35. Now 39. $PLUG 🔌 GR8 day Just can’t short a market with $AAPL > 132. I rest my case. Have a great night🔥" +"Mon Apr 12 00:14:31 +0000 2021","$QQQ Tech has been hot and can continue higher over ATHs at 338.19. Targets above at 340, 345, 350. Near term support at 334 $SPY $AMZN $AAPL $BA $NFLX $TSLA $DIS $AMD $ROKU $NVDA $FB $BYND $PYPL $DOCU $CRWD $ETSY $SQ $MSFT $BABA $ZM @TrendSpider " +"Sat Apr 24 16:23:06 +0000 2021","There’s no doubt market could use a pullback. No substantial red weeks since February imo. But if they keep buying large cap tech u can’t fight it bc if amzn can run to 3600 aapl 150 indexes will follow" +"Sun Apr 25 15:00:23 +0000 2021","$QQQ Not at ATH's but with so many big tech names reporting this week we should have a good idea where they want to take it.. Not as strong as $DIA and $SPY " +"Mon Apr 12 20:07:13 +0000 2021","Put on a show 🍿 for the private feed today. $NVDA 39 total points $TSLA 687>703🎯 then down to 693 +26 $MSFT 257.25 $AAPL is my bitch $MRNA 136 $FDX 292🎯 $LULU 321 & much more Do u want more tomorrow or not?🙄" +"Tue Apr 06 15:19:44 +0000 2021","$AAPL stronger today, if it closes through 128 it can run towards 132 $SQ setting up for a move to 246 if it can close above 236 this week $QQQ red to green, Keep an eye on 333, if it can hold above this level through Friday it should test 337-338" +"Tue Apr 13 19:49:47 +0000 2021","I get nervous again when we see NASDAQ above 14,000, S&P at ATH's and stocks just going up again for mostly no reason (other than earnings anticipation). Earnings have to be on point or.... (I still hold 3,000 of $TSLA so this isn't a ploy or wish for the stock to dip)" +"Sun Apr 25 22:49:24 +0000 2021","4/25 Watchlist Top picks: $LYFT, $UBER, $SNAP, $PYPL, $NVDA On watch: $MA , $TWTR, $ETSY, $FUTU Earnings: $FB, $AAPL, $NIO, $MSFT, $AMD All charts up, glad to be back; lets kill it this week! 🙏📈" +"Thu Apr 08 15:15:34 +0000 2021","Powell speaking at 9am PST let's see if he moves the market.. $SPX basing above 4081.. it should break above 4100 next $SQ back near the highs. SQ can test 262 tomorrow if it close above 252 $AAPL down 1 from the highs, if this can move back near 130 it can test 132 this week" +"Thu Apr 08 13:04:22 +0000 2021","Good morning! $QQQ gapping through 333 resistance.. it looks like it wants to test the all time highs at 338 by next week, Let's see if QQQ can defend 333 $AAPL gapping through 128, possible to see 132+ if it holds 128 today $NVDA should move towards 600 this month GL! 😁" +"Mon Apr 26 13:12:55 +0000 2021","Upcoming Earnings 🔋 Today - $TSLA 🖥 Tuesday - $MSFT $AMD $UPS $V $GOOGL $SBUX $MMM $LLY 📱 Wednesday - $AAPL $FB $SHOP $SPOT $BA $CME $TDOC $LOGI 📦 Thursday - $AMZN $MCD $TWTR $MRK $NIO $OSTK $CAT 🛢 Friday - $XOM $CVX $CLX $AZN $ABBV" +"Mon Apr 05 21:31:15 +0000 2021","$TSLA puts up a big delivery number, but $GM is up on the day +5.6% vs $TSLA +4.4%. $QQQ with a big move higher, FANG names, low P/S tech & semis all breaking out, but $ETSY $DDOG $PTON $ENHP $COUP $SNOW all down on the day. An interesting message from the market early in Q2." +"Thu Apr 15 17:44:47 +0000 2021","$NVDA running.. it should test 652 by tomorrow.. It just needs to defend the 640 level $FB wants to move to 314-316 next $QQQ $SPX strong bounce from yesterdays sell off. SPX 4200 coming" +"Fri Apr 09 13:04:28 +0000 2021","Good morning! $SPX needs through 4100 next to set up for 4132+ next week.. under 4063 can test 4023 Lots of stocks gapping lower this morning, if $AAPL can reclaim 130 it can test 132 on Monday $SHOP I'd wait for 1217+ to consider calls Good luck everyone! 😁" +"Mon Apr 19 13:01:00 +0000 2021","Good morning! Small gap down this morning in the market, Possible to see more chop into Wednesday if $QQQ stays under 342.. If it fails at 338 it can test 333 $AMZN keep an eye on 3434 this week, if it breaks above it can test 3500 quickly Good luck everyone! 😄" +"Tue Apr 13 13:00:45 +0000 2021","Good morning! $QQQ gapping through 338.. if QQQ holds this level it should test 341-345 next, Possible to see 350 this month $TSLA close to a breakout.. Keep an eye on 714 for this week.. above can run 40 pots $AMZN Jeffries PT at $5700.. 3500 coming Good luck! 😁" +"Fri Apr 23 10:07:06 +0000 2021","Good Morning! Futures mostly flat $AAL u/g Market Perform @ RJ $SKX u/g Overweight @ MS $QRVO pt raised to $220 from $190 @ Piper $TSLA Increases Model 3 And Model Y Prices Again $KHC d/g Neutral @ Piper" +"Fri Apr 09 10:06:50 +0000 2021","Good Morning! Futures mixed $QQQ weak $MSFT Hackers scraped data of 500M LinkedIn users $JNJ North Carolina halts COVID shots on adverse reactions $PM u/g Overweight @ JPM $OKTA u/g Buy @ BTIG $CCL u/g Outperform @ CS" +"Thu Apr 08 02:02:08 +0000 2021","#watchlist 4/8: $AAPL - watch 128.50. Important level to watch. $AMZN - 3250 backtest can work tomorrow for the 3300C. What a performer this week. $SQ - Follow chart. $SHOP - 1140 b/t or 1170 break. $NVDA - 563.50 b/t best" +"Fri Apr 30 10:13:31 +0000 2021","Good Morning! Futures down Slightly... $AMZN no split .. shocker... pt raised to $4500 from $4350 @ JMP $AZN EPS beats by $0.66, beats on revenue $TXT u/g Outperform @ Baird $TWTR pt lowered to $66 from $71 @ Piper $BMY d/g Equal Weight @ MS" +"Wed Apr 07 16:08:43 +0000 2021","Not surprised to see a pullback after three gap up days on the Nasdaq. Looking for add on buys or to start new positions in $RBLX $UPST $SI $APPS $SNAP" +"Thu Apr 22 23:51:46 +0000 2021","Stk go up/down. I’m not bullish/bearish. I trade what I see, I see a lot. Amzn hit 3536 15 into Mon morning. Dropped nonstop on 3 upgrades. Had Tsla 770 bought yesterday@3. Sold at open for double +. Why did you sell SAM, because Sams 752 harder than you 1st time w pre wifey" +"Thu Apr 22 10:12:15 +0000 2021","Good Morning! Futures mostly flat $AAPL Apple Working On Imessage Upgrades To Compete With Whatsapp $FB $FB pt to $360 from $350 @ Jefferies $TWTR pt $o $76 from $79 @ Jeferies $F u/g Outperform @ Wolfe $FSR d/g Sell @ GS $RIDE d/g Neutral @ GS" +"Fri Apr 30 13:00:26 +0000 2021","Good morning! $QQQ gapping under 338, let's see if it can bottom at 337 and move back towards 340-341.. under 338 can test 333 $AMZN down 120+ after moving to 3667 after earnings, Watch 3554, needs back above to test 3580-3600 $TSLA to 629 can come if it fails at 659 GL! 😄" +"Tue Apr 27 15:42:29 +0000 2021","Choppy day so far.. $QQQ failed at 342, it needs back above to set up for a bigger run.. If QQQ breaks under 338 we can see another 3-4 pt drop $AMZN 3434 tough, if it can close back above 3434 it can move towards 3500 tomorrow $BABA setting up to test 241,245 next" +"Thu Apr 15 19:57:33 +0000 2021","So yesterday we were weak, today we gap up and go to ATH""s.. $QQQ $SPY $DIA.. few names participated.. $AMD $NVDA were the the best.. $TLT bonds huge bounce. 1 Trade for me $AMD today... I'm ready to have a drink and relax ahead of OPEX tomorrow! Anyone? Enjoy your Everyone!" +"Thu Apr 22 14:57:56 +0000 2021","It looks like we are at the point where the rubber is about to meet the road. The NASDAQ is building a large cup w handle base; even FFTY, ARK funds and the Russell are base-building. Can they hold and breakout? Can stock setups proliferate? We should get that answer fairly soon." +"Thu Apr 22 13:00:40 +0000 2021","Good morning! $QQQ keep an eye on 341.40.The next time it closes through this level on the daily , it should trigger a bigger run in tech.. QQQ can test 350 in May $TSLA if this can get through 752 in the first 30 min, we can see a run to 370 $SE can test 252 next week GL! 😁" +"Tue Apr 13 19:44:01 +0000 2021","Quite the melt up today. $SPY $QQQ ATH's.. Breadth.. not good $AAPL made my day... Tomorrow we start Earnings Season.. Plus Powell and $COIN... Should be wild! Time to get out for a walk!" +"Wed Apr 14 20:10:00 +0000 2021","$QQQ weak from the open. $SPY almost a earish engulfing candle... Volume pathetic.. $SNAP $UBEER and $SPXL 3 trades for wins today.. that was it. no $COIN... I don't feel lke cooking =( Have a good night!" +"Wed Apr 07 20:10:32 +0000 2021","Indexes act well with $AAPL $AMZN $FB leading the way. The breadth however in everything else stank. We have to PLGs now from my POV. 1. Social Media (FB, PINS, SNAP, TWTR) 2. Semiconductor Equips Still very little traction, have to be precise with entries and respect risk." +"Mon Apr 26 13:45:35 +0000 2021","This is a huge week for earnings: including $TSLA $NIO $GOOGL $MSFT $AMD $FB $AAPL$AMZN $RCL & many others. A stock can go either way in a big move, and there's nothing you can do about it. That's what gaps are: pockets of air that have no mercy. Pros manage risk; newbies gamble." +"Mon Apr 05 20:17:18 +0000 2021","While FANG was strong and $SPY $QQQ trending Growth Still lagging, many beta names like $TTD $SHOP and other growth not yet ready $MSFT $GOOGL $FB $AAPL leading the market rally (Off Course they make up most of the market anyways)" +"Sat Apr 03 16:57:14 +0000 2021","Absolutely insane week set up now wowo 916k jobs rips abnb , amzn googl lrcx break up amat investor day (1st time in 3 yrs) NNOX approved, anod NOW..................barrons cover says FB undervalues wowo 321 on fb fast join us be ready" +"Mon Apr 05 21:32:33 +0000 2021","#wrap #recap (1st - 5th April) Alerts + Ideas $MARA 46>55💰 $TSLA 655->715 💰 $MSFT 240>249 💰 $GOOGL 2145>2228 100% 2200c 💰 $FB 300/305>310 100% 310c 💰 SPY/QQQ Guidance Alerts $SPY 398->406 💰 $QQQ 317->331💰 Others $AMPG $SSNT *All Timestamped" +"Sun Apr 25 23:02:13 +0000 2021","Big week of earnings coming up. Monday - $TSLA $ACI $AMKR Tuesday - $GOOG $MSFT $AMD $PINS $SBUX $V $UPS $GE $MMM $BP $RTX Wednesday - $BA $SHOP $SPOT $FB $AAPL $QCOM $TDOC $LOGI $EBAY $MGM Thursday - $AMZN $NIO $TWTR Friday - $XOM $CVX $CLX $AZN $ABBV" +"Thu Apr 01 12:58:09 +0000 2021","OH MY wifey not going to work as shes soooo happy ?? are you smiling... MORNING fun?? TSLA, amzn , googl, snow, shop. nvda, twlo, fb, bidu, qs, roku, lrcx, amat... IF you bought at inflection pt you are smiling .. if you follow losers you are crying..simple" +"Fri Apr 30 16:30:22 +0000 2021",".@jimcramer googl hit 2431 on earning days down 82 shop hit 1302 on earning day down 102 aapl hit 137 down 4 fb hit 332 down 7 NOTHING HOLDS if they implode mkt in next few week all down 10-20% Action is action" +"Sat Apr 10 17:59:05 +0000 2021","Watch List: $RBLX, $PINS, $SE, $SI, $APPS, $MU, $SQ, $ALGN, $FND, $SLQT, $SNAP Earnings WL: None Good luck this week folks. Lots more setups and bases now. 🦆📈🦮💪🏻🇺🇸" +"Mon Apr 19 14:44:16 +0000 2021","ROTH UPDATE! $AAPL: 11.1% $AMD: 4.5% $ARKG: 2.2% $ASML (new): 3.3% $BETZ: 3.75 $COIN (new): 2.6% $FB: 1.6% $MSFT: 8.3% $NERD: 2.3% $NVDA: 6.6% $PTON: 3.1% $QCOM: 2.1% $QQQX: 3.5% $QYLD: 10.9% $SE (new): 2.7% $SHOP: 9.3% $SQ: 3.2% $SUBZ: 2.6% $TSLA: 9.3% $TSM (new): 3% $VGT: 3%" +"Sun May 23 21:35:24 +0000 2021","Why does stock price top in $TSLA correspond with massive weekly rise in $DOGE. @SEC_Enforcement🤣 NOT ADVICE. DYOR. #dogecoin #dogetothemoon #Tesla #TSLA #investment #markets #stockmarket " +"Wed May 19 20:29:41 +0000 2021","What's your price prediction for $CCIV stock end of week? *** *** *** #CCIV #PricePrediction #LCID #LucidMotors #EV #StockMarket #Stock #Stocks #StocksToBuynow #NASDAQ" +"Tue May 18 12:12:21 +0000 2021","Tesla stock to drop below $400? As of the current share price of $580, Tesla shares are still very OVERVALUED! About 65% overvalued. Why pay more when you can wait and pay less? #stockmarket #investing #stocks #money #finance #trading #business #Investment #tesla $tsla #tsla " +"Fri May 21 19:00:13 +0000 2021","Tim Hatamian, CEO Of PLEMCo, EV Charging Station Subsidiary Of $SIRC, Tells Money TV That He Sees Consolidation And More Price Competition Ahead For EV Charging Station Industry #stocks #stockmarket #growth #solar #electricvehicle $TSLA $BLNK " +"Tue May 18 20:22:00 +0000 2021","Now everything looks bearish, but keep in mind tomorrow is $VIX expiration, plus Fed minutes and a bond auction. I don’t think they’ll make it that easy..any other week but OpEx. I scalped short today, made a couple hundos 😆 " +"Sun May 23 15:50:50 +0000 2021","@BusinessFamous @LukeDonay Have you heard? $NVDA stock is having a 4For1 split! Price goes from ~$600 to ~$150 jump on the bandwagon and hold for price rise! I'm tryin to tell ya " +"Sun May 23 16:16:11 +0000 2021","$NVDA This price will go fr ~$600/share to ~$150! I'm tryin' to tell ya! " +"Sun May 23 21:05:00 +0000 2021","Have you heard? $NVDA stock is having a 4For1 split! Price goes from ~$600 to ~$150 jump on the bandwagon and hold for price rise! I'm tryin to tell ya! " +"Sat May 08 01:52:24 +0000 2021","No stock split in last 41 years. Berkshire Hathaway's stock price ready to break NASDAQ'S systems. I think Warren Buffett is trying to prove the statement- No price is high for bull #BerkshireHathaway #WarrenBuffett #stockmarket #NASDAQ " +"Tue May 11 18:10:48 +0000 2021","FIRST THERE WAS A PRINT AT 12:58PM at $419.914 SECOND CAME THE DIP THIRD CAME THE REVERSAL AND BUY FORTH CAME ANOTHER BUY AND BREAK OF THE PRINTED PRICE FIFTH CAME THE PROFIT!!!! DOING IT WHILE TRADING!!! Net CHANGE +1.71 bucks on $SPY #stock #StocksToWatch #StockMarket " +"Mon May 03 06:16:43 +0000 2021","7 Reasons Why People Lose #Money In The #StockMarket? #stock #SHARE #sharemarket #investments #loss #Financial #trading #loan #buying #selling #BROKER #marketing #knowledge #DematAccount #IPO #price #NASDAQ #NSE #DEMAT #Trading @problogbooster " +"Mon May 03 11:30:00 +0000 2021","7 Reasons Why People Lose Money In The #StockMarket? #stock #SHARE #sharemarket #investments #loss #Financial #money #trading #loan #buying #selling #BROKER #marketing #knowledge #DematAccount #IPO #price #NASDAQ #NSE #DEMAT ##Trading @ProBlogBooster " +"Tue May 25 13:57:42 +0000 2021","NVDA declared a 4:1 stock split on May 21, 2021 to be executed on July 20, 2021. Additionally, over the last 12 months, NVDA has increased 71% while its peers in the Semi industry increased 45%. Get $NVDA at the split price ~$150 It is now~$600" +"Mon May 10 14:12:58 +0000 2021","$QQQ / $SPY spread is way too stretched.... regardless of market direction long $qqq / short $spy 2-3 weeks out should get some reversion action " +"Thu May 27 13:16:18 +0000 2021","From the Trading Floors: -Equity index futures are mixed with the Dow up, the Nasdaq down -Financials, Industrials, and Materials are upside leaders -Tech and Energy are lower - Crude, Gold and Silver lower - $BTC $39.5K - $VIX is 17.54 @MarketRebels " +"Mon May 10 19:27:12 +0000 2021","Going to call it a day. Nearly 290 points MFE on about 8 points MAE. Tried to catch the bottom & got stopped twice for small losses. Good day none the less. Hope everyone had a great day! $QQQ " +"Tue May 25 17:30:00 +0000 2021","IBM stock price has grown 15 percent year to date. #Ibmstock #stockprice #StockMarket" +"Sun May 02 23:34:44 +0000 2021","20/20 just did a price on $TSM stating they are producing #semiconductor which process 30% faster than Intel. Watch something big happen to the stock price this week #StocksToWatch #stockmarket #stocks #DayTrading #stocktips" +"Thu May 13 21:17:27 +0000 2021","Bull vs Bear #bull #bear #price #bullish #bearish #stock #stockmarket #share #sharemarket #nse #bse #nasdaq #nseindia #bseindia #investing #trading #investor #trader #intraday #future #option #candlepattern " +"Mon May 10 20:00:37 +0000 2021","That was an ugly close on the lows of the day. Another Nasdaq Hindenburg Omen will likely trigger today (won't know until tomorrow). This will be the fourth one since March. Deja vu of last year: " +"Thu May 13 07:32:55 +0000 2021","The NASDAQ, which comprises of high-flying stocks like Apple, Microsoft, Amazon, Google has been bludgeoned for various assorted reasons. Assuming, one is bullish about the long-term prospects of these stocks, the time is opportune to buy the Nasdaq100 ETF " +"Tue May 18 04:16:40 +0000 2021","Market Recap: China, Amazon and Tech used to be sources of deflation, not anymore + bears are piling up against Tesla + why did memory stocks spike today? + Charts $SPY $QQQ $IWM $DXY $GLD $BTC $ETH $DOGE $AAPL $TSLA $VIX $TLT " +"Mon May 24 20:07:43 +0000 2021","Fun day on links & on wall st $AMZN 35+ & chop until > 3258✔️ $TSLA >580 +20 & bonus 12 $NVDA 🐎 is basically American pharaoh $PLTR live 1% move, $BA 238 Dropping 60 on em 🏀 have a good night " +"Mon May 24 14:45:55 +0000 2021","#NASDAQ $QQQ Update. Price action around inflection points What to look for: A several times tested trend line is usually reliable. If it overlaps with a long-term average and you see some kind of reversal candlestick (hammer, doji, bullish engulfing) it offers a low risk entry " +"Mon May 03 12:51:24 +0000 2021","""Aspirational Tech"" - i.e., recent IPO's - remain on the relative low list. The Software rally also tepid, and Semis haven't made a new high in 10 weeks... but the Fed! and Earnings! and chip shortage! When things don't work out as they should, pay attention. " +"Tue May 04 19:36:35 +0000 2021","fell 0.54% to end at 33,875.31 points, while the S&P 500 lost 0.72% to 4,181.22 Tech stocks struggled after their Wall Street peers came under pressure on Monday.342" +"Sun May 09 23:55:19 +0000 2021","5/14 Weekly Watchlist: $ATVI over 96 PT 98, 99 $GOOGL over 2382 PT 2396, 2420 $CAT over 242 PT 244, 246 $TSLA below 650 PT 642, 637 $NFLX below 490 PT 486, 480 $PTON below 80 PT 78, 76.5 " +"Sat May 01 22:16:45 +0000 2021","$NFLX in Uptrend: price may jump up because it broke its lower Bollinger Band on April 21, 2021. View odds for this and other indicators: #NetFlix #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Mon May 17 14:38:39 +0000 2021","Very slow day. Scalped $TSLA a few times but $SPY bipolar and indecisive so going to go back to bed here to avoid trouble. Come back another day when things are cleaner and easier. GL ALL #TraderNap " +"Sun May 02 23:20:33 +0000 2021","$AMZN's price moved above its 50-day Moving Average on April 5, 2021. View odds for this and other indicators: #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Thu May 13 11:09:42 +0000 2021","The Nasdaq 100 is down 7.4% and the average stock within the index is off by 15%. Note the divergence that was developing into the high as stocks began to bleed before the index topped out. $QQQ " +"Sat May 29 17:12:47 +0000 2021","QQQ/AAPL/AMZN/NFLX-put my thoughts on each of these charts. I see red flags and wonder are we just seeing rotation or are these indicating something? I have no idea and don't need to know. " +"Tue May 11 21:01:24 +0000 2021","$AAPL daily. 200 SMA touch between the .618 and .786 fibs. Important for the indices (and my intermediate term counts) to see this big boy get moving upwards. " +"Fri May 14 13:47:17 +0000 2021","Closer look at indices -> $DIA $SPY Both hold onto their primary uptrends this week $IWM $QQQ are the weakest as they broke below their 50SMA and struggling to get back up. $IWM might be forming a bear flag, $QQQ is working on building a falling wedge. More notes on chart 👇 " +"Mon May 24 14:31:36 +0000 2021","$QQQ $SPY Strength is market is notable today $VIX once again under 20s. Nasdaq reclaimed 20 and 50 EMA on daily Needs to hold 329 for continuation $QQQ chart " +"Thu May 20 14:54:17 +0000 2021","QQQ-took out big horizontal spot today and awesome action in a lot of names off open.....now we at this declining 20EMA/flat 50SMA....if we can get above there should get more and more setups and better price action.....need to see reaction here. " +"Wed May 19 16:08:48 +0000 2021","$SPX still holing > 50-sma test for now and $SPX $QQ holding over last week's lows. Some upside follow through into the close would help. " +"Mon May 10 20:23:48 +0000 2021","QQQ-holding everything back. Loses 50SMA likely going to fill gap. Retail, oil, financials breakouts failing. Wge failed at EMAs on NASDAQ and going to be tough market until can take back. Thought cyclicals might hang in if growth overdone but if today was any indication.... " +"Tue May 25 00:20:06 +0000 2021","Dow gains 186 pts Nasdaq rallies 190 pts on the back of strong performance of Microsoft, apple, Cisco etc. Trade driven by inflation anxiety relief,Evidence that inflation fears were calming in the bond and commodity markets began to drive the stock market. @CNBC_Awaaz" +"Tue May 11 00:26:17 +0000 2021","Global-Market Insight 1/1 -US markets fall as tech stocks drag down market, Nasdaq loses 2.5% -Surging commodity prices throw concern about inflation -Nasdaq slide 350 points -Dow fell 35 points after surging 300 points @CNBC_Awaaz" +"Tue May 25 00:36:12 +0000 2021","Global-Market Insight 1/1 -Strong bounce in the US markets, Dow climbs 186 points, Tech and reopening stocks lead gains -Nasdaq +190to 13661 -US manufacturing PMI increased to 61.5 in the first half of this month which is the highest since October 2009 @CNBC_Awaaz" +"Wed May 19 14:33:42 +0000 2021","$DIA and $SPY testing last week's lows... $IWM and $NASDAQ showing better relative strength. Looking for reversals(much better odds of reversals in small caps and NASDAQ names) today " +"Thu May 06 15:41:32 +0000 2021","$QQQ Nasdaq reclaimed HOD and Bullish Clouds over 10 Min Needs to hold 329 for push for Tech $VIX back under 20 good sign for today $SPY turned bullish , needs to hold 416 for the day " +"Fri May 28 13:14:12 +0000 2021","Here's a look at price charts for the mega-cap Tech/Consumer Tech stocks. $FB $GOOG $MSFT in uptrends. The rest are either in sideways trends or near-term downtrends. " +"Fri May 07 00:42:13 +0000 2021","Global-Market Insight 1/1 -US markets closed higher as banks, technology lead a broad rally -Dow touches new high, in last hours Goldman Sachs, IBM, and Cisco System supported -After 6 days Nasdaq turns positive, Apple, Microsoft, and Intel were among the winners @CNBC_Awaaz" +"Sun May 02 00:34:28 +0000 2021","Weekend video! Exciting week ahead! Updated charts and TA for: $AAPL, $AMZN, $ES, $FB, $GOOG, $IWM, $MSFT, $NQ, $NVDA, $NYMO, $QQQ, $ROKU, $SE, $SNAP, $SPX, $TSLA, $VIX, $XLF, $ZM. " +"Tue May 25 19:39:06 +0000 2021","$QQQ Top Holdings (51.68% of total holdings) LARGE PERCENT! $AAPL 11.09% $MSFT 9.70% $AMZN 8.61% $GOOGL 3.99% $FB 3.94% $TSLA 3.63% $GOOG 3.60% $NVDA 2.80% $PYPL 2.29% $CMCSA 2.02%" +"Mon May 03 00:08:06 +0000 2021","Weekly Market Watchlist for 5/3-5/7📈 Have a great week everyone! 😃 $AAPL $TSLA $NIO $NFLX $DIS $HD $UNH $NVDA $BIDu $GS $JPM $WMT $COST $FDX $AMZN $SPY $SPX $QQQ $ES_F $NQ_F " +"Sat May 08 15:21:09 +0000 2021","Do you like charts? $QQQ $SPX $FFTY $GBTC $ETHE RVLV NUE STLD FCX ATKR VALE ASO LPX DEN FDX CROX UPS DE YETI ZIM RH GOOG FB ROKU GRWG APPS ETSY UPWK SQ NET CRSR SHOP CRWD TWLO ZS TSLA EXPI ENPH SE NIO PINS FVRR PTON TWTR TSM TDOC PLTR CELH FUTU +more! " +"Mon May 03 11:35:26 +0000 2021","Happy Monday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Higher Open - Fed Chair Powell Speaks - ISM Manufacturing PMI - $IRBT $EL $CHGG $MOS Earnings - #Ethereum Climbs Above $3,000 *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Wed May 05 00:15:03 +0000 2021","Good evening! $SPX almost bounced 40 pts from the lows. if SPX can defend 4149 tmrw, it can move back towards 4190-4200 by the end of the week. SPX under 4098 can test 4000 $AMZN setting up for a bounce toward 3367-3388 if it can hold above 3300. 3400c can work Have a GN! 😄📈 " +"Fri May 07 17:32:54 +0000 2021","We're now working on three full quarters of underperformance from Nasdaq Stocks $QQQ - which to be clear, is NOT the stock market. It's a bunch of large-cap U.S. growth. That's all it is, which ain't much. It's a bigger world out there.... " +"Tue May 11 00:15:06 +0000 2021","Good evening! $QQQ setting up for sell off towards 318 next if it fails at 323 this week. If QQQ can reclaim 333 it can test 338. Tech stocks not ready to bounce yet, be patient. $TSLA possible to see 600 next if it fails at 629. TSLA under 589 can test 550. Have a GN! 😄📈 " +"Sun May 02 19:59:12 +0000 2021","Do you like charts? $QQQ $SPY $IWO $VIX $FFTY ZIM CPE FB NUE NET SNAP RH LRCX NVDA SQ AMAT SMH SE PINS TWTR SHOP FUTU APPS CRSR EXPI ZS PLTR SE GRWG UPWK PTON TSLA ROKU CELH TWLO FVRR NIO CRWD ETSY TDOC DASH VZIO GS LYFT CPE WSM SSTK GNRC DEN ABNB HZNP " +"Sat May 22 18:04:44 +0000 2021","Do you like charts? $QQQ $SPY $VIX $GBTC $ETHE $FFTY GATO RBLX PATH SWAV APPS CRSR TDOC FUTU SE NIO GRWG SQ TSLA ASO FDX STLD YETI GOOG ZIM CROX FCX RH WSM DEN RVLV PTON CELH PLTR NET ROKU CRWD ETSY PINS TWLO ENPH SHOP ZS TWTR TSM EXPI UPWK FVRR + More! " +"Mon May 31 20:54:51 +0000 2021","Do you like charts? $QQQ $SPY $GBTC $ETHE $VIX ZIM VSTO UPST TGLS STLD RBLX PATH NVDA LRCX FNKO F DEN CRCT ASO APP AMAT GRWG FUTU EXPI UPWK NIO ZS SKLZ FVRR SQ PLTR CELH PTON NET TSLA PINS TWLO TDOC TWTR APPS CRWD TSM ROKU SE SHOP ENPH CRSR ETSY + More " +"Tue May 18 11:35:15 +0000 2021","Happy Tuesday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Higher Open - Tech Shares Rebound - $WMT $HD $M Earnings - $TTWO $BIDU $SE Also Report - U.S. Housing Data *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Sat May 01 12:07:54 +0000 2021","$Nasdaq The index was down 0.39% last week. It was up in April & the 13% drawdown is in the rear-view mirror. It is back in a power trend & formed a nice cup 3 weeks tight pattern in lighter volume. It was mute to big-cap tech earnings. I thank @mwebster1971 for the ToS chart🙏 " +"Tue May 04 11:42:24 +0000 2021","Happy Tuesday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Lower Open - $PFE $CVS Earnings PM - $LYFT $ATVI $TMUS $SKLZ Earnings AH - #Dogecoin Surges To $0.49 Cents - #Ethereum Tops $3,400 *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Wed May 19 20:07:22 +0000 2021","#MarketWrap Wall St closes lower, tech shares bounce off session lows DJIA -0.48%, 164.62 points at 33,896 NASDAQ -0.03%, 3.90 points at 13,299 S&P 500 -0.29%, 12.15 points at 4,115" +"Sat May 15 15:40:06 +0000 2021","Technical Analysis of Apple, Tesla, Nio, Nike, $QQQ / $SPY, Amazon, Microsoft, Disney, Airlines, & Oil Content: - Why $SPY put in an important low at 404 - Update on $AAPL $GOOGL $MSFT $AMZN $TSLA $BABA $NIO $FSLY - Update on $DIS $BA $AAL $CCL $XLE $CVX " +"Fri May 21 20:37:18 +0000 2021","Notes for @Qullamaggie 5/21/21 -QQQ rejects off the 20 day -Kris longs a few ETFs -Encouraging signs, but still a waiting game Quote: ""Patience is something you develop as you grow more confident in the markets"" " +"Thu May 13 17:17:37 +0000 2021","Narrow Dow rally; NASDAQ and Russell bounce anemic. $ARKK flirting w/ new low -38% from the highs. Names like $DKNG and $FVRR down 40-50%. Past leader $PLUG is down a whopping 74%. Many stocks down +30%. Pundits screaming buying opportunity! Not impressed. Still holding cash! " +"Sat May 29 16:52:42 +0000 2021","Semiconductors carrying the rest of members $qqq . For exception $fb $googl & few others , everything else didn’t participate in the last rally and still under macro supply IE $aapl $nflx $amzn etc . Something to keep an eye on next week" +"Thu May 06 02:54:48 +0000 2021","Weekly Update of Apple, Tesla, NIO, QQQ, Facebook, Nvidia, Travel Stocks, Nike, Pfizer and Bitcoin Content -Industrial and Consumer Setupus $AAL $BA $NKE $CCL $PG -Why I'm looking for $QQQ to rally with $FB $AAPL $TSLA & $NVDA Mic shopping this weekend! " +"Wed May 05 17:23:59 +0000 2021","@jam_croissant Works great so far. Vanna push to 4179 and once over is the line for the bears, 20 day Ma is the line for bulls. Nasdaq struggling. End of day push will probably be decisive. Great analysis👏👏" +"Wed May 12 03:05:04 +0000 2021","Technical Analysis of Tesla, Apple, the Nasdaq, S&P 500, Amazon, Bitcoin, Palantir, Microsoft, Facebook, and Google Content - Why $MSFT $FB $GOOGL $NVDA & $AMZN show more upside - Full count of $SPY - Analysis of $BTC $TSLA $AAPL $AAL $PG $PLTR and $BYND " +"Tue May 11 20:39:34 +0000 2021","Choppy day initially began with weakness in tech-heavy NASDAQ, but Energy ended up lagging most given Tech’s reversal; Materials able to eke out slight gain while defensives broadly weak…large-cap value led to downside but performance since early March hasn’t been dented much " +"Thu May 20 20:11:01 +0000 2021","#MarketWrap Wall St closes higher as tech rallies DJIA +0.55%, 188.11 points at 34,084 NASDAQ +1.77%, 236.00 points at 13,535 S&P 500 +1.06%, 43.44 points at 4,159" +"Tue May 11 23:24:07 +0000 2021","Futures fall after wild session. Big inflation report due, Tesla, Apple, Roblox among 8 stocks at key levels. $TSLA $AAPL $FB $RBLX $TREX $NVDA $HZO $GS " +"Tue May 11 01:24:34 +0000 2021","SPAC bubble ...burst IPO bubble .....burst TESLA bubble ...burst Cathie wood bubble ...burst Bitcoin and Nasdaq .....bursting? Dow and S&P last man standing Soldiers are leaving the battle ... generals are still fighting ... let’s see how much they can fight" +"Mon May 03 11:02:18 +0000 2021","$TSLA -0.9% pre-mkt to $703 following +4.8% jump Friday. Equities higher (SPX +0.5%, QQQ +0.3%) with 10yr Treas ylds flat in front of more 1Q earnings reports this week ( MTCH, PYPL, SQ, UBER, CVNA, NKLA) and April jobs #s this Friday. Congress starts work on infrastructure bill." +"Sat May 01 16:55:08 +0000 2021","The major indexes ended little changed last week, yet it was a tough time for buying stocks. On the plus side, several stocks had constructive pullbacks, including Apple, Tesla, Nvidia, Cloudflare and Idexx Labs. $AAPL $TSLA $NVDA $NET $IDXX " +"Fri May 07 00:11:57 +0000 2021","$SPY Strong close today. Liking this candle close just over 419 level. If we see a move over ATHs 421, can spark a rally. Fibonacci levels 424, 427 $AMZN $AAPL $BA $NFLX $TSLA $AMD $ROKU $NVDA $FB $PYPL $DOCU $CRWD $ETSY $SQ $MSFT $BABA $ZM @TrendSpider " +"Tue May 18 23:38:33 +0000 2021","One large warning sign for me when we’re near tops is watching companies destroy earnings and then the stocks drop We saw it in big tech a couple of weeks ago with GOOGL, FB, and AAPL. All down from those huge beats. Now we’re seeing it in retail with stocks like M today." +"Mon May 17 21:38:25 +0000 2021","*POINT72 ADDS AMAT, EXPE, CRM, SGEN, SQ, WAT, IQ, FDX IN 1Q: 13F *POINT72 REDUCES GOOGL, AMD, LVS, AZO, ACGL, JD, MSFT IN 1Q: 13F *POINT72 EXITS LLY, FISV, DIS, IQV, SPGI, BHC, ZS IN 1Q: 13F" +"Wed May 05 06:18:59 +0000 2021","4/x approx $2 Bil in MOC Vanna flows for the kick save and then algo driven AH Flows we’re now seeing... more Vanna flows are likely on their way tonight into tomorrow AM, but w/out more NDX strength & an ES rally above the 4179***these will continue to be dealer flows (albeit" +"Thu May 13 17:22:12 +0000 2021","So it took tech stocks like $TSLA, $FB, $AAPL, $NFLX, $AMZN, $GOOG about 9 months to reach ""overvalued"" status and just 48 hours to reach oversold status. Gotta love the market." +"Mon May 03 00:03:31 +0000 2021","$NFLX Tight range after the gap down on earnings. Keeping a close eye for a bigger move out of this range. Over 516 can see 525, 535. Under 500 can see 491, 480 $SPY $AMZN $AAPL $BA $TSLA $AMD $ROKU $NVDA $FB $CRWD $ETSY $SQ $MSFT $BABA $ZM @TrendSpider " +"Mon May 10 20:25:58 +0000 2021","Today is the 15th day this year with a move of 2% or more in the Nasdaq, and they weren't all moves down. Inflation jitters ahead of CPI numbers on Wednesday. But remember the Fed targets average inflation, not one time inflation, and they use PCE not CPI." +"Mon May 24 05:01:18 +0000 2021","UPST RBLX PATH APP DDD PLTR SNAP GLBE DASH WOW HYRE FNKO SKYT NVDA Some of the special sporty names flaring up recently. Have a plan for the dips and the rips." +"Mon May 24 13:59:03 +0000 2021","Well back to the drawing board. So far $QQQ and $SPX $SPY negated last fridays bearish rejection at highs. All above 20dma. $QQQ weekly inside up. Nothing bearish atm." +"Fri May 07 14:12:27 +0000 2021","Glad to see $ROKU get back on track so far - $SQ $NET too - much better market reaction to tech earnings today - any stability in the high beta stocks should help $QQQ overall." +"Fri May 21 19:28:57 +0000 2021","Amazing week $NVDA 🐶 & daily walk thru all the way 🆙 $AMZN $TSLA levels $VIAC 38.5 now 42.4 $FSR 10.25>13 $AAPL walk thru to 128 & LOD today $BA every step from 224 📈 now +12 $AMD 72 now 77 Tell your friends to be here Monday. Followers broke 8k resistance 10k next👀" +"Sun May 02 15:20:29 +0000 2021","$QQQ C&H pattern intact.. but below the 8D and great earnings sold.. CMF study show's money flowing out.. 21D Close... loose that may drop fast.. selling in $AMD $AMZN very concerning to me " +"Thu May 06 14:30:30 +0000 2021","MORGAN STANLEY: "".. trading flow suggests we're getting close on large cap quality as megacaps .. such as $FB, $GOOGL, $MSFT, $AAPL, $CSCO & $CMCSA likely have limited downside from here .. "".. High EV/Sales + Growth Software may take time with positioning still elevated ..""" +"Wed May 26 10:58:48 +0000 2021","#Crypto experiences are helping me understand the flow in stocks as well. $AMZN and $AAPL are the two most important $QQQ stocks. Both daily charts are much weaker. Leaders trade sideways while the ""alt"" smaller stocks get attention." +"Mon May 17 19:49:36 +0000 2021","Despite the recent pullback, the Nasdaq & tech are poised for a steep run into the top. Both semis & the FAANG stocks will lead the run. SMH (semi ETF) looks great & is poised to run to at least $300." +"Tue May 18 13:00:46 +0000 2021","Good morning! $QQQ gapping up 1.5 , if this can move back to 327.50+ it can test the 329 resistance. If QQQ breaks under 323 it can test 318 $GOOGL setting up for 2342 if it closes above 2300 into Thursday $NVDA close to a bigger breakout to 600, keep an eye on 574 GL! 😄" +"Thu May 13 13:00:35 +0000 2021","Good morning! $QQQ in a range for now but if it can reclaim 323 we can see another 2-3 pt bounce into Friday..More buyers can step in above 325 $TSLA gapping up near 600, as long as 589 holds TSLA can move back towards 644 next week $AAPL 120P can work under 122 Good luck! 😄" +"Wed May 19 13:49:41 +0000 2021","$SPY $QQQ Another Red open for market as BTC sells off $VIX over 25, needs to stay under for market push or UVXY calls will be in play Few names broke support or rejected right before breakout areas, daily charts getting uglier like $TTD $TSLA $NFLX etc Growth Gap down as well" +"Thu May 13 18:41:38 +0000 2021","The market held so far today, $SPX reclaimed 4098, if it closes above 4116 we can see another bounce tomorrow $GOOGL setting up for 2254+ tomorrow if it closes near the highs $SHOP $AMZN still very weak, harder trades for the upside" +"Mon May 24 15:21:08 +0000 2021","JP Morgan Internet Coverage - Top Picks $AMZN, $FB, $PTON, $LYFT, $GOOGL, $TWTR Mega Caps: Overweight $AMZN $4600 $FB $390 $GOOGL $2875 $NFLX $600" +"Tue May 25 10:13:06 +0000 2021","Good Morning! Futures up, $QQQ leading $BA SMBC Aviation Capital Orders 14 Boeing 737 MAX Jets $GOOG Germany opens Google antitrust probe: official AFP $CGC u/g Buy @ MKM $SHAK u/g Buy @ GS $STAY d/g Neutral @ Macquaire" +"Thu May 06 14:30:56 +0000 2021","#tradingtips #sectorsentiment For Small/Midcaps track $IWM or Russell, you will see the sentiment For $SPY names, $VIX is important but usually also shows overall market sentiment (inverse) Today VIX back over 20 means - Fear/Selling $QQQ Nasdaq 100 for Tech $IWF Growth Names" +"Thu May 20 13:01:09 +0000 2021","Good morning! $QQQ strong gap up this morning.. If this can hold above 323 it should make a move back towards 329 by next week.. Puts can work under 318 $NVDA close to a bigger breakout..9 pt gap up this AM.. Watch to see if this can break above 574.. It should test 615 GL! 😄" +"Tue May 04 10:06:00 +0000 2021","Good Morning! Futures down slightly mostly flat $MSTR int Outperform @ Blair $BA u/g Market Perform @ Bernstein $AAP u/g Buy @ GS $NTNX u/g Overweight @ JPM $INTC to Invest $3.5 Billion to Expand New Mexico Manufacturing Operations" +"Wed May 12 13:00:58 +0000 2021","Good morning! Bigger gap down again on inflation numbers. If $QQQ breaks under 318 we can see tech continue to sell off.. It's possible to see 309-313 next before we see buyers step in $TSLA under 589 can test 575,567 next $NVDA i'd wait for 574+ to consider calls GL! 😄" +"Tue May 04 14:10:33 +0000 2021","$FFTY and NASDAQ coming in fairly hard this morning suggest - at the very least - we still need to build the right side of bases. This is likely true for most stocks in bases as well. The action in ARKF is starting to look a bit ominous. We need to see supportive action soon." +"Thu May 06 16:16:51 +0000 2021","$QQQ fast pop after dropping to 326 again.. if QQQ holds 330 it can test 333 $SPX still on track to test 4200, held 4149 support today, good sign for the upside $AMZN back near 3300, if we see tech run tomorrow, AMZN can test 3367" +"Wed May 19 00:07:04 +0000 2021","The funny part of trading is clowns dont understand mkt is bullish, then something changes. all techs down while Spx even. shop pops but Googl lower w Amzn. Tsla drops. Sams loads puts. Sells shop, load tons of Tsla puts w Spx puts. Mkt dives 35.. watch movie knowing .." +"Fri May 14 13:00:21 +0000 2021","Good morning! $QQQ gapping up 3+ premarket, if this can break above 323 it can test 325 today $AMZN setting up to test 3242 if it breaks above 3200 $AAPL possible to see a move to 128 today if the market can start to bounce Good luck everyone! 😄" +"Fri May 07 13:00:19 +0000 2021","Good morning! Nonfarm pay roll numbers much lower than expected at 266k vs 978k estimate $QQQ setting up to test 338-341 by next week $GOOGL should test 2400 if it breaks above 2374 next.. calls can work above 2374 $AMZN above 3367 can run towards 3400 Good luck everyone!" +"Mon May 10 19:06:47 +0000 2021","#Nasdaq down another 330 points. #DJIA up another 100+ points. Last several weeks we have been noticing unique patterns. Normally both would be up or down but the constant bear raid on Nasdaq listed stocks is puzzling. Tells me valuations does matter based on fundamentals imo." +"Wed May 19 13:00:04 +0000 2021","Good morning! $SPX if this. fails at 4063 we can see a drop to 4000 next, $QQQ can drop to 313 before we see a bounce $TSLA very weak.. This can drop to 500,465 if it closes under 550 for the rest of the week $NVDA to 534,525 coming next if it stays under 542 Good luck! 😄" +"Tue May 11 10:17:24 +0000 2021","Good Morning! Futures down, tech down big $SHOP u/g Buy @ Loop Cap $ATVI u/g Outperform @ BMO $COIN init a Buy @ oppy pt $434 $NKE u/g Buy @ Jefferies pt @192 $TLRY Outperform @ Cowen $DOW d/g Neutral @ GS" +"Wed May 05 18:07:30 +0000 2021","On the heels of a distribution day yesterday, so far it's been a piss poor rally attempt from the NASDAQ and even $QQQ, $ARKK. The Dow and cyclical breakouts are leading and making headlines while much of the broader market is still in a consolidation that started in February." +"Thu May 06 19:33:30 +0000 2021","Some of the largest stocks that hit new 1 Month Lows at some point today Microsoft $MSFT Amazon $AMZN Tesla $TSLA PayPal $PYPL Adobe $ADBE Netflix $NFLX Salesforce $CRM Shopify $SHOP Square $SQ Airbnb $ABNB $UBER $AMD Zoom $ZM $SNAP Snowflake $SNOW Coinbase $COIN $SPOT $TWTR" +"Fri May 14 14:31:44 +0000 2021","$SPY $QQQ #update $SPY Reclaimed 20 EMA with $VIX under 20s so good for $SPY $QQQ Trend day but still in bearish territory, needs to reclaim 50 $EMA $IWM Small Caps strength today $XBI Biotech holding 125 is key Need to see continuation into next week" +"Wed May 12 21:53:42 +0000 2021","Below 200D $AAPL $AMZN $AMD $NFLX $SHOP $TTD $TWLO $PTON Below 100D, above 200D $QQQ $SMH $NVDA $TSLA $ROKU $MU $LRCX $PYPL $SQ $SE $TSM Below 50D $MSFT Still above 50D $FB $GOOGL" +"Thu Jun 03 20:45:32 +0000 2021","TESLA STOCK Tesla 7 days hot streak of $600 price ended today! Worst day since May 10th. #tesla #Dogecoin $tsla #Bitcoin #ElonMusk #stonks #StockMarket " +"Wed Jun 09 21:14:39 +0000 2021","TESLA STOCK PRICE AND VOLATILITY #Tesla down 1% today and under $600 price. $tsla #StockMarket #stonks #ElonMusk @Tesla " +"Mon Jun 14 13:34:44 +0000 2021","Truist Securities analyst Youssef Squali raised the price target on $AMZN to $4,000 from $3,750 while maintaining a Buy rating. He always kept his price target above the the stock price. #pricetarget #Truist #Amazon #YoussefSquali #stockmarket " +"Tue Jun 01 18:25:17 +0000 2021","$NQ $QQQ showing a bit of weakness. Might we have a small time-frame shorting opportunity for a quick trade when price gets up to $334 on $QQQ?? @jmans1111 #daytrading #StockMarket #QQQ #InvestInYou #OptionsTrading #Futures #folloback #FolloForFolloBack @stock_ability " +"Fri Jun 11 15:36:14 +0000 2021","BLUE: $PLTR ORANGE: $TSLA Price Trend Analysis between PLTR and TSLA shows an interesting recent divergence. Market Alpha is a new stock market app focusing on high impact news feed, watchlists and technical charts. Check out more at #stockmarket " +"Mon Jun 28 13:53:33 +0000 2021","Stock pick from 3 weeks ago $MSFT has hit price target 2 🎯🎯 #stock #StocksToWatch #StockMarket #StocksToBuy #StocksInFocus #stockalert #StockTrading " +"Mon Jun 21 15:35:05 +0000 2021","$NVDA Target Price 702, 666 1. Semi usually pulls back at the end of June 2. NVDA stock splitting 06/21. Usually, stocks pull back afterward 3. The graphic card price in China is dropping due to lower crypto mining demands #stockmarket #stocktrading #trading #stocks #trading " +"Wed Jun 16 13:53:03 +0000 2021","Stock pick from a week ago $MSFT hits Price Target 1 🎯 #stocks #stockmarket #investing #trading #money #forex #finance #investment #business #invest #investor #bitcoin #entrepreneur #wallstreet #trader #financialfreedom #wealth #success #cryptocurrency #daytrader #motivationl " +"Wed Jun 23 00:24:36 +0000 2021","Slowly but surely 🤑🚗 $TSLA not reach this price in one day 👍🏻 #CCIV $CCIV #LCID $LCID @LucidMotors #FirstTo500 #GoGreenOrGoHome #Stock #StockMarket #Paytience" +"Thu Jun 17 14:28:17 +0000 2021","Stock pick from last week $AAPL hits price target 1 🎯 #stocks #stockmarket #investing #trading #money #forex #finance #investment #business #invest #investor #bitcoin #entrepreneur #wallstreet #trader #financialfreedom #wealth #success #cryptocurrency #daytrader #motivation " +"Tue Jun 15 19:12:53 +0000 2021","Police bodycams AAPL news-major product launch or an announcement of an updated iPhone Companies must rept earnings every quarter. Anytime U see a stock on the move, check its earnings rept release date. If the rept is only a day or 2 old, it’s likely driving the price up/down" +"Tue Jun 15 13:25:47 +0000 2021","From the Trading Floors: -Equity index futures are mostly up small with the Nasdaq lagging -Energy, Health Care, and Financials are upside leaders in the S&P -Tech, which had been higher, has dipped fractionally into the red -Crude is up - $BTC $40.3K - $VIX 16.69 " +"Tue Jun 08 20:28:40 +0000 2021","BIG THREE: (1) hard to imagine the market would give up while the BIG THREE TECHS are rebounding. (2) MSFT, AMZN & AAPL are all working on their respective retrace from the previous decline. (3) time-wise & price-wise, they all look unfinished. AAPL has the look of a BEAR NEST. " +"Tue Jun 15 19:13:00 +0000 2021","#5 NIO Limited on 60Minutes $NIO is an EVcar manufac inChina. Aft its IPO in Oct2018, the stk price didn't make signif gains. Was expected it 2 rival TSLA, but lacked astrong catalyst. Feb2019, that catalyst came. “60Minutes” featured it. The stk surged fr $8 to>10 in 2days" +"Tue Jun 15 19:12:59 +0000 2021","#3 Tesla CEO Smokes Pot Puffs? Elon, CEO Tesla $TSLA, was captured on camera smoking weed during a JRogan interview. This on-camera blaze scorched stk price. Amid gossip about Musk’s potential drug problems & general pessimism about Tesla's future, stk tanked fr $375 2 $180. >50%" +"Wed Jun 02 16:34:48 +0000 2021","Stock pick $AAL taking off and hits Price Target 2 🎯🎯 #stocks #stockmarket #investing #trading #money #forex #finance #investment #business #invest #investor #bitcoin #entrepreneur #wallstreet #trader #financialfreedom #wealth #success #cryptocurrency #daytrader #Success " +"Tue Jun 08 08:19:36 +0000 2021","Motley Fool UK: Amazon (NASDAQ: AMZN) shares have underperformed this year. While major stock market indexes such as the S&P 500 and the FTSE 100 have climbed higher, Amazon’s share price… Join us at #stocks #stockmarket #investing " +"Wed Jun 09 10:09:05 +0000 2021","Motley Fool UK: The Clover Health Investments (NASDAQ: CLOV) share price rose by as much as 109% on Tuesday, ending the day up 85%. The US health insurance firm is the latest meme stock… Join us at #stocks #stockmarket #investing " +"Tue Jun 15 07:51:07 +0000 2021","Motley Fool UK: The Clover Health Investments (NASDAQ:CLOV) share price has seen some explosive growth recently. In fact, just over the first week of June, the US stock jumped by nearly… Join us at #stocks #stockmarket #investing " +"Mon Jun 21 20:45:55 +0000 2021","Big 3 & Bear Case: (1) MSFT made ATH mid-day, which calls to question my bearish count for it. Also, AMZN is close to ATH too; (2) NDX, DJI & SPX may follow different pattern, but it is hard to imagine a severe drop if these 3 remain stable. (3) all in all, it may drag on more. " +"Thu Jun 24 13:43:07 +0000 2021","This looks like a blow-off top on the Nasdaq. With respect to the S&P 500 which just eked out a new all time high (intra-day), these are the internals as of yesterday's close: " +"Tue Jun 08 13:18:00 +0000 2021","From the Trading Floors: Equity index futures are up across the board -Nasdaq outperforming & S&P set a new high -Consumer Disc., Tech, and Communications are leading -Financials and Energy, are lower -Crude, gold, and silver are down - $BTC $32.7K - $VIX 16.41 @MarketRebels " +"Mon Jun 21 02:12:01 +0000 2021","Alright guys, making this a simpler post. Reminding you I’m cautious into the new week with $SPY <415. Here’s my watchlist and trigger levels. $PYPL $AAPL $BYND $TSLA $BABA $WISH $BMBL $SNOW $SNAP Happy Father’s Day all and hope you had a great weekend! Let’s get it tomorrow! " +"Wed Jun 02 20:19:01 +0000 2021","$PLTR > 22.8 thru 23.36 🔥 now 24.4 $BA 258 resistance $RKT at 17.9 now 20.25 $NVDA > 650 +9 now 672 $TSLA -7 then +6 13 total $BB still going $ABNB now 151 What the fuck tho? Where the love go? " +"Tue Jun 22 18:36:05 +0000 2021","$NDX $QQQ . Similar to what we saw in the SPY, the percent of stocks above the 50SMA and 200SMA are diverging. This needs to be resolved sooner rather than later. " +"Fri Jun 04 14:25:57 +0000 2021","$SPY $QQQ Tip: If theres nothing, switch to 1H timeframe. Check back every hour and see if theres reversal. Thats if youre bored. Im not even watching the action right now. Shopping for impact wrench on amazon " +"Thu Jun 24 12:20:27 +0000 2021","Good morning traders! 💥💥 @Nasdaq continues its impressive run, up another .62% and we have some good names and levels here on the #stickynote I really like $NIO if we can break $46.50 and we will watch that top on $CLOV 💵💵🙌🙌 $TSLA $ORPH $PLTR $AMD $ALF @traderTVLIVE " +"Wed Jun 16 18:23:41 +0000 2021","Fed impact :Dow Jones Industrial Avg turned 320 points lower. The S&P 500 fell 0.9% after hitting an all-time high in the previous session. The Nasdaq Composite erased earlier gains and traded 1% lower as Alphabet, Facebook, Netflix and Microsoft all dropped at least 1%." +"Tue Jun 22 18:27:29 +0000 2021","$NASDAQ ... taking the leadership role last few days. Note, how well the Nasdaq index held up as the other indexes pulled back last week. Printing new highs here.... " +"Wed Jun 30 13:31:20 +0000 2021","The ""Big 5"" - $AAPL, $MSFT, $AMZN, $GOOGL, $FB - are at new price highs, but collectively their weight in the S&P is making a lower-high... modest, but worth noting. @StrategasRP " +"Thu Jun 24 00:49:18 +0000 2021","Global-Market Insight 1/1 -Dow -71 to 33874 -S&P -4.60 to 4242 -Nasdaq +18 to 14272 -Asian markets open weak after US indices traded in a narrow range and closed in red -Retail & financial stocks did well but the overall market was weak -Rally in Tesla lifted Nasdaq @CNBC_Awaaz" +"Wed Jun 02 16:36:03 +0000 2021","Notice... indices aren't doing anything today. $SPY, $QQQ, $IWM, $DIA making mini consolidation candles today yet look at what's happening ""under the surface""... Market breadth and internals pointing us firmly higher " +"Wed Jun 16 12:59:32 +0000 2021","SQQQ the weekly Bearish QQQ ETF, finally lining up with 13 13 on Weekly both on this week's bar- While this can go a bit lower possibly on 3-5 day basis,- Any move UNDER 10 should be bought " +"Fri Jun 25 00:11:50 +0000 2021","$QQQ not quite at weekly alignment for #Demark & many to jump the gun, but next week stands out as important, & while IWV, SPX, SPY all triggered on multiple time frames.. Daily & weekly QQQ was still premature but getting closer " +"Fri Jun 18 21:10:15 +0000 2021","None of those chart patterns look like top reversals. $FB $AMZN $NFLX $GOOG. You can see what might be up for $AMZN and $NFLX. More with the upcoming report >> " +"Thu Jun 10 13:08:37 +0000 2021","$TSLA still flat from prior to CPI number even through most stocks have turned up nicely. So did NASDAQ. Looking like another nothing burger today. " +"Sun Jun 20 00:59:18 +0000 2021","Find it encouraging that $AAPL held 130 as $SPY sold off. (1) we can see $SPY sentiment leaning bearish while sentiment towards $AAPL was bullish, (2)(3) near term (no monthlies or leaps) ask-side apple flow is very bullish, (4) Above Ask AH dark pool trades 🍎 " +"Thu Jun 10 15:18:35 +0000 2021","$QQQ leading on the day when CPI came in above projections is a bullish sign for tech and growth. Some follow through into the close is key. " +"Tue Jun 15 00:43:05 +0000 2021","Global-Market Insight 1/1 -Gains in big tech companies helped S&P 500 to reach a record high even as 3 stocks fell for every one that rose -S&P 500 rose 8 points to 4,255 while Nasdaq climbed 105 points -Dow fell 86 points -10-year bond yield @ 1.49%, dollar higher @CNBC_Awaaz" +"Thu Jun 17 20:17:41 +0000 2021","$AAPL $MSFT & $AMZN bounced impulsively from the 61.8% retracement and are going to the Wave 3 target $MSFT and $AMZN are about to break the Wave 1 high, a huge win for bulls $AAPL needs to hold the Wave 2 low of 122 $NVDA $FB $GOOGL & $QQQ already broke their late April highs " +"Thu Jun 10 00:15:03 +0000 2021","Good evening! $SPX another consolidation day above 4200. if CPI numbers are better than expected, we should see SPX move to 4257 by Friday. Puts can work under 4190. $AMZN I would wait for 3300+ to consider calls. AMZN above 3300 can test 3343,3367 next. Have a GN! 😄📈 " +"Wed Jun 23 00:15:03 +0000 2021","Good evening! $SPX setting up for a run to 4300 by next week if it can break above 4257. I see SPX running to 4450-4500 this summer before we see a bigger pullback. $FB if it holds 338 it can run to 344 in the next few days. Let's see if $FB $AAPL can lead tmrw Have a GN! 😄📈 " +"Mon Jun 07 14:43:19 +0000 2021","Market making new ATH but the FAANG stocks are very much still in consolidation mode. For every $FB or $MSFT breaking out there is a $TSLA or $AMZN testing support. If I had ""one chart"" right now it may be this. Which way does this resolve? $SPX will likely follow. " +"Mon Jun 07 01:12:34 +0000 2021","Do you like charts? $QQQ $SPY $GBTC $ETHE $VIX ZIM VSTO UPST TGLS STLD RBLX PATH NVDA LRCX FNKO F DEN CRCT ASO APP AMAT GRWG FUTU EXPI UPWK NIO ZS SKLZ FVRR SQ PLTR CELH PTON NET TSLA PINS TWLO TDOC TWTR APPS CRWD TSM ROKU SE SHOP ENPH CRSR ETSY + More " +"Sun Jun 20 16:40:17 +0000 2021","Do you like charts? $COMPQ $SPX $IWO $IWM ASAN SHOP GLBE MDB SPT CRCT DOCU NET APP QFIN CRWD ZS NVDA FRHC SE DEN SBLK VSTO F ASO ZIM RBLX LSPD UPST ABNB SNAP PATH PTON + more! " +"Mon Jun 14 20:02:28 +0000 2021","And that's a wrap $SPY $QQQ ATH's... volume low who cares.. $AAPL $CRSR $WOOF $NVDA $SQ $RIOT $MARA $COIN $NVDA so many names in play today.. We focus on names and ignore the indexes when volume is low! Nice start to the week! " +"Mon Jun 28 19:42:59 +0000 2021","Lets see no volume. $QQQ $SPY ATH's... I traded $BIDU $SOXL $AMD $PATH $FB today for a great day... $NIO $SMH $SOXL $NVDA $QCOM $AAPL $MSFT etc soo many names to trade.. Dont' focus on the index's ... we focus on the action Enjoy your night! " +"Thu Jun 17 20:24:08 +0000 2021","Well quite the Day... Pre was a mess then boom.. $QQQ leading all day new ATH.. $AAPL $AMD $NVDA $AMZN so strong all day.. for me. .$NVDA $AMC made my day! Enjoy your evening and.. " +"Wed Jun 30 01:37:50 +0000 2021","$QQQ #Update #win Nasdaq July 6 350c went up 400% since #addalert Time to roll further if still in. While others saying ""too high"" we were banking on breakout! #riptips Swing Indices ETF options on breakouts if u want decent gains on occasional trading Review Carefully 👇👇 " +"Wed Jun 09 02:09:46 +0000 2021","Technical Update on the Nasdaq, Apple, AMD, Palantir, Microsoft, Nike, Disney, Crypto Miners, Airlines, and EV Content: Big tech: $QQQ $AAPL $AMD $AMZN $FB $MSFT Travel: $JETS $JBLU $DAL $DIS Growth: $XPEV $LI $FSLY $NET $JAGX $BNGO $NNDM $PLTR $MARA $CAN " +"Fri Jun 18 20:00:20 +0000 2021","$SPX giving more material evidence of a ST pullback in the works, Nasdaq still outperforming on the way down-1st down week in 4- Expect this materializes into a 3-wave decline for now, but next week should prove volatile- Visit for further Analysis, Tgts " +"Mon Jun 14 19:33:25 +0000 2021","$QQQ #chartidea Nasdaq 100 Breaking out on weekly here with new highs. Good for Tech Swings, 350c Monthly calls good #addidea here with 338 risk Will also help to get some quality swings on other tech names. " +"Thu Jun 24 15:41:54 +0000 2021","$CPE $DEN $SM $LPI While many tech stocks are ripping & many are having a good week. We do not take our eyes off the #1 industry group as they are quietly performing well... Are they at buy points? NO! But, they have found support at their MA's.Keeping an eye on that oil patch. " +"Wed Jun 02 11:49:25 +0000 2021","Happy Wednesday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Flat Open - $AMC $GME $BB Extend Meme Rally - $SPLK $NTAP $AI $SMAR $PVH $AAP Earnings - Fed Beige Book - U.S. Monthly Auto Sales *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Tue Jun 08 00:15:05 +0000 2021","Good evening! $QQQ close to testing the all time high at 342. For tomorrow, keep an eye on 338. Calls can work if QQQ breaks above this level. $GOOGL can test 2430 next if it holds above 2400 tomorrow. It's possible to see GOOGL near 2480-2500 by next week Have a GN! 😄📈 " +"Wed Jun 16 20:45:22 +0000 2021","Focus List Update: $AAPL EPIC retest of breakout level $AMD Fakeout to downside, chop $OZON Reversal higher, chop $ROKU Target nearly hit, bounced $TSLA Lower trendline held, bounced $SPY Target 🎯 " +"Thu Jun 17 20:53:23 +0000 2021","Focus List Update: $AAPL Target hit 🎯 $AMD Target SMASHED 💥🎯 $OZON Reversal higher $ROKU Reversal higher $TSLA Nearing upside breakout $SPY Hit resistance at lower trigger " +"Sun Jun 27 22:03:03 +0000 2021","$AAPL - Trade Idea 💡 - July 30 135C Closed at 133.11 Had 3 consecutive red days since Wednesday but still managed to hold 132.71 On the next leg higher AAPL should test 136-138 - $AMD $AMZN $BA $BABA $BYND $FB $MSFT $NFLX $NIO $NVDA $ROKU $SNAP $SPCE $SPX $SPY $SQ $TSLA $ZM " +"Fri Jun 04 02:19:16 +0000 2021","It’s time for Nasdaq SportsCenter: TSLA is losing by 17 with 22 seconds left and has a 4th and 17, AMZN is down by 6 with 52 seconds left with a 1st and 10 from there own 3, AAPL is about to attempt a 56 yard field goal to send the game to OT. , Up next Celebrity Jeep racing" +"Fri Jun 18 16:32:45 +0000 2021","The relative strength in tech names $QQQ during this selloff is hard to ignore $SPY = biggest gap down in weeks $DIA = biggest gap down in months $QQQ = unbothered. Their hands are exposed. Time to update the ""short on pops"" vs ""buy on dips"" watchlists. " +"Fri Jun 11 00:15:03 +0000 2021","Good evening! $SPX printed a new ATH after breaking 4239. SPX is setting up for 4300-4350 in the next 2 weeks. Let's see if SPX can defend 4239 into Monday $AMZN what a day. if AMZN breaks above 3367 tmrw it can run to 3400 quickly. Calls can work above 3367 Have a GN! 😄📈 " +"Thu Jun 03 19:21:34 +0000 2021","One of the keys going forward here will be the old tech winners $TWLO $PINS $SNAP $ROKU and similar funds like $ARKK. Many rallied right into resistance of late. If they really get nailed again, going to be tough for the Nasdaq--but if they can hold, we could be OK." +"Mon Jun 28 13:09:24 +0000 2021","High Beta & Energy have continued their winning ways QTD, adding to YTD gains; Value has flip-flopped, lagging so far QTD, after strong Q1 performance versus S&P 500; Tech & Growth on rise & outperforming S&P 500 QTD ⁦@SPDJIndices⁩ ⁦@SPGlobal⁩ " +"Thu Jun 24 14:07:40 +0000 2021","New highs for S&P 500 and Nasdaq 100, but where are the stock new highs? Only 25 highs on S&P today. S&P Tech sector at new high, but only tech megacaps at new highs are $FB $MSFT & $NVDA . $TGT and $AXP too, but that's it. $SPY $QQQ $XLK #markets @CNBC" +"Sun Jun 06 23:53:44 +0000 2021","Watchlist for me $CHWY bullish 🎯81, but ❌ $73 $NVTA bullish 🎯33, but ❌ 26 $UAA bullish 🎯24.40, but ❌ 20.70 $TSLA bullish >608, 🎯630, but ❌ 590 $AAPL start building short if/when $SPY gets to $425 as long as no AAPL close over $127.75" +"Thu Jun 17 20:02:28 +0000 2021","#MarketWrap Wall St closes mixed, tech stocks outperform DJIA -0.62%, 209.96 points at 33,823 NASDAQ +0.87%, 121.67 points at 14,161 S&P 500 -0.04%, 1.76 points at 4,221" +"Sat Jun 19 15:36:31 +0000 2021","After a wild week, the Nasdaq now leads but the rest of the market weakened significantly. Here's what to do now. Also, Amazon Prime Day is on tap with $AMZN near a buy point, along with $SNAP, $VALE PayPal and Intuitive Surgical $PYPL $ISRG " +"Sun Jun 13 17:56:05 +0000 2021","Some pivots for this week on big names. $AAPL bull > 128-128.5, 130 bear < 125.75 $AMZN bull> 3340, 3367 bear < 3315 $TSLA bull> 617, 625, 632. Bear <596 $FB > bull> 332, 334 bear <330, 328 $NVDA bull > 712, 717 bear < 703, 700 $MSFT bull> 258-258.5, bear < 255, 252" +"Mon Jun 14 19:00:36 +0000 2021","Market is side ways -- as mentioned earlier Tuesday and Wednesday will be sluggish --add those picking dips -- and the stocks mentioned are worthy for good swings -- especially $APTY $IVR $APXT $HUTMF $SOS (earnings to come for this one ) plus chart looks great for next leg up" +"Sun Jun 13 23:39:36 +0000 2021","$SPY New ATHs on Thursday and can see more over 425. Fibonacci levels above at 427, 434. Needs to hold over 422.80 to continue higher or can see a pullback to 419 $AMZN $AAPL $BA $NFLX $TSLA $AMD $ROKU $NVDA $FB $ETSY $SQ $MSFT $BABA $ZM @TrendSpider " +"Sat Jun 05 17:49:24 +0000 2021","Health of market can be told in this coming week by looking at $AAPL , $MSFT. Tech finally made a move & $SPY had its largest gain in 8 sessions. If $AAPL event turns to sell the news weakness can return & spread elsewhere." +"Mon Jun 21 04:03:13 +0000 2021","GMI declines to 3 (of 6) but still 17th day of $QQQ short term up-trend; SPY closes below 10 week average and daily RWB gone; $GNRC has GLB, $ASAN had GLB 2 wks ago " +"Mon Jun 14 20:05:06 +0000 2021","$SHOP +106 $AMZN >3340, 3367, now 3384 $AAPL > 128, 128.5 now 130 $MSFT > 258, 258.5 now 259.8 $TSLA > 617, 625🎯 $NVDA > 712, 717 now 720 $NFLX at 489, 500🎯 +11 $AMC reversal at 43, now +14. Going private tomorrow 🔐" +"Sun Jun 06 19:22:06 +0000 2021","I like $AAPL into next week. Holding. I will keep an eye on meme names $BBBY $AMC $CLOV $FUBO I also like $AMZN for a one day wonder probably should market help. CPI data food/gas and ex food matters big this Thu." +"Thu Jun 10 20:03:52 +0000 2021","Thirsty Thursday coming in hot 🥵 🍺 $AMZN unreal 3300c <4 to now 52 $AMD buyers <80 now 81.56 $ABNB at 142.9 now 146 $SHOP at 1202 now 1232 Fuck with me u know we got it. Have a good night 🔥" +"Tue Jun 22 13:37:35 +0000 2021","RS off the open in CRWD SNOW FIGS DOCU DDD TSLA SNAP NET PLTR ROKU PINS SQ PTH ABNB AMD NVDA MSFT AMZN FB AAPL ...." +"Tue Jun 08 04:48:02 +0000 2021","Running through screens and noting : NVDA UPST RBLX DOCU MSFT APP CELH KRNT GLBE GOOGL OLO CROX YETI CUTR OWL PRTA BIIB ESALY MRNA AVID NET CRWD NUE PLTR DDD MNMD NIO CCIV LAZR FANG FB SE SNOW SNAP GRWG XOP GUSH SPCE TNA PLBY QFIN AMAT LRCX" +"Mon Jun 07 19:13:49 +0000 2021","“More than $1B flowed out of the QQQ on Thursday. Over the past 3 yrs, buying QQQ & holding for 1 month following a $1 billion outflow would have returned 188% versus 98% for buy-and-hold.” Given top in FAMG last August, and the sideways since, I like this call. I’m simple $GOOGL" +"Fri Jun 04 10:09:42 +0000 2021","Good Morning! Futures Flat! Powell and NFP before the open.. $WFC u/g Buy @ BAC $X u/g Neutral @ UBS $FB CMA Investigates Facebook’s Use Of Ad Data $FCX d/g Neutral @ Exane BNP $TSLA Tesla Looks To Bring In Model 3 Cars To India By July-August For Testing" +"Tue Jun 01 05:23:46 +0000 2021","Tesla..What Can You Say!! #tesla #tsla #stock #stockmarket #options #money #cars #tech #technology " +"Sun Jun 27 20:55:30 +0000 2021","I like $AAPL, $FB, $SPCE, $JPM into next week. Wanna see recall reaction on $TSLA. $SPY looks like 430.5 ready. Memes will be there on watch per usual. What are you watching?" +"Tue Jun 08 13:00:18 +0000 2021","Good morning! $QQQ gapping above 338 resistance, if it holds here it should test the all time high at 342.. 340c for Friday can work above 338 $TSLA if this can break above 629 it can move towards 659 by Friday $GOOGL 2430 big level.. above can run another 50 points GL! 😄" +"Thu Jun 10 13:00:13 +0000 2021","Good morning! $SPX $QQQ still in a range this whole week.. $SPX needs to get through 4239 otherwise we'll continue to see more chop. $AMZN keep an eye on 3300, needs to break above to continue towards 3343,3367 $CLOV if this can close through 22 it should test 25,30 GL! 😄" +"Tue Jun 29 15:56:22 +0000 2021","$SPX $QQQ choppy since the open.. $SPX needs to break above 4300 to trigger more buyers $BIDU setting up for 228 in the next couple weeks if it holds 207 $FB failed to follow through to the upside, I'd wait for 359 to consider calls" +"Fri Jun 18 13:00:11 +0000 2021","Good morning! Quad witching occurring today.. $SPX if this can defend 4200 today it can bounce back towards 4223+ $NVDA setting up for a move towards 800 next week if it can close above 758 today $AMZN needs to move red to green to set up for 3500,3554 Good luck everyone! 😄" +"Sat Jun 05 12:28:59 +0000 2021","Several Mega Cap $QQQ Tech companies are in the lower half of orderly flat bases. If they can just rally near highs we can see a nice rally on the QQQ & Naz helping overall market in next 30-60 days. #thingsithinkabout" +"Tue Jun 29 14:12:56 +0000 2021","Some all-time highs: Nike Microsoft Target eBay Garmin MSCI Agilent Danaher Carrier Otis Adobe Johnson Controls Roper Analog Devices Paychex @CNBC" +"Wed Jun 16 13:02:20 +0000 2021","Good morning! $QQQ if this can close above 346 it can test 350+ by next week. The market is waiting for FOMC today. Possible to see 338 if there's a negative reaction. $AMZN if this can break above 3400 it can test 3434. AMZN above 3434 can run to 3500 quickly Good luck! 😄" +"Fri Jun 25 13:00:08 +0000 2021","Good morning! $QQQ small gap up above 350 needs to hold this level to set up for 356-360 in the next 2 weeks $TSLA If you missed the trade at 659 i would wait for 700+ to consider calls next $NFLX possible to see 541 if it holds above 521 Good luck everyone! 😄" +"Fri Jun 18 15:07:19 +0000 2021","$SPY Over 42 M shares traded already huge volume as big unwinds going on.. Names are paying.. $NVDA $ROKU $$AMZN $NFLX $DOCU" +"Thu Jun 17 14:49:28 +0000 2021","Premarket setups today talked about unsure what this market wanted to do, but focus on names showing strength if we pop specifically: $NVDA $AMZN $AAPL Always note stronger names in a choppy market.. helps!" +"Wed Jun 23 13:00:05 +0000 2021","Good morning! $QQQ if this can move near 350 by Friday we can se tech run again through next week.. QQQ should test 356-360 if it breaks above 350 $TSLA up 10 premarket, this should test 659 as long as it defends 629 today. 645C can work above 629 Good luck! 😄" +"Tue Jun 08 18:48:11 +0000 2021","$AMZN acting strong today, if we see tech run, AMZN can move to 3367 by Friday $SPX $QQQ consolidating today, both look fine.. let's see if they can ramp higher by Thursday" +"Mon Jun 14 15:39:13 +0000 2021","$AAPL if this can close above 128 it should test 132 by next week, looks better today $SHOP keep an eye on 1322, if it breaks above it can run towards 1400 $SPX $QQQ still a bit choppy this morning.." +"Wed Jun 23 12:29:40 +0000 2021","Good morning traders!!! its hump day and going to be a good one as the #NASDAQ hits record highs!! 💥💥🚀🚀 A few MEME names on the #stickynote along with one of my favourites (Canadian spelling) $F 🏎️ take a look below and let me know!! $WISH $ALF $TRCH $CLOV $F @traderTVLIVE" +"Mon Jun 14 03:08:59 +0000 2021","Chart session and complete for tonight! Thank you for all the requests! Charts + analysis posted for: $AAPL $AMZN $APRN $BA $BYND $CLNE $CRWD $DASH $ENPH $FCEL $FUTU $HYLN $IDEX $INTC $MO $NIO $NNDM $NVDA $PLUG $QQQ $ROKU $SNAP $STEM $TLRY $TSLA $TSM $TTCF $TWTR $ZM" +"Sun Jun 20 20:28:09 +0000 2021","Posted lots of charts this weekend, check them out below! ⤵️ $AAPL $AMZN $ARKK $CHWY $CRWD $FUBO $NFLX $NIO $PLTR $PYPL $ROKU $SHOP $SNOW $SNAP $SQ $TIGR $TSLA $TWTR $ZM" +"Fri Jun 25 10:11:20 +0000 2021","Good morning! Futures up slightly $NFLX u/g to Outperform @ CS pt $586 $NKE pt raised to $180 from $160 @ Telsey $NKE pt raised to $175 from $167 @ Pivotal $SE int a Buy pt $325 @ New Street $FSLR pt raised to $102 @ Stephens $RUN pt 82 @ Stephens" +"Tue Jun 29 13:56:29 +0000 2021","Lastly don't forget as we head into the end of the month to check those monthly charts. From the UWL these monthly charts catch my eye : AAPL AMD AMZN CRWD DBX DOCU GRWG GTBIF MTCH NET NIO PINS PLTR POWW PTON PYPL RH ROKU SHOP SNAP SQ UPWK ZS" +"Tue Jun 08 04:00:51 +0000 2021","#Watchlist 8/6: Tomorrow is simple. $AAPL, $FB, $GOOGL, $TTD. Keep the levels on $SPY and $QQQ on watch. Let’s own it tomorrow again Snipers. 🏆" +"Fri Jun 11 13:00:08 +0000 2021","Good morning! $SPX setting up for 4257 if it can defend 4239 today, puts can work under 4223 or 4189. $GOOGL should run another 40-50 points if it holds above 2430 into next week $AMZN keep an eye on 3367 to consider calls. Puts can work under 3300 Good luck everyone! 😄" +"Tue Jun 22 16:18:28 +0000 2021","tech havent even started to get hoy just wait amzn now mdn twlo roku fb googl lrcx amat etc etc may be the greatest opportunity in your lifey" +"Wed Jun 30 15:35:01 +0000 2021","The mrkt is doing relatively well despite hot jobs data from ADP & pending home sales data from NAR. Genomics stocks $NTLA $BEAM $CRSP $EDIT super strong💪 Looking for my PF turning green. Close👍" +"Thu Jun 17 13:00:06 +0000 2021","Good morning! $QQQ if this breaks under 338 we can see another pull back towards 333 into next week, Possible to see QQQ trade between 338-342 into Friday If $SHOP moves red to green it will set up for 1400 tomorrow, Calls can if SHOP holds above 1354 Good luck everyone! 😄" +"Sat Jun 05 22:20:07 +0000 2021","Just a amazing week non stop ripper oih 130 from 3 to 18 nvda 690 5 to 30+ googl 2370 3-28 lrcx 650 3-6 etc etc now loaded insane amounts of xxx for monday 3-21 and 2 to 17 coming EVERY service stalk's my and my tweets 80% they dont understand trading at all" +"Fri Jun 18 16:56:06 +0000 2021","Pete Najarian on “old tech” leading the market: “Old tech like $CSCO, $CRM, $AAPL, and $MSFT are names that have taken the wheel once again. I think those are the names that could lead us to the upside, along with some of the semiconductor stocks as well.” - Halftime Report" +"Wed Jun 23 00:58:32 +0000 2021","Update on Apple, Tesla, Amazon, $SPY / $SPX, $QQQ, $DIA, Roku, Bitcoin, Dogecoin, MARA & RIOT Content Tech: $AAPL $AMZN $MSFT $QQQ Value: $DIA $DIS $JBLU $DAL $LNC Growth: $TSLA $ROKU $BE $PLUG $ACB $STNE Crypto: $BTC $ETH $LTC $DOGE $XRP $XLM $MARA $RIOT " +"Fri Jun 18 01:45:46 +0000 2021","Rippy rippy trying to grow …. Amzn Googl Twlo NOW Roku mdb shop all want to go nuts. … Also known as blow and go Tell wifey to book the weekend getaway as the week has been a stunner." +"Fri Jun 11 17:39:53 +0000 2021","Alright, we gotta talk $APPL forward P/E is 23x $GOOG is 26x $AMZN PEG is 1.61 It’s time to buy FAANG & Tech stocks. There’s no doubt we’re set to rally on the NASDAQ" +"Wed Jun 30 22:39:45 +0000 2021","That's it for monthly charts today. Unfortunately, I cannot post every chart in the market. Hope everyone finds these charts helpful! Goodnight :) Scroll through my feed to view: $SPY $QQQ $AAPL $AMZN $NFLX $AMD $SPOT $FUBO $PLTR $MJ $IWM $WISH $VISL $HYLN" +"Wed Jul 21 11:51:35 +0000 2021","#Tesla #stock price has gone quiet in recent months - where's it heading? I take a look at the #TechnicalAnalysis in todays 'Chart Of The Day [2021]' on @YouTube .... #StockMarket #Trading $TSLA " +"Fri Jul 09 07:15:58 +0000 2021","#jubilantingrevia : Respecting Dow theory. this type of breakout generally takes the stock price higher, currently it's under accumulation zone. #Nifty50 #Sensex #StockMarket #investing " +"Wed Jul 21 13:13:08 +0000 2021","So, are recalls good for a #stock's price now? Don't think that works for $TSLA 😂 #ford #stockmarket #stockmarketnews $F " +"Fri Jul 02 20:09:44 +0000 2021","$AMZN. That’s it. That’s the tweet. But also wins in $AMD $NVDA $NFLX $TSLA (scalps) and $AAPL. I gave these trades on Sunday night/Monday morning. Come learn. We’re going higher while getting better. Enjoy the weekend! " +"Thu Jul 22 19:46:35 +0000 2021","Bad week. Only couple hundred worth of profits added to #Ethereum this week. Shorted more $CMG to bring the average price up. Even a $1 gain on shorting a Cramer and Ackman favorite is better than going long on this ponzi stock driven by teenagers. #StockMarket $QQQ $SPY $NQ " +"Tue Jul 20 12:47:24 +0000 2021","I wonder how many people are going to be confused by the $NVDA stock price today 😂 #Stocks #StockMarket #Investing #Trading #Crypto #Bitcoin #NFTs #FinTwit " +"Fri Jul 16 04:00:00 +0000 2021","The Nasdaq ended lower, pulled down by shares of Apple, Amazon and other Big Tech companies as a fall in weekly jobless claims data fed investor concerns about a recent inflation spike " +"Thu Jul 01 13:39:57 +0000 2021","#Amazon has become volatile, but still sustains over $3,400 to $3,420 price area. What is next? The bulls to continue the bullish trend further in the days ahead?🤔 #amzn #technicalanalysis #stock #stockmarket #trading #investing #share #stocktrading " +"Sun Jul 25 19:27:09 +0000 2021","Quiet in terms of news this weekend, resulting in the Weekend DOW via @IGSquawk being completely flat But a BIG week ahead with US Advanced GDP, FOMC meeting, mega-cap tech earnings, and much more! 👇 " +"Tue Jul 20 15:38:07 +0000 2021","I just bought $QQQ Aug 4 $355 Puts. We got the rebound I was expecting today. We closed the gap. And we hit that $357 - $358 price target I had. This play is much less certain than it was 5 days ago, so a longer term option is important. #Options #optiontrading #StockMarket " +"Wed Jul 21 17:24:35 +0000 2021","$NVDA had 4for1 stock splite July 20. I bought more shares at $186. Here's where I stand: Orig shares: 46 After split: 185 shares Bgt 5 more @ 185 Total shares held at price today: 190 shares: NVDA $192.31 +$6.19 +$1,176.33 Gain:+$9,190.86" +"Tue Jul 13 16:25:32 +0000 2021","Milestone doesn't focus on our clients stock price. Our Investor Relation programs tell our clients story to the global investment community to help grow a stronger shareholder base. - #otcmarkets #nyse #nasdaq #CEO #OTCPink #stockmarket #pennystocks #OTCQB #OTCQX #milestonemsllc " +"Thu Jul 22 16:22:42 +0000 2021","BIG 3 UPDATE: (1) MSFT set an ATH tdy & now its wave pattern looks complete. (2) AAPL still has some more room to run, to finish its small 5th wave. (3) AMZN has done its 1st wave down, now working on its 2nd wave rebound. (4) timewise, it may take a couple of days to work out. " +"Fri Jul 16 16:39:30 +0000 2021","BIG 3: (1) After hitting 3773--almost my target of 3777, AMZN declined sharply. It is done with its up moves. (2) AAPL & MSFT are so close to my target--AAPL hit 150 & dropped. These 2 giants may have some wiggle room; but not much left; (3) for SPX, still in the topping process. " +"Wed Jul 14 16:30:32 +0000 2021","Big 3 Getting closer: (1) AAPL hit the lower range of my target this morning--149.45 & MSFT also very close to 285. (2) timewise, it still needs a week's time to move NYMO, MMTW to the right position--now, they are too oversold--I know it sounds crazy at ATH. It is that lopsided. " +"Tue Jul 13 18:43:04 +0000 2021","AMZN: (1) quite a reversal for AMZN. (2) At tdy's high of 3773, a strong case can be made that AMZN has topped. (3) MSFT is very close to its top; the only unclear case is AAPL. Though there is a way to count it as completed, it may need 2-3 days. (4) THE SPX TOP IS VERY CLOSE. " +"Thu Jul 22 20:26:25 +0000 2021","$QQQ: it’s done. Ready for crushing and recycling. $TWTR: PLEASE hold this gap up tomorrow, I will buy puts with faster celebration than I had when I shorted the sucker in February (worked out great after a few days). $INTC: I’m a buyer AH. known info emerges, stock reacts? Ok.🤡 " +"Thu Jul 08 20:22:49 +0000 2021","My 2nd Half #investment outlook from last Friday. Try a subscription for 1/2 price for my #stock & #ETF picks. Use code = Twitter50 #stockmarket $SPY $QQQ $TLT " +"Sat Jul 24 19:13:09 +0000 2021","$QQQ w/10% Measured Moves comparisons above the 50dma. Big earnings this next week could push up to it, slight extension,… then 21ema at minimum and.. Rhymes w/so many other things I’m looking at now that Market didn’t take the Bearish Scenario path as drawn in pinned tweet. " +"Thu Jul 08 21:50:05 +0000 2021","The #Amazon $AMZN stock price has shown tremendous growth over the years but can it continue to deliver? #investment #investing #invest #investors #StockMarket #StocksToWatch #stocks #stockmarketnews " +"Mon Jul 19 14:17:30 +0000 2021","$NVDA #nvidia #stock splitting tomorrow possible price actions thanks @Mindwbw for the interesting discussion! #stocks #stockmarket #forex #trader #wallstreet #daytrader #finance #investing #invest #investment #swingtrading #trading #daytrading" +"Thu Jul 01 15:29:54 +0000 2021","Stock Alert 📢 Symbol: $BZ Current Price: $38.80 Stoploss :$37 Targets: $40, $43+ More signals join 👇 #StocksToBuy #StocksToWatch #StocksInFocus #StocksInNews #stocksignals #NASDAQ #StockMarket $AMC #AMCSqueeze" +"Tue Jul 06 14:50:29 +0000 2021","Stock Alert 📢 Symbol: $AMZN Current Price: $3623 Stoploss :$3400 Targets: $3920, $4400, $5000+ *Long Term More signals join 👇 #StocksToBuy #StocksToWatch #StocksInFocus #StocksInNews #stocksignals #NASDAQ #StockMarket #Daytrader #DayTrading" +"Sat Jul 24 19:31:10 +0000 2021","Super Bowl of earnings szn this week $TSLA $UPS $GE $JBLU $AAPL $AMD $MSFT $GOOG $V $TDOC $SBUX $BA $SHOP $PFE $TLRY $MCD $SPOT $FB $QCOM $F $AMZN $MA $PINS $CAT $XOM $TMUS Which are u most excited for? " +"Thu Jul 29 18:50:00 +0000 2021","Strong language 📈 #Duolingo made a forceful debut on the #stockmarket this week & its future looks bright. The global market for online language learning is forecast to reach $21.2billion by 2027 #LearnToTrade $DUOL #NASDAQ #IPO " +"Tue Jul 06 10:25:25 +0000 2021","#JPMorgan analyst raised Apple's price target to $170 from $165 and keeps an Overweight rating on the shares stating the stock has underperformed in the first half of 2021 despite strong volume💵📈📊 #Apple #StockMarket #stocks #NASDAQ #markets #news" +"Mon Jul 05 21:57:38 +0000 2021","New #options #trading video dedicated to #GameStop $GME #traders. U can make #money even if the #stock price drops. #stockmarket #investing #memes #WallStreetBets #reddit #profits #income #cashflow #daytrading #bitcoin $AMC $FB $ARKK $CCL $AAPL $TSLA $BB" +"Mon Jul 26 22:53:34 +0000 2021","Why Credit Suisse Is Increasing Its #Amazon $AMZN Price Target Before Earnings #StockMarket " +"Mon Jul 12 15:07:16 +0000 2021","$TSM's price moved above its 50-day Moving Average on June 23, 2021. View odds for this and other indicators: #TaiwanSemiconductorManufacturing #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Sun Jul 25 19:19:56 +0000 2021","$TSM's price moved below its 50-day Moving Average on July 22, 2021. View odds for this and other indicators: #TaiwanSemiconductorManufacturing #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Sat Jul 31 00:47:12 +0000 2021","$NFLX in Uptrend: price expected to rise as it breaks its lower Bollinger Band on July 21, 2021. View odds for this and other indicators: #NetFlix #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Thu Jul 15 17:46:37 +0000 2021","$DOW in Uptrend: price may ascend as a result of having broken its lower Bollinger Band on July 8, 2021. View odds for this and other indicators: #Dow #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Sat Jul 17 12:00:46 +0000 2021","$NFLX in Downtrend: its price may decline as a result of having broken its higher Bollinger Band on July 14, 2021. View odds for this and other indicators: #NetFlix #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Fri Jul 23 17:57:14 +0000 2021","$TSLA in Downtrend: its price may drop because broke its higher Bollinger Band on June 23, 2021. View odds for this and other indicators: #Tesla #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Fri Jul 23 16:58:00 +0000 2021","The price-to-earnings ratio is flawed as a stock market indicator. This is how to make it more accurate $SPY $QQQ $DIA $DJIA #stockmarket #investing #finance #stocks $AAPL $TSLA $AMZN $INTC $NFLX $AMC $NIO $GME" +"Mon Jul 12 22:41:48 +0000 2021","$SHOP in Downtrend: its price expected to drop as it breaks its higher Bollinger Band on June 14, 2021. View odds for this and other indicators: #Shopify #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Sat Jul 10 20:03:04 +0000 2021","The S&P 500 could drop sharply in the 3rd quarter as the '5 P's' pressure markets, Bank of America says $SPX $SPY $QQQ $DIA $DJIA #stockmarket #investing #finance #stocks $AAPL $TSLA $AMZN $INTC $NFLX $AMC $NIO $GME" +"Tue Jul 06 03:42:06 +0000 2021","$AAPL 💌 dividend in 0.22 per share price in 2021 while $AAPL stock price was 0.22 on Apr 01, 2003 Investing is magic. Buy & #HODL. Stop watching #TheBachelorette and start investing. #StockMarket " +"Thu Jul 01 01:19:44 +0000 2021","$MSFT's price moved above its 50-day Moving Average on June 4, 2021. View odds for this and other indicators: #Microsoft #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Thu Jul 01 11:50:16 +0000 2021","$AMD's price moved above its 50-day Moving Average on May 28, 2021. View odds for this and other indicators: #AdvancedMicroDevices #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Sat Jul 17 16:30:49 +0000 2021","Alot of growth names looking similar to $NVDA before the -10% move from the highs. If the NASDAQ keeps rolling over we possibly have some monster short setups in play. $QQQ Losing the 8 day and seeing a bearish Daily MACD cross. Keep this in mind for the weeks to come. " +"Sun Jul 04 16:19:32 +0000 2021","Have been breaking out $FB $MSFT leading. $AAPL too & now $AMZN waking back up. So yes cautiously 🐻 is great way to put it. Sell can’t come while they keep going up. Their weight is too much." +"Fri Jul 23 13:05:30 +0000 2021","Nearing an all time after 4 days up...likely pull back in the markets today.,.. $QQQ $SPY! Lots of shorts to watch today: $TXN, $BILI, $BIDU, $KMB etc...also a couple longs: $AXP, $PINS, $BA!" +"Fri Jul 23 20:24:23 +0000 2021","VIDEO Stock Market & #Bitcoin Analysis 7/23/21 $SPY $QQQ $IWM $SMH $IBB $XLF $NVDA $FB $AMZN $AMD $ARKK ⚓️VWAP Bears got trapped once again, have a great wknd! " +"Sun Jul 25 22:28:02 +0000 2021","It might also be worth mentioning $aapl $amzn $googl $fb $msft $ba $tsla are ALL positioned for a pivot up this week This will either be a giant bull trap or the heavy weights are about to take us to the next level of promised land $spy" +"Thu Jul 08 20:58:44 +0000 2021","Tech remains such a driving force with US indices and ETF's that one would hardly know that we've seen such a breadth implosion over last couple months- $SPX & $QQQ still quite tough to be bearish, while Transports, Financials, ""Stay at Home"" stocks, ""Re-opening Stocks"" lagging " +"Wed Jul 28 00:38:26 +0000 2021","Global-Market Insights1/1 -Weakness in tech stocks pulls US markets back from records -Nasdaq fell more than 180 points -Fall in US-listed Chinese stocks continue -Apple warns of slowing sales growth, supply crunch will affect the iPhone & iPad in the current quarter @CNBC_Awaaz" +"Sat Jul 10 14:45:28 +0000 2021","$Nasdaq $AAPL $AMZN $SPY Its difficult to be bearish when the index is making & closing at all-time highs. Also, when the mega-cap tech stocks are leading the index higher. There are plenty of other stocks performing well these days. This trend is our friend... " +"Fri Jul 02 18:18:25 +0000 2021","Nice grind today, $SPY $QQQ ATH's... Markets Closed Monday... All about names this week! $AMD $AAPL $NVDA $MSFT among others.. Enjoy the long weekend and Happy 4th of July! Out of here! " +"Fri Jul 23 00:15:02 +0000 2021","Good evening! $QQQ strong rally after defending 362 all day. QQQ is on track to run to 370. Calls can work above 365 $GOOGL $FB up big after $TWTR earnings. FB above 359 can move towards 370 by earnings next week. GOOGL can run another 50 pts above 2600 Have a GN! 😄📈 " +"Tue Jul 27 00:15:20 +0000 2021","Good evening! Big tech earnings starting tmrw followed by FOMC on Wed. If $SPX can break above 4444 it can run another 30-40 pts after FOMC. Puts can work under 4400 $AMZN needs above 3726 to run another 40-50 pts before Thurs. Possible to see 4k after earnings Have a GN! 🚀😁 " +"Thu Jul 08 20:27:03 +0000 2021","TW #FocusList Update: $AMZN Rip continues 📈 $DKNG Lower target hit, bounce $GOOGL Pullback, close below trigger $SNAP Plummet towards lower target $SNOW Bounce at trigger, closed higher $TSLA 2nd lower target hit, bounce " +"Sun Jul 25 13:30:00 +0000 2021","🇺🇸EARNINGS THIS WEEK: -APPLE -MICROSOFT -AMAZON -GOOGLE -FACEBOOK -PINTEREST -AMD -SHOPIFY -TESLA -FORD -MCDONALD’S -STARBUCKS -PFIZER -BOEING -CATERPILLAR -UPS -PAYPAL -VISA -MASTERCARD -EXXON -CHEVRON 👉 $DIA $SPY $QQQ " +"Fri Jul 02 17:14:39 +0000 2021","$QQQ Mega caps are driving it higher recently. Mega caps at new ATH $GOOGL just reached $2,500.72, a moment ago $MSFT $276.85 $NVDA $FB ... A bit of deja vu?! " +"Fri Jul 30 18:00:53 +0000 2021","Good Bye July!!! Tough month, big earnings out of the way... $TSLA $AAPL $AMD $SNAP $TWTR continue to look good  as long as the market stays strong. Focus on strong names here. Everyone have a great weekend! Charts on Sunday! Weekly Recap " +"Sun Jul 25 13:05:56 +0000 2021","Happy Sunday! *Here Are My #Top5ThingsToKnowThisWeek: - $AAPL $MSFT $AMZN $GOOGL $FB Earnings - $TSLA $AMD $PYPL $PINS $SHOP Also Report - $BA $CAT $MCD $SBUX $GE $UPS $V $PFE Results - $HOOD IPO - Fed Policy Meeting, Q2 GDP *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ " +"Thu Jul 29 00:15:02 +0000 2021","Good evening! One more big earnings with $AMZN tmrw after the close. If $AMZN can move towards 3850-3900 after earnings it can test 4000 by next week $QQQ rejected at 367 today. QQQ puts can work if it fails at 362. QQQ can drop to 359 if it fails at 362 Have a GN! 😁📈 " +"Thu Jul 08 01:31:49 +0000 2021","Good evening! $QQQ dips still getting bought up the past 2 days. As long as QQQ can defend 356 it should move to 367-370. $AAPL relative strength today, closing near the highs. If this gaps through 145 it can run to 151 next week. Calls can work above 145 Have a GN! 😄📈 " +"Sun Jul 25 18:35:30 +0000 2021","Huge earnings week: $aapl $tsla $amzn $amd $msft $fb $shop $googl $pypl $v $ma $now Let’s see if the run up into earnings was the beginning of a bigger move or the end." +"Sun Jul 25 22:30:43 +0000 2021","Biggest Earning Week: $AAPL $TSLA $AMZN $AMD $FB $BA $SHOP $GOOGL $PINS $PYPL $V $TDOC $SBUX $MCD $SPOT $NOW $UPWK $TWLO Will post charts/level on some of these Make sure to add them in your watchlist and sort by change; also group them in Sectors (Finance, Food etc)" +"Sat Jul 24 18:39:15 +0000 2021","💥BIG EARNINGS WEEK AHEAD 👀👀 *Monday: $TSLA *Tuesday: $AAPL $MSFT $GOOGL $AMD $V $SBUX $UPS *Wednesday: $FB $SHOP $PYPL $MCD $BA $PFE $F $QCOM *Thursday: $AMZN $PINS $MA $TWLO *Friday: $CAT $XOM $CVX $PG $CL $DIA $SPY $QQQ $IWM $VIX " +"Sun Jul 18 12:11:40 +0000 2021","Happy Sunday! *Here Are My #Top5ThingsToKnowThisWeek: - Q2 Earnings Season Kicks Into High Gear - $NFLX $TWTR $SNAP $INTC $IBM Results - $JNJ $KO $AXP $T $VZ Earnings - $UAL $AAL $LUV Also Report - U.S. Housing Data *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM " +"Mon Jul 26 13:38:11 +0000 2021","This is big week for markets. Mega cap tech earnings from $AAPL $GOOG $MSFT $AMZN & $FB. Then we have an important Fed meeting (FOMC) concluding on Wednesday. Fed Chairman Jay Powell has the pressure on him to keep the rally going. #stockmarkets" +"Sat Jul 17 00:47:00 +0000 2021","Update on the S&P 500, Apple, Amazon, Nvidia, AMD, Tesla, Workhorse, Walmart, Boeing, & Pfizer Content: Big Tech: $AAPL $AMZN $MSFT $NVDA $AMD Growth: $TSLA $WKHS $FUV $ENPH $NNDM Value: $BRK.B $DIS $BA $AAL $CVX $UUUU $UFI $PFE The $SPY / $SPX Full Count " +"Thu Jul 15 00:07:06 +0000 2021","APPL,MSFT,GOOG,AMZN is 40% of the QQQ, The rest of the Market is getting crushed, IWM is a driver and a 8 iron away from our safe word, Broke charts galore! “I’ve been To the edge and there I stood and looked down, I lost a lot friends there Baby”" +"Fri Jul 09 19:03:07 +0000 2021","FANG+ Constituents: $AAPL 145.02 +1.24% $AMZN 3718.82 -0.34% $BABA 206.96 +3.56% $BIDU 180.86 +2.83% $FB 350.26 +1.34% $GOOG 2595.04 +0.45% $NFLX 536.09 +1% $NVDA 798.65 +0.33% $TSLA 654.13 +0.21% $TWTR 68.57 +2.6%" +"Fri Jul 23 23:57:58 +0000 2021","Largest 6 components of SP500 and Nasdaq100 are all reporting next week and Wednesday is a FED day. There is a reason VIX is so strong. $AAPL, $GOOGL, $AMZN, $MSFT, $TSLA, $FB" +"Sat Jul 03 18:39:00 +0000 2021","For every $1 allocated to SPX: 6 cents goes into AAPL, 5 cents goes into MSFT, 4c into AMZN, 4c into GOOG/L, and 2c into FB... = 21 cents. For every $1 allocated to NDX: 11 cents goes into AAPL, 10c into MSFT, 9c into AMZN, 8c into GOOG/L, and 4c into FB... = 42 cents. - GS" +"Fri Jul 23 22:42:06 +0000 2021","More hedges put on here AH. $QQQ 6.7% above 50dma. 7 of my CORE holdings all report next week,… and they are in the $QQQ. Do they put $QQQ at 10% above 50dma? Nah… $AAPL $AMD $FB $MSFT $GOOGL $PYPL $AMZN" +"Tue Jul 06 20:21:33 +0000 2021","If I lose this Bullish bet on index/ETF I’m gonna lose a lot more than clout lmao. Just need $QQQ to not b a laggard tmrw like $SPY was today. All we can do is bet in & believe in what we see. & so what if we lose? We r playing for many more times than this 1. Good luck everybody" +"Fri Jul 02 14:46:21 +0000 2021","Tough market as yet again, #Technology serving as a bit of a mirage to what's happening ""under the hood"" Nearly half sectors are lower today & breadth has shifted from flat to Down nearly 2/1- yet indices hanging in there, w/ Big-Cap Tech buoying QQQ, SPX #Happy4thofJuly" +"Mon Jul 12 14:32:17 +0000 2021","Tough day in the market today. Got divergence with $QQQ and $SPY — tech sector seeing some overall weakness while SPY making ATH (all time highs) with banks leading the way" +"Mon Jul 26 14:49:47 +0000 2021","Volume in the market is light as big money is waiting for earnings from $TSLA today, $AAPL $MSFT tomorrow and the #FederalReserve on Wednesday with that FOMC statement. The calm before the storm..." +"Fri Jul 23 13:38:07 +0000 2021","In tech, Microsoft and Apple look ripe pre earnings next week. ASML, a new $GK stock continues to tear higher. Shopify as well. $msft $aapl $asml $shop" +"Wed Jul 07 11:56:46 +0000 2021","Again, all the stocks powering the Nasdaq higher have been driven by option volumes. Amazon has seen option ADV consistently in the $ 90-100 bn, $TSLA is the $ 70 bn and GOOGL, APPL and NVDA all same story" +"Sun Jul 25 23:18:10 +0000 2021","A huge week in markets this week. Tuesday - Tesla earnings Wednesday - Apple, Alphabet & Microsoft earnings; Australian CPI data Thursday - FOMC Meeting, Facebook earnings, US GDP Friday - Amazon earnings, US PCE Index Buckle up. 😤👊 #ausbiz #wallstreet #earnings #Fed" +"Tue Jul 27 22:36:31 +0000 2021","Stock mkt. breadth has been horrific, &now leaders such as MSFT&AAPL(& very possibly AMZN on Thurs) may be in trouble following qrtly results. Stock mkt may now be tested heading into worst mo. historically (August) & weakest period(Aug.-mid-Oct.) of yr. Overbought & overlevered" +"Mon Jul 12 00:02:53 +0000 2021","Blog post: $AAPL and $AMZN and $FB have GLBs, augurs well for $QQQ up-trend, now in 31st day; look at $GOOGL post GLB; GMI remains Green at 6 (of 6) " +"Mon Jul 26 01:36:32 +0000 2021","Dow futures fall with market rally at highs. Tesla reports Monday night, with Apple and the other trillion-dollar stocks on tap in a huge week for earnings. Buckle up investors. $TSLA $AAPL $AMZN $MSFT $GOOGL $FB " +"Wed Jul 14 00:46:37 +0000 2021","Futures await Fed chief Jerome Powell after hot inflation report. $AAPL, $MSFT keep rising while $UPWK, $MA flash buy signals. But market breadth is weakening while ARK ETFs reflect slump in highly valued growth stocks. $ARKK $ARKG $JPM $GS " +"Thu Jul 22 20:21:42 +0000 2021","Mixed day for stocks mostly led by higher large cap tech stocks. Good day for $msft $aapl $amzn $goog earnings coming next week and they are going to be big." +"Thu Jul 22 22:55:53 +0000 2021","Snap, Twitter jump late, breaking out on earnings and lifting Facebook, Pinterest, Google. Several stocks have flashed buy signals this week, but this isn't Pokémon - you don't have to ""catch 'em all."" $SNAP $TWTR $PINS $FB $GOOGL $INTC $AAPL $AMZN $MSFT " +"Fri Jul 02 20:50:26 +0000 2021","VIDEO Stock Market Analysis & Trade Ideas 7/2/21 $SPY $QQQ $IWM $SMH $IBB $AMZN $ALKS $AMBA $FATE $FSLR $PAY $PRCH $SIEN ⚓️VWAP" +"Sun Jul 11 23:33:33 +0000 2021","$AAPL Made new ATHs Friday. Watching for continuation over 146. Possible to see fibonacci level above at 150 next $SPY $AMZN $BA $NFLX $TSLA $AMD $ROKU $NVDA $FB $TWLO $BYND $PYPL $DOCU $CRWD $ETSY $SQ $MSFT $BABA $ZM @TrendSpider " +"Tue Jul 13 14:49:39 +0000 2021","My opinion is $amzn and $aapl still haven't even started their wave 4...and $tsla hasn't even started it's big run yet. That gives an idea on the upside room that $nq $spy $es $qqq have before significant top. But nothing goes as a straight line." +"Mon Jul 26 01:04:46 +0000 2021","$AAPL Looking to retest ATHs at 150 after a healthy dip. Over 150 can see 153, 155, 157 targets next. Keep in mind earnings are on 7/27 $SPY $AMZN $BA $NFLX $TSLA $AMD $ROKU $NVDA $FB $TWLO $BYND $PYPL $DOCU $CRWD $ETSY $SQ $MSFT $BABA $ZM @TrendSpider " +"Mon Jul 26 10:46:41 +0000 2021","Just like the past 3 months, Apple, FB, Google, Amazon, Nvidia, etc. will all get bid up on earnings and hit ATH's while $TSLA is the only one that will suffer and still off almost 30% off highs. Just a game." +"Sun Jul 25 23:28:31 +0000 2021","Lot of earnings this week. $AAPL $SPY $GOOGL $FB $TDOC $AMZN $FB $GNRC $PYPL $PINS $AMD $TWLO $TSLA $AAPL $150C > $149.40 | $145P < $146.90 $AMZN $3710C > $3696 | $3600P < $3621 $TSLA $660C > $650.22 | $630P < $640 Lot of gap & go’s this week. " +"Sun Jul 18 00:20:08 +0000 2021","$QQQ top holdings; AAPL 10.95% MSFT 9.50% AMZN 8.32% TSLA 4.24% FB 3.78% GOOG 3.62% GOOGL 3.31% NVDA 2.69% PYPL 2.31% INTC 2.11% Wanna bet against em? $SQQQ calls or $TQQQ puts <" +"Thu Jul 15 01:56:36 +0000 2021","🎯Triggers for Thursday!🎯 $NFLX $570C > $568.28 | $555P < $559.7 $AMZN $3730C > $3721 | $3650P < $3656 $NVDA $800C > $798.5 | $780P < $787.2 $SHOP $1450P < $1459 $AAPL $150C > $149.65 | $145P < $147.30 $QQQ $365C > $365.60 | $360P < $362.40 Please ❤️ and share! 😊" +"Thu Jul 29 21:31:44 +0000 2021","When market darling stocks $AMZN $AAPL $FB $NFLX dump on earning beats amongst highest levels of optimism, bulls aren’t safe in the short term In out-of-the-money $QQQ puts with @SPXTPrivate Group" +"Mon Jul 12 13:00:03 +0000 2021","Good morning! $QQQ stronger gap up today, QQQ should move to 366-367 next if it can defend 359 into Thursday $AAPL on track to test 151 if it continues to base above 145 this week, calls can work above 145 $TSLA setting up for 675,686 in the next week Good luck ! 😄" +"Tue Jul 20 22:13:38 +0000 2021","ASAN DOCU INMD NET ROKU SHOP SNOW SQ ZS standouts to me on the above for the young gun growth. AAPL AMZN MSFT still breathing heavy and eyeing their highs too." +"Fri Jul 02 13:00:06 +0000 2021","Good morning! $QQQ close to breaking out towards 360+. It needs to hold the 356 support to see another tech run next week. Puts can work under 350. $NVDA 10 pt gap up.. possible to see 828-832 if it can hold above 818 today $AAPL 145 can come in 2 weeks Good luck everyone! 😄" +"Tue Jul 20 15:54:27 +0000 2021","$QQQ looks better, reclaimed the 356 level, if it closes above 359 it can run another 3-4 points this week $AAPL to 150-151 possible by Friday if we see tech run again tomorrow $AMZN reclaimed 3554...3600 can come next" +"Wed Jul 21 13:00:08 +0000 2021","Good morning! Small gap down this morning in $QQQ, if QQQ can't get through 359 it can trade in a range from 356-359. QQQ Under 356 can trigger more sellers $GS if this breaks above 369 it can test 376 by next week $TSLA needs a 7 pt pop at the open to set up for 675 GL! 😄" +"Tue Jul 27 13:01:22 +0000 2021","Good morning! $QQQ if it breaks above 370 it can run towards 375-377 next. puts can work if QQQ fails at 362 this week. $AAPL $MSFT $GOOGL today after the close. $AAPL possible to see 157-160 if there's a positive reaction to earnings. $GOOGL to 2850 possible as well GL! 😁" +"Thu Jul 22 16:09:02 +0000 2021","$AAPL tried to break higher, down 1+ from the highs, if it closes near 148 it can gap up tomorrow $AMZN close to a bigger breakout, keep an eye on 3629, above can run another 30-40 points $SPX $QQQ starting to pull back.. the market has been running the past 3 days" +"Mon Jul 19 11:41:49 +0000 2021","🎯Triggers For The Week!🎯 Short and Sweet! $NFLX $540C > $534.87 | $520P < $524.47 $AMZN $3610C > $3596 | $3540P < $3552 $AAPL $145C > $144.57 | $143P < $143.15 $NVDA $725 > $723.09 | $710P < $713 $NVDA $AAPL UPDATED!" +"Wed Jul 07 13:00:08 +0000 2021","Good morning! $QQQ strong gap up, this should move to 366 next as long as 359 holds into the end of the week.. Puts can work under 356 $AMZN setting up for another 50-75 pt move to the upside if it holds above 3700 today $SHOP setting up for 1600.. Good luck everyone! 😄" +"Thu Jul 15 10:05:07 +0000 2021","Good Morning! Futures mixed.. $QQQ strong.. theme this week... Powell @ 9:30 $TSM EPS beats by $0.02, misses on revenue guides inline... $AMD u/g Neutral @ Citi pt 95 $DAL u/g Buy @ RJ pt 58 $NFLX Netflix Plans To Offer Video Games" +"Thu Jul 29 13:00:03 +0000 2021","Good morning! Futures not moving much this AM.. $QQQ keep an eye on 367 if it closes above we can see a move to 370 and tech start to rally into Friday $GOOGL if this fails at 2700 it can pull back 25-30 pts and start filling the gap below.. $AMZN earnings AH today GL! 😁" +"Wed Jul 28 10:10:13 +0000 2021","Good Morning! Futures up slightly FOMC 2pm then presser $SPOT EPS beats by $0.22, beats on revenue $ AAPL pt to $165 from $160 @ Piper $GOOGL Pt 3150 from $2500 @ MKM $MSFT pt 360 from 340 @ GS $TDOC pt cut to $218 from $266 @ Leerink $SKLZ int Sector Perform @ RBC Cap" +"Tue Jul 27 10:07:54 +0000 2021","Good Morning! Futures down slightly $UPS EPS beats by $0.25, REV Beat $FFIV pt raised to $265 from $255 @ Needham $GOTU pt cut to $3 from $97 @ DB $TSLA pt raised to $875 from $860 @ GS $AAP u/g strong Buy @ RJ $JD d/g Sell @ DZ Bank" +"Wed Jul 07 10:07:17 +0000 2021","Good Morning! Futures up slightly, $QQQ strongest FOMC minutes 2pm $COIN pt raised to $444 from $334 @ Oppy $BABA Overweight @ KeyBanc pt lowered to $270 from $275 $BABA $TECY China Market Regulator Punishes Internet Companies For 22 Illegal Merger And Acquisition Deals" +"Fri Jul 30 18:40:44 +0000 2021","Continuing to see weak action across board imo, even in big tech, with AAPL holding QQQ up. Line of least resistance feels down to me. I'm short Nasdaq and a few individual stocks. ARKK looks weak to me. Not going to follow up on shorts but think need to protect capital here." +"Wed Jul 14 13:00:03 +0000 2021","Good morning! $QQQ gapping up near 365, if QQQ can run to 367 it can test 370+ by Friday, Puts can work under 362 $AAPL strong gap up this AM on iphone production news, 151 coming, hope you all caught this on the 145 break i mentioned last week..AAPL can run to 164 next GL! 😄" +"Wed Jul 14 17:04:21 +0000 2021","$AAPL still managing to hold its gains with $SPX $QQQ moving lower, if tech can bounce tomorrow AAPL should move to 151 $AMZN keep an eye on 3759, needs to break above to test 3800 next" +"Wed Jul 28 13:00:12 +0000 2021","Good morning! $QQQ strong gap up premarket, let's see if it can test 367 before FOMC.. possible to see 372 by Friday if $AMZN $FB can run after earnings $TTD setting up for 87,91 next if it can break above 85 this week $ROKU possible to see a 10 pt bounce above 463 GL! 😁" +"Tue Jul 13 13:00:06 +0000 2021","Good morning! $QQQ down 1 after CPI numbers released, QQQ can drop to 359,356 next if we see another pull back in the market into Thursday..above 363 can test 367 $TSLA if it moves red to green it can test 700,714, tech a bit weaker today.. under 675 can test 659 Good luck! 😄" +"Sat Jul 24 00:30:41 +0000 2021","-Major earnings reporting next week $AAPL $GOOGL $FB $AMZN $MSFT $TSLA -FED on Wed *Rent moratorium & mortgage moratorium. 1M houses up for foreclosure* Up pointing backhand index *This is the biggest risk ⚠️ 7.29" +"Wed Jul 14 10:03:22 +0000 2021","Good Morning! Futures up slightly.. $QQQ leading Powell on the hill @ Noon $JNPR u/g Outperform @ Wolfe $GOOG pt raised to $2900 from $2700 @ Cowen $MLCO u/g Buy @ CLSA $LULU int Conviction Buy @ GS $AAPL Added To s Analyst Focus List; @ JPM pt raised to $175 From $170" +"Thu Jul 22 13:00:06 +0000 2021","Good morning! Futures flat this morning, Possible to see $QQQ move to 367-370 next week if it closes above 362.. It's a harder trade under 359 $AAPL gapping above 146, if this breaks above 147 it can run towards 151 into next week $SHOP should test 1600 next Good luck! 😄" +"Mon Jul 19 13:00:05 +0000 2021","Good morning! $QQQ gapping under 356, if it stays under this level , possible to see a dip to 350 before we see a bounce.. QQQ needs 359 to set up for 367 $AMZN if this reclaims 3554 it can start to bounce towards 3600 this week, $TSLA can test 600 if it fails at 618 GL! 😄" +"Mon Jul 19 20:06:48 +0000 2021","lrcx nvda shop nflx snow roku twlo tsla all up if you didnt have cnbc telling you world sucks you would think spx down like 2 pts" +"Tue Jul 27 13:29:14 +0000 2021","$QQQ $SPY $IWM Market little shaky this morning $AAPL $AMD $MSFT $GOOGL $VISA $TDOC $SBUX $ENPH $QS Earnings after close Watch $ViX, need to stay under 19.40 level" +"Wed Jul 14 21:11:30 +0000 2021","Out with ""FAANG"" and ""MAGA"" and in with ""FAT BAG MEN"" Facebook $FB Apple $AAPL Tesla $TSLA Bitcoin $BTC Amazon $AMZN Google $GOOGL Microsoft $MSFT Ethereum $ETH Nvidia $NVDA" +"Thu Jul 29 14:53:07 +0000 2021","Outside of $TSLA, big tech is sluggish. I think we need to get through $AMZN earnings today to give the next big push a chance. No mega cap tech stock has had an extremely positive initial reaction post report, so this might have to wait until next week for the big $QQQ run." +"Tue Jul 06 16:52:34 +0000 2021","UWL names still holding up : AMZN ASAN COIN CRWD DOCU DDOG DXCM GLBE GRWG LLY MNDY PINS PYPL SHOP SNAP SQ UPWK ZM ZS" +"Thu Jul 15 01:43:06 +0000 2021","Time for some math to explain why markets are not what they seem... Since June 22nd, the Nasdaq $NDX $NQ has gone up ~5.5%, ~780 points from 14,120 to 14,900. Of that: 206 points came from $AAPL 118 from $MSFT 76 from $AMZN 59 from $GOOGL 34 from $FB..." +"Thu Jul 08 01:42:45 +0000 2021","If you need some convincing on the 200MA being a good entry check out some of the most traded names off this level. $NVDA $FB $AMZN $AAPL $SHOP $AAPL $NET $ROKU $COST $DOCU" +"Tue Jul 27 23:58:49 +0000 2021","So looks like same terrible reaction to stunning earning except in one category. Ad’s. Twtr. Snap. Now Googl. Next Fb then Roku then ttd. … Simple exists" +"Fri Jul 02 14:45:19 +0000 2021","$goog up nicely and close to high of the day $aapl up nicely and close to high of the day $msft up nicely and close to high of the day $amzn fading hard at the low of the day…everything is as it should be" +"Tue Aug 31 02:59:52 +0000 2021","When you have $AAPL and $TSLA breaking out...it is hard to be bearish. Follow the price action - it is all that matters. ""When the ducks are quacking...feed 'em!"" " +"Sat Aug 07 13:06:45 +0000 2021","$AMZN big gap down! Wave 3 Price Target 4320.28 #stockstowatch #invest #amazon #amzn #stocks #stockmarket #trading #daytrading #investing #elliotwave #fibonacci #technicalanalysis " +"Fri Aug 20 16:58:29 +0000 2021","#Barclays analyst Timothy Long was ahead of the market in his early coverage of $AAPL. In the last two years, his #pricetarget was a bit too conservative for the price action. This was apparent when #Apple was bullish. #stockresearch #AnaChart #StockMarket #StocksInFocus #stock " +"Thu Aug 26 17:49:27 +0000 2021","$tsla looks ready for a mark up🚀 - bullish shark🦈 - three rising valleys - higher lows in price, lower lows on the rsi. Hidden bullish divergence - close to breaking significant resistance #tesla #TSLA #trading #investing #stockstowatch #StockMarket #stock " +"Tue Aug 31 10:31:37 +0000 2021","#NFLX is a #stock that has been mention on our weekly webinars a lot in the past year. We have multiple positions in this #trade during that time and if price can manage to break out of this consolidation zone, we will look to add as some point. #stockmarket #trendtrading " +"Mon Aug 23 14:54:49 +0000 2021","A completely coincidental correlation between cental bank liquidity flooding and stock price growth $SPY $QQQ $DIA $DJIA #stockmarket #investing #finance #stocks $AAPL $TSLA $AMZN $INTC $NFLX $AMC $NIO $GME " +"Fri Aug 20 07:39:11 +0000 2021","ISSUE PRICE : 1618 CMP : 1547 nifty50 #sgx #dow #future #nifty #banknifty #stock #trader #trading #intraday #investing #stockstowatch #stockmarket #gold #silver #commodities #options #lockdown #news #coronavirus #portfolio #research #results  #finance #investments #StocksToTrade " +"Fri Aug 20 02:34:47 +0000 2021","$FB hit with new antitrust suit from federal trade commission. $HOOD meme rally falters, as stock drops 10% to lowest price since shortly after IPO. See more: Top movers in the #StockMarket today: $NVDA $AAPL $AMZN $BABA $TSLA $MSFT $AMD $MRNA $FB $NFLX " +"Sat Aug 28 15:45:31 +0000 2021","Go to the lower time frame (5/15 min) and see where the price hit 😝. Pretty accurate with my chart #bitcoin #crypto #cryptocurrency #economy #entrepreneur #etherium #finance #financialfreedom #invest #investing #investment #investor #markets $SPY #stockmarket #stocks #stock" +"Tue Aug 24 13:39:42 +0000 2021","Discord Stock pick from 8/23 $SHOP hit Price target 1 🎯 #StockMarket #stocks #stockstowatch " +"Wed Aug 25 16:28:12 +0000 2021","$UPST Upstart Holdings Inc Ordinary Shares. The mathematical model foretells that this stock price will be stable in the short term and its stock price is in line with its long term fundamentals #Finance #StockMarket #business" +"Thu Aug 12 04:56:15 +0000 2021","$GOOG Alphabet Inc Class C. The statistical model judges the price of this stock will be stable in the short term and its stock price is in line with its long term fundamentals #StocksToWatch #StockMarket #business" +"Sat Aug 21 06:45:04 +0000 2021","$TSLA Tesla Inc. Our predictive algorithm foretells the value of this company has a neutral short term outlook and its stock price is in line with its long term fundamentals #Stocks #StockMarket #trade" +"Wed Aug 11 02:19:02 +0000 2021","AMZN Stock Price Predictions: What Will Amazon Be Worth in 2025? 2030? - #wealth #invest #markets #money #stockmarket #passiveincome #trade #options #investor #cash" +"Tue Aug 24 03:27:58 +0000 2021","$NVDA Strong Continuation over $208 All-Time Highs. Watch for continuation towards $228 tomorrow. Watch $SOXL when trading Semi-Conductors,$AMD $AMAT, and the obvious $QQQ. Never Trade Blind! That's it for me tonight, cya in the AM! ✌️ " +"Thu Aug 12 13:18:08 +0000 2021","From the Trading Floors: -Nasdaq futures have slipped into the red -Tech is the downside leader with semiconductors -Financials, Industrials, and Consumer Discretionary are green -Crude lower -The 10-year near 1.37% - $BTC $44.5K - $VIX 16.14 @MarketRebels " +"Sun Aug 08 20:17:27 +0000 2021","$AMZN -- Major gap down after Earnings. Set your alerts on this with both gap fill areas. 3390 - 3400 (upside area for the break) with a strong market movement as well. We're also sitting above the 200D SMA on this on the daily and 50 SMA on the weekly. " +"Wed Aug 18 20:08:38 +0000 2021","Major market indexes bleeding into the close followed by big market names. $SPY $QQQ $MSFT $AAPL -- Also seeing a spike into $VIX -- next two days will be digestion days for the market " +"Mon Aug 16 14:22:55 +0000 2021","Fake up in AAPL and some pressure on q's below the 368 QQQ we have been referencing. Harder market and will remain tricky below that level for tech. $QQQ $NDX #NQ_F $SPY $SPX #ES_F $IWM $RUT #RTY_F " +"Tue Aug 03 12:25:50 +0000 2021","Good morning traders!! 💥💥 NASDAQ looking to open stronger here today as we watch a few big names here including $TSLA. $BABA $UAA $CRSR all off reports, let's see if we can find some levels. Check out the #stickynote below for some ideas ✅📈👍 $WHLM $NIO $FB $AMD $HOOD " +"Sat Aug 28 19:51:58 +0000 2021","The Tech wave count: RSI (top) is 6 months overbought. Three times breadth (red line) has flirted with meltdown, most recently last week. Breadth collapsed after wave 'a'. New highs (bottom), collapsed. Picture what happens when Microsoft rolls over. Gong show. " +"Sat Aug 14 23:25:59 +0000 2021","I’m a contrarian. We all know that. Yes, everybody’s talking about the spy, and the Dow, @ ATH, tech earnings have been strong, I’m not sure if it’s Monday or Tuesday, but I’m looking for an extremely strong tech bounce higher. 14,915 incoming, stocks I like 👍 $TDOC, $TTD, $FSLY " +"Wed Aug 04 09:46:20 +0000 2021","$NFLX in Uptrend: price expected to rise as it breaks its lower Bollinger Band on July 21, 2021. View odds for this and other indicators: #NetFlix #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Fri Aug 06 10:02:51 +0000 2021","$AAL in Downtrend: its price may drop because broke its higher Bollinger Band on July 26, 2021. View odds for this and other indicators: #AmericanAirlinesGroup #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Fri Aug 06 02:56:45 +0000 2021","$NFLX's price moved above its 50-day Moving Average on August 4, 2021. View odds for this and other indicators: #NetFlix #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Mon Aug 02 13:31:05 +0000 2021","Have you invested in VISA stock? The stock is predicted to yield an increase in price by 64.652% after a year. #JiffyGlobal #DowJones #Investment #USStocks #Trading #ShareMarket #SharemarketIndia #StockMarket #NASDAQ #NYSE #FinancialLiteracy #GlobalInvesting #Portfolio #Nifty " +"Fri Aug 27 02:15:20 +0000 2021","going into a possible large volatility event tomorrow (Powell speech) here is a look at key near term⚓️VWAPs in $SPY $QQQ $SMH $XLF on 15 minute timeframe purple is WTD blue is from the August low (level of interest on all these if selling continues tmrw) " +"Wed Aug 04 13:05:12 +0000 2021","Video Daily Brief $TSLA $SPY $QQQ $IWM Uploaded and Processing. HD version might take a few minutes. Entry's for both Bulls and Bears. See you out there today traders. " +"Tue Aug 17 03:15:21 +0000 2021","$AAPL breakout likely postpones any immediate Market selloff for the Bears given AAPL,MSFT represent 12% of $SPX & have just broken out again #IBDPartner 4th wave triangle consolidation points to 156-158 before stallout near channel resistance highs @MarketSmith @IBDinvestors " +"Tue Aug 31 03:51:42 +0000 2021","👉🏾 $AAPL - break above 153.50 155C .65 👉🏾 $SQ - break out on daily & news 👉🏾 $TSLA - break out on daily 👉🏾 $ZM - 300 open possible Pajama trader not doing much. China 🇨🇳 is blood red, Japan 🇯🇵 is flat. #ES_F #NQ_F #RTY_F #YM_F Good night Snipers. New day new opportunities. " +"Thu Aug 05 19:24:47 +0000 2021","$3 Is the Next Logical Target for Castor Maritime Stock - article I ghost-wrote for @investorplace $CTRM $SPY $QQQ $DIA $DJIA #stockmarket #investing #finance #stocks $AAPL $TSLA $AMZN $INTC $NFLX $AMC $NIO $GME" +"Thu Aug 12 19:34:22 +0000 2021","$AAPL back towards highs. Market due for pullback. If it continues higher u can buy back 138 strike & has a few weeks of time. Void if $AAPL accepted >150" +"Thu Aug 19 19:29:37 +0000 2021","$SPY $QQQ Both are testing underside of their 20EMA's after a rally off this gap down open Our response to this choppy action ?? -> Don't force trades Book partial profits on existing positions and raise cash Inch stops up Ride winners Preserve mental capital! " +"Mon Aug 23 14:20:13 +0000 2021","$QQQ #update 💸💰💸 Breakout #idea working today As i said $NVDA breakout and $TSLA reversal will lead the QQQ breakout Same thing happening today Complete plan was given below See timestamped idea $QQQ calls or $TQQQ shares paying good so is $NVDA $TSLA " +"Thu Aug 12 02:11:10 +0000 2021","Top market forecaster Tom Lee ⁦@fundstrat⁩ ⁦@fs_insight⁩ believes a ⁦DeMark technical signal &Delta Peak could set up a Major Risk-On Rally with $aapl $amzn big tech up 20% and $SPY reaching 4,800 by Oct. Hawkish Fed is a risk but unlikely. " +"Mon Aug 16 20:13:32 +0000 2021","Wel that is a wrap.. wild day.. huge dip and they bought it all and more back. $AAPL ended up red on it, but was able to get most back.. traded $TQQQ twice was well and long $AAPL overnight.. $MSFT $AAPL $FB solid closes... " +"Tue Aug 17 16:54:03 +0000 2021","I continue making sales... Something feels nasty out there and after a lot of bad divergences, $IWM $IWN $ARKK are breaking big levels. $CQQQ is a few weeks ahead here. Players cue off S&P 500, but that’s just 10 stocks that are bond proxies. Stay safe friends..." +"Thu Aug 05 01:50:13 +0000 2021","𝗠𝗮𝗿𝗸𝗲𝘁 𝗔𝗰𝘁𝗶𝗼𝗻 𝗢𝘃𝗲𝗿𝗻𝗶𝗴𝗵𝘁 - Plenty of chop across markets - USD ended being universally bid - S&P-500 -0.46%, Nasdaq +0.13% - 10y ended unchanged 1.182% - Fed Vice Chair commentary leaned hawkish - US July ISM was strong, ADP (pvt payrolls) missed" +"Sun Aug 29 19:37:46 +0000 2021","Weekend Review, 8/29: Confirmed Uptrend Nasdaq and S&P 500 close at all-time highs with Nasdaq logging an accumulation day on Friday. Distribution Days: 2 - Nasdaq, 3 - S&P 500 $QQQ $SPY " +"Mon Aug 23 20:00:01 +0000 2021","And Monday is a wrap.. $NVDA paid nicely today.. $TSLA $AAPL AMD had nice moves.. $HOOD woke up late.. bottom line $SPY $QQQ ATH's... Don't fight the tape!!! " +"Tue Aug 17 00:15:05 +0000 2021","Good evening! $QQQ very close to a bigger breakout this month. Once QQQ closes above 370 we should see a strong rally towards 375-379. $AAPL finally broke above the 150 level. AAPL is setting up for a run to 158-160 in the next few weeks as long as 150 holds. Have a GN! 😄📈 " +"Sun Aug 22 19:12:19 +0000 2021","Weekend Review, 8/22: Confirmed Uptrend Nasdaq undercuts and rallies off the 10-week/50-day SMA, closing back above the 21-day EMA. S&P 500 also reclaims the 21-day EMA after finding support at the 10-week SMA. Distribution Days: 3 - Nasdaq, 2 - S&P 500 $QQQ $SPY " +"Tue Aug 03 14:12:51 +0000 2021","I feel like I say this too much. Don’t catch the falling knife, catch the uptrend. This market will continue to bleed and bleed, their is no bottom. $SPY puts up 175% $QQQ puts up 100%" +"Sun Aug 01 22:01:03 +0000 2021","$AAPL - Above 150 - Trade Idea - Aug 20 155C Closed at 145.86 If AAPL can consolidate near 145 for the next 3-4 weeks, it should set up for 150-151 when we see a rotation back into FAANG - $AMD $AMZN $BA $BYND $FB $MSFT $NIO $NVDA $ROKU $SNAP $SPCE $SPX $SPY $SQ $TSLA $ZM $F " +"Wed Aug 18 11:45:49 +0000 2021","Happy Wednesday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Lower Open - Fed Meeting Minutes - U.S. Housing Data - $TGT $LOW $TJX $PLCE $BBWI $EAT Earnings - $HOOD $NVDA $CSCO $ADI Also Report *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Thu Aug 19 11:35:28 +0000 2021","Quick look at the Big Boys, As breadth has been deteriorating these guys have been holding up the market, Amazon was the first to roll over, will any others join it? We will find out very soon. $AAPL $AMZN $GOOG $FB " +"Tue Aug 24 12:33:53 +0000 2021","Happy Tuesday! *Here Are My #Top5ThingsToKnowToday: - Stock Futures Inch Higher - China Tech Stocks Surge - $BBY $JWN $URBN $AAP Earnings - $INTU $TOL $PDD Also Report - U.S. New Home Sales *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Fri Aug 27 12:08:31 +0000 2021","Happy Friday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Higher Open - Fed Chair Powell Speech - PCE Inflation Index - Personal Spending Data - $BIG $HIBB Earnings *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ " +"Mon Aug 30 20:12:00 +0000 2021","Banger. Game 6 Klay. 8/30 Daily Recap: $SPY 8/30 451c (+180%)✅ $SPY 8/30 452c net (+252%), touched +380%✅ $QQQ 8/30 378c net (+177%), touched +291%✅ $AAPL 9/3 152.5c net (+132%), touched +317%✅ $SPY 8/30 453c out at entry (+0%)❌ Swinging $AAPL 155c and $AMD 115c" +"Tue Aug 17 01:32:27 +0000 2021","$QQQ #chartidea Ok, Nasdaq 100 is actually on Cusp of Breakout over 270 How can that happen? You see below 10 companies will dictate that! Will trade calls if that happens. $AAPL Breakout $NVDA earnings can be catalyst for example #riptips: Trade $TQQQ if not in options " +"Wed Aug 04 11:41:23 +0000 2021","Happy Wednesday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Lower Open - ADP Payrolls, ISM Services PMI - Fed Vice Chair Clarida Speech - $ROKU $ETSY $FSLY $UBER Earnings - $GM $CVS $KHC $RCL $WYNN Also Report *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ " +"Thu Aug 19 12:22:19 +0000 2021","Happy Thursday! *Here Are My #Top5ThingsToKnowToday: - U.S. Stock Futures Tumble - Fed Taper Fears Weigh - U.S. Jobless Claims - $M $KSS $ROST $BJ $TPR $AMAT Earnings - $TSLA AI Day *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Fri Aug 06 15:44:01 +0000 2021","$Nasdaq The index is 1.0% above its 21ema and 3.0% above its 50sma... The bulls like the market above those key moving averages. The bears say it is wedging higher on light volume and will pullback. That is what makes a market... " +"Fri Aug 06 00:52:52 +0000 2021","$QQQ #update After small pullback Nasdaq bounced from 20 EMA My last Breakout alert on 345 still in money for long term optiontraders Breaking out again now but not enough consolidation for me to be confidentabout big move, Strong Trend Nonetheless Good Earnings in tech helping " +"Sun Aug 08 21:29:53 +0000 2021","@NorthmanTrader Between this, China slowing, Evergrande, Taiwan, stimmi cliff, housing hard landing, 23X forward 22' earnings, Record % corp debt/gdp....should be good for another 1% up move in SPY tomorrow. Hopefully world war starts so we can get to 6000 s&P 🤦‍♂️:)" +"Wed Aug 04 13:02:48 +0000 2021","$spx futures -16 as ADP misses big. We’ll see if some money hides in Mega cap tech to mute weakness. $aapl can give clues today " +"Tue Aug 17 01:04:39 +0000 2021","$SPY #update 💰💸 445c monthlies finally paying and in money so far 442 breakout on $SPY is holding, helped by $MSFT $AAPL ramp up. Apart from large caps, Micro Caps, Growth & Biotech are mostly dead. Congratz if you followed this idea Carefully see before/After " +"Fri Aug 06 01:33:51 +0000 2021","Update on $QQQ, $SPY, Tesla, Apple, Amazon, Facebook, Nvidia, Nio, Palantir, AMD, & Bitcoin Content Tech $QQQ $AAPL $AMZN $AMD $NVDA $NFLX Growth $TSLA $NIO $XPEV $RIDE $PINS $PLTR $NNDM $ADSK $HUYA $EBON $BTC $ETH Value $SPY $DIA $BA $DAL $JETS $XLE $DIS " +"Tue Aug 17 02:32:39 +0000 2021","The short de-SPAC ETF up 35% in 6 weeks tells me we are near a bottom in small caps. The QQQs at record highs tells me to crawl into a hole. The March and May bottoms in $ARKK coincided with bottoms in $QQQ so it isn't like $QQQ's can fall without smidcap tech/ARKK/IWO falling. " +"Wed Aug 25 15:14:47 +0000 2021","Currently enjoying $STT $FTNT $ACN while also plotting $AMZN $AMD $RH and friends. Keep a close eye on $SPX / $SPY $IWM and $QQQ" +"Mon Aug 30 15:25:49 +0000 2021","Semi's a leading indicator for tech and the markets have reversed their gains and are set to go negative. Keep it on your radar. $SMH $SOXS $NVDA $AMD $MU $ASML $AVGO" +"Sun Aug 22 17:10:20 +0000 2021","Names that look solid from the SPX scan: $ADBE $CSCO $NFLX $SNPS $DXCM $LLY $NKE $AMD $HCA $AON $CMG $MRNA Others $AAPL $FB $TSLA $MSFT $GOOG $NVDA Liquidity & big companies seems to be theme there" +"Sun Aug 29 17:19:42 +0000 2021","I hope these weekend charts were helpful. That's all I've got for today. Have a nice Sunday everyone :) Market update video with timestamps in description: Reviewed: $SPY $QQQ $IWM $DIS $GRWG $AMD $SPOT $PLTR $ETSY $AAPL $WISH $BBIG" +"Fri Aug 13 00:06:10 +0000 2021","Apple, Tesla led a slim market rally Thursday, flashing new early entries. After the close, Disney jumped on strong earnings, triggering buy signals while several IPOs also reported. $AAPL $TSLA $DIS $ABNB $DASH $CRCT $ZIP $FIGS " +"Mon Aug 23 09:21:55 +0000 2021","$TSLA +1.0% to $687 pre-mkt as M-Y delivs started across Europe, and positive sentiment continued post-AI Day. Equities moved higher (SPX +0.3%, NDX +0.3%) as Covid rates retreated in US/other countries. 10yr TY 1.277% +2.2bp in front of Fed’s Jackson Hole offsite (8/26-8/28)." +"Mon Aug 23 00:02:04 +0000 2021","$QQQ 370 is the level to watch here. Friday was a nice start to breaking the short term trend. A move over ATHs can rally tech. Levels 375, 379, 383 $SPY $AMZN $AAPL $BA $NFLX $TSLA $AMD $ROKU $NVDA $FB $PYPL $DOCU $CRWD $ETSY $SQ $MSFT $ZM @TrendSpider " +"Tue Aug 24 14:27:50 +0000 2021","@iammarkmonroe I’m just going to say it’s gonna be a helluva ride up on $AMZN $FTNT $AMD and of course watching $SPY and $QQQ levels." +"Wed Aug 25 13:09:29 +0000 2021","Big tech has some strength this morning. Watch $MSFT for clues 🕵️ $AAPL not looking bad either. $AMZN gap 🆙 3312 watch 3317, 3325, 3333, 3340. Those are my next levels $TSLA flow has been good. Now 707. U know what needs to happen for moves up 🤝" +"Mon Aug 16 20:46:45 +0000 2021","$QQQ Closed green and the Nasdaq closed -.20. Big caps as $AAPL are masking the weakness. There’s a lot of weakness under the hood in growth stocks. Let’s see how the unfolds." +"Thu Aug 26 23:45:13 +0000 2021","#LottoFriday JPow at 7AM PST *Rubbing hands* $SPX 4490C > 4480 | 4450P < 4460 $QQQ 374C > 373 | 371P < 372 $TSLA 720C > 708 | 680P < 697 $AMZN 3350C > 3325 | 3280P < 3300 $ROKU 360C > 357 | 345P < 350 Keep levels on $SPY on watch along with $TNX " +"Thu Aug 19 22:31:47 +0000 2021","#LottoFriday Watchlist $TSLA 665P < 673 | 680C > 675 $AMZN 3150P < 3175 | 3220C > 3200 $ZM 325P < 330 | 340C > 336.5 $GS 390P < 393.6 | 396C > 394 $NFLX 535P < 540 | 550C > 545 $PLTR 25C at open worth the risk reward. $SPY levels to keep on watch " +"Sun Aug 15 20:55:29 +0000 2021","Focus for next week – $AAPL $ABNB $AMD $CPRI $DASH $DLO* $EXPI $KLIC $MELI $MSTR $NVAX $NVDA* $PAYC $PLTR $RBLX* $RIOT $SONO $SNAP $SNOW $SQ $TMDX $TMST $TSLA $XM $ZI $ZIM* * EPS due this coming week" +"Thu Aug 12 22:32:51 +0000 2021","#LottoFriday #watchlist 8/13: $TSLA - 715P < 720 | 730 > 728 $AMZN - 3280P < 3300 | 3320C > 3300 $SHOP - 1480P < 1500 | 1520C > 1500 $GOOGL - 2720P < 2730 | 2750C > 2730 b/t $AMD - 105P < 106 | 108C > 107.30 Keep $SPY and $QQQ on watch 446 next 🎯 " +"Mon Aug 09 21:22:03 +0000 2021","Remember when Nasdaq put a top in Feb and corrected for 2 months,speculative tech , spacs and Ark garbage was obliterated, SRVIX was flying. No one in fintwit world called this except me. You have seen fake growth gurus watching their portfolio cut in half and they just sit on it" +"Fri Aug 27 20:18:26 +0000 2021","VIDEO Review of market trends using $SPY $QQQ $IWM $SMH $IBB $XLF $XLE and individual stocks including $AMD $NFLX $TSLA $LAC $BEAM $MNST ⚓️VWAP" +"Thu Aug 19 15:45:18 +0000 2021","$QQQ strong recovery after holding premarket lows at 359.. If this can reclaim 367 we can see a bigger tech rally next week $NFLX setting up for 563 next, above will set up for 600 $NVDA if this breaks above 208 it can run another 10 points" +"Mon Aug 23 18:54:56 +0000 2021","$NVDA printing new highs.. if it closes through 220 it can gap up again tomorrow.. Possible to see 229 this week $AAPL close to a breakout if it can hold above the 150 level $QQQ dips getting bought up we should see it continue to move higher tmrw as long as 370 holds" +"Mon Aug 02 01:39:15 +0000 2021","🎯 Weekly Watchlist is Ready! 🎯 $SPY $TSLA $700C > $690 | $670P < $677.5 $AMZN $3400C > $3362 | $3300P < $3312 $AVGO $500C > $490.07 | $475P < $483.02 $PINS $62C > $60.70 Short and sweet! " +"Fri Aug 20 13:00:03 +0000 2021","Good morning! $QQQ small gap up this AM, it'd be best to see QQQ hold a higher low above 362 and close near 367 to set up for 370 next week $MSFT $AAPL gapping up.. MSFT can test 300 today. Above 300 will set up for 309 in the next 2 weeks.. AAPL easier trade above 150 GL! 😄" +"Tue Aug 31 18:29:55 +0000 2021","The market seems to be basing today.. $QQQ looks fine if it closes above 379.. $SPX if it fails at 4500 it can drop 25-30 points $SNAP if it closes through 79 it can test 82-85 next $TSLA still no momentum, it still looks okay above 729.. Needs to get through 744 tmrw" +"Tue Aug 10 01:05:26 +0000 2021","COIN NET CVNA SNAP SWCH SPT SQ SE DOCU CRWD SNOW DXCM HUBS NVDA DDOG ZI ASAN CLF SEDG STAA UPST WISH FUBO TWLO SHOP U GOOG MSFT" +"Mon Aug 02 13:00:27 +0000 2021","Good morning! $QQQ up 1.5 premarket, as long as it holds 362 this week it should set up for 370,375 this month, puts can work if QQQ breaks 362 $TSLA 15 pt gap up, looks like it can run towards 744,752 if it holds above 700 this week. It's close to a bigger breakout GL! 😁" +"Tue Aug 17 13:00:06 +0000 2021","Good morning! $QQQ down 2 premarket, this 365-370 range hard to break above.. We can continue to see more chop as long as QQQ stays under 370 $AAPL if it moves r/g it should test 153 by tmrw, Harder trade for calls under 150 $TSLA possible to see 644 if it fails at 659 GL! 😄" +"Mon Aug 23 13:01:05 +0000 2021","Good morning! $QQQ if this gets through 370 by Tuesday possible to see a bigger tech run into the end of the week.. QQQ setting up for 375,379 $NVDA 2.5 pt gap up, this one can test 215 this week as long as it holds above 208. Calls can work above 208 Good luck! 😄" +"Wed Aug 25 18:24:22 +0000 2021","$QQQ very choppy today, stopped near 375 at the open, in a 1 pt range for most of the day.. Let's see if $QQQ can close through 375 by Friday..Very choppy day so far $TSLA red to green, it still needs above 729 to set up for a breakout towards 770+" +"Mon Aug 30 12:59:42 +0000 2021","Good morning! $QQQ if this can close above 379 this week it will set up for 388 by the end of Sept, Puts can work if QQQ fails at 370 $BBIG 3 pt gap up , if this closes above 9.40 it can run towards $14-15 on a squeeze $AMZN to 3434 can come if it holds 3343 Good luck! 😄" +"Sun Aug 22 20:21:16 +0000 2021","Focus for next week – $AAPL $AMD $ATKR $BSY $CFLT $CTLT $CYBR $DLO $DOCS $ETHE $GLBE $KLIC $MARA $MELI $MSTR $MXL $NVAX $NVDA $PAYC $RIOT $SE $SNOW* $SWAV $TEAM $TSLA $U $UPST $XM $ZI $ZIM" +"Mon Aug 02 19:32:00 +0000 2021","$AMD Pullback from our 110 Target $SQ Pullback from our 280 Target $NVDA consolidating under 200 $TSLA rejected from 723 Fib Level! Still lockedSolid💸 Never let winner turn loser! Very important! Always Scale out , Scale in at key levels! $VIX spiking again here into close" +"Tue Aug 03 16:06:30 +0000 2021","$SPX held 4370 on the back test, now back above 4400, if it closes near 4421 we can see the market rally higher tomorrow $GOOGL if it holds above 2700 it can move another 30-40 points ot the upside $AAPL 150 breakout level for a move towards 155-158" +"Wed Aug 11 13:00:04 +0000 2021","Good morning! $QQQ small gap up near 368, possible to see more chop if QQQ stays between 365-370 this week. 370 is a breakout level $TSLA up 4 premarket. if it can base between 714-729 through Friday it should set up for a run towards 752 next week Good luck everyone! 😄" +"Fri Aug 27 13:00:04 +0000 2021","Good morning! The market is gapping up this morning $QQQ can break through 375 and test 379 by Monday if the market has a positive reaction to Powell $NVDA possible to see 225,229 next, I'd consider calls above 225 after Powell $GOOGL to 2900 possible next week Good luck! 😄" +"Wed Aug 11 16:23:24 +0000 2021","$SPX $QQQ continuing to dip since the open.. $QQQ weak price action possible to see 362 next if it stays under 367 $AMZN to 3424 can come if it stays under 3300" +"Sun Aug 01 21:48:16 +0000 2021","AMD ALGN SNAP DXCM TEAM CMG TPX some recent strong movers watching for spots. Tons of earnings this week will track for PEGs and potential setups." +"Tue Aug 17 18:11:15 +0000 2021","$SPX held 4421, if it moves back to 4455 by tomorrow we can see 4474,4500 $AAPL $MSFT stronger today.. $AAPL still basing near 150 with the market lower $TSLA trying to find a bottom above 644.. calls can work if it reclaims 675" +"Fri Aug 27 10:22:28 +0000 2021","Good Moring! Futures up slightly Powell at @ 10 am China Plans To Ban US IPOs For Data-Heavy Tech Firm $BIG EPS misses by $0.03, misses on revenue $XPEV pt raised to $61 from $56 @ BAC $ULTA d/g Eaul Weight @ WFC $WDAY pt raised to $295 @ Piper" +"Sat Aug 21 13:45:33 +0000 2021","Last week, $AAPL and $GS held up the DOW which maintained the markets in a choppy action This week $MSFT kept the market from tanking Mr market is running out of Ammo, and the 10yr, Dollar, and VIX is about to force a nasty unwind" +"Thu Aug 26 13:00:04 +0000 2021","Good morning! Small gap down this AM in $SPX $QQQ.. It can be a choppy day if $SPX stays under 4500 and $QQQ fails at 375.. Powell speaking tmrw . We should see a bigger move when he's done. $NVDA if it breaks above 225 it can test 229-233 next. Calls can work above 225 GL! 😄" +"Mon Aug 16 17:42:02 +0000 2021","$SPX $QQQ strong bounce from the lows, looks like SPX can test 4500 if it closes near 4474 today $AAPL back near 150 again, lets see if it can close above.. it close to a bigger breakout $ROKU if this holds 351 it can move back to 366 this week" +"Wed Aug 25 16:44:44 +0000 2021","Divergences in the market, big tech $AAPL $MSFT $AMZN weak while $SPY humming along mostly due to banks $XLF" +"Sun Aug 22 19:18:48 +0000 2021","$QQQ will kill the bears. The setup is looking really good. Dip and rip looks like possible into tomorrow. Nothing but a big $AMZN swing position for me. $ROKU $ETSY $CRM $SNOW $COIN look good. $BABA is on watch. $SPY might have a little drawdown from financials $GS $JPM." +"Tue Aug 17 16:16:37 +0000 2021","$SPX $QQQ still no momentum, SPX if it fails at 4421 it can test 4400 next $AMZN to 3188 possibile if it can't reclaim 3242 today $AAPL still looks okay basing near 150, once the market bottoms AAPL should test 153" +"Wed Aug 11 20:35:34 +0000 2021","Still watching that AAPL as a tell. Was amazed how it supported itself there this morning as other stuff sold. Would love to see laggard names like ROKU (200sma) TWLO (200SMA) etc try to put in better price action but they are avoids for me as think much better opportunities." +"Thu Aug 05 13:00:05 +0000 2021","Good morning! $QQQ small gap up this AM, if it can break above 370 we can see a run towards 375 early next week, It should continue it's uptrend as long as 362 holds this month $NVDA setting up for a move to 208 next if it breaks above 205. Calls can work above 205 GL! 😁" +"Tue Aug 31 13:00:10 +0000 2021","Good morning! Small gap down in futures this morning.. $QQQ if this moves back to 382 it can run another 3-4 points this week, harder trade if it fails at 377 $TSLA strong day yday, if it has a follow through day it can move towards 744-752, needs to hold 729 Good luck! 😄" +"Thu Aug 12 19:49:24 +0000 2021","$AAPL Taking $SPY into highs into close Can we get 149 atleast our target Then we consolidate under 150 for that big break Will review $SPY $QQQ charts as well $TSLA nice consolidation, also on watch for next leg up $TSLA $AAPL both good money makers today if you followed" +"Sat Aug 07 13:12:15 +0000 2021","Who wants to see some scan results & charts today? Inside day/week, TTM Squeeze fires day/week, MACD curl-ups, AVWAP pinch etc... Smash that like and retweet, I'm ready to get to work! $SPY $QQQ $IWM" +"Wed Aug 04 13:27:39 +0000 2021","Really going to be watching and charting the shit out of $SPY $QQQ $BB $SNAP and $TSLA today So if you’re not interested in that throw your boy on mute lol" +"Mon Aug 30 22:59:39 +0000 2021","Posted 10 charts tonight with more of a zoomed-out view as the monthly chart comes to a close tomorrow. Hope these help with another perspective in the markets! Goodnight! :) Reviewed: $AMZN $NFLX $DIS $GRWG $PLTR $SPOT $FUBO $CRM $TSLA $TWTR" +"Tue Aug 17 18:09:11 +0000 2021","I updated my momentum list. Power earnings gaps and new 52-week highs. $AMD $ATLC $AVTR $DDOG $EPAM $FTNT $HUBS $KR (Earnings in Sept.) $MELI $NET $ON $PAYC $SHOP $SNAP $SQ $TEAM $UPST $ZI What are you watching?" +"Wed Aug 04 23:03:09 +0000 2021","Lot of stocks have been pulling back after hours on earnings. Here’s what’s gone up: $ATVI $EA $EXPI $GOOG $HUBS $KO $LC $MELI $SNAP List created with @Mayhem4Markets. What are we missing?" +"Wed Sep 15 02:40:00 +0000 2021","Hello, I completed my analysis of $aapl future stock price baking in projected iPhone 13 sales Lmk if you have any questions #stocks #Apple #AppleEvent2021 #iPhone13 #iPhone #trading #market #StockMarket " +"Thu Sep 02 18:05:30 +0000 2021","Payback’s a bitch. To those who bought all the calls I shorted this week, tell them ADF sends sends his regards $AAPL $SPY $MSFT $QQQ and especially you $FB #winterCame #thuFriRule #thanksForThePremiums #coincidenceMoney " +"Mon Sep 13 20:58:02 +0000 2021","Nasdaq to provide price feeds for tokenized stock trades on DeFiChain #stockmarket #daytrade #trade #cannabisstock #pennystock #potstocks" +"Thu Sep 02 03:50:00 +0000 2021","The Nasdaq ended at a fresh high, powered by tech stocks. Apple rose to its second record high this week, and Microsoft, Amazon and Google-owner Alphabet all advanced " +"Wed Sep 01 02:00:48 +0000 2021","The $SPY 1M chart is simply insane. Just look how far the price is above the 25 and 99 MA. This has never happened in the history of the stock market ever Why is nobody talking about this lol #stocks #stockmarket #SPY #SPX $SPX #wsb #wallstreetbets #btc $btc #bitcoin #stonks " +"Wed Sep 08 13:20:02 +0000 2021","$COOP's P/E way TOO LOW! has $COOP's fair price @ $216 #stock #stocks #StockMarket #stockmarkets #StocksToBuy #StocksToWatch #hiddengems #GEM $UWMC $OCN $RKT $LDI $NRZ $PFSI I am long $COOP $FNMA $FMCC, no investment advice!" +"Tue Sep 14 08:22:58 +0000 2021","Last week, we mentioned that even if $TSLA did pullback, the bullish bias would be intact. If it declines, too many supports are there to sustain its price. The good news is that $TSLA shows a bullish dragonfly doji pattern with increasing volume.#StocksToBuy #Stock #stockmarket " +"Thu Sep 30 06:18:57 +0000 2021","@virgingalactic (NASDAQ: $SPCE) stock plunged by 3.55% at last close whereas the SPCE stock price gains by 10.15%in the after-hour trading session. Read the full news here: #StockMarket #NASDAQ " +"Sat Sep 11 17:16:09 +0000 2021","SymbolName Last Price Change VolumeMarketCap AAPL Apple 148.97 -5.10-3.31% 78.10M MSFT Microsoft 295.71 -1.54 19.63M 22.08M GOOG Alphabet 2838.42 -59.85 1.64M 1,885.29B AMZN Amazon 3469.15 -15.01 3.33M1,756.92B" +"Mon Sep 27 06:47:50 +0000 2021","Taoping Inc. (NASDAQ: $TAOP) stock declined by 4.68% at last close whereas the TAOP stock price gains by 5.66% in the after-hours trading session. Read all about it here: #stockstowatch #stockmarket " +"Tue Sep 28 16:04:56 +0000 2021","What's behind today's market action?📈 $DXY | $SPY | $QQQ #StockMarket " +"Thu Sep 09 15:05:29 +0000 2021","$GOOG Alphabet Inc Class C. The statistical model has detected this company s stock price will be stable in the short term with a flat long term setup #Stocks #StockMarket #money" +"Sat Sep 11 17:16:10 +0000 2021","SymbolCompany NameLast Price Change Market VolumeMarket Cap CRMSalesforce 257.2-3.545.28M251.80B INTCIntel 53.84+0.4420.10M218.43B AMD AdvancedMicro 105.2-0.9532.60M127.60B ATVI Activision 79.64+1.5912.10M61.94B MTCHMatch 164.38+6.67 11.93M 45.50B" +"Wed Sep 01 16:15:16 +0000 2021","Prefect Wednesday, with great weather, a market that delivers daily! Time to take advantage of the tech world, grab a @mnstatefair pronto pup, while trading $AAPL, $CELH $BBIG on this Full on #GiddyUp Day!! " +"Wed Sep 15 17:10:35 +0000 2021","$MRNA, $SPY, $TSLA, $AFRM. All entries and exits were signaled on Live Voice. This is not a bull market, this is not a bear market...this is a Kangaroo Market 🦘🦘🦘 " +"Fri Sep 03 20:44:57 +0000 2021","MBAD Update: 67.7% of stocks in $SPX closed in the red today while markets remained flat, which is a great example of how just a few stocks will completely distort the entire index. Today was much more bearish than you would think. $FB $AAPL $AMZN $NFLX $GOOG $TSLA $SPY $VIX " +"Mon Sep 06 07:11:23 +0000 2021","#Technology #Stockmarket #crypto #Fiverr Ark Invest Tesla Stock Price Target May Be Outrageous, But Elon Musk Says It Is Worth $3,000 A Share ‘If They Execute Really Well’ Tesla Inc (NASDAQ: TSLA) CEO Elon Musk has told its employees that he agrees with…" +"Sun Sep 19 07:11:38 +0000 2021","#Technology #Stockmarket #crypto #Fiverr Why I’m buying Tesla stock in September The Tesla (NASDAQ: TSLA) share price rose nearly 700% in 2020, yet as I’m writing, Tesla stock has stagnated year-to-date. So, with the electric vehicle (EV) market continu…" +"Tue Sep 07 20:11:05 +0000 2021","MBAD Update: 81% of stocks in $SPX closed in the red today while spot price only slide 35 basis points. Another great example of how just a few companies completely distort the entire index. This was a VERY bearish day. $SPY $NFLX $TSLA $AAPl #faang #stockmarket #tech " +"Thu Sep 30 13:58:07 +0000 2021","Little 30 minute workday. Took the green before the Feds start talking. $NFLX $SPCE $AMD went this morning. Watching $NVDA for a bounce for later on. How’s everyone’s morning? 🙏🏽📈🧿 " +"Wed Sep 01 00:00:01 +0000 2021","Here is the analysis for 09/01/21 covering $ES_F, $QQQ, $AAPL, $AMZN, $FB, $NFLX, $PLTR, $DKNG, $SNOW, $PYPL, $TSLA, $ROKU, $SNAP, $SQ, $NIO Watch the charts and analysis " +"Wed Sep 08 05:50:32 +0000 2021","Here is the analysis for 09/08/21 covering $ES_F, $QQQ, $AAPL, $AMZN, $FB, $AMD, $NFLX, $NVDA, $DKNG, $MRNA, $ZM, $TSLA, $SHOP, $RBLX, $SNOW Please share like and retweet !! " +"Thu Sep 09 03:36:04 +0000 2021","Here is the analysis for 09/09/21 covering $ES_F, $QQQ, $AAPL, $AMZN, $FB, $AMD, $NFLX, $NVDA, $DKNG, $MRNA, $TSLA, $SHOP, $SNOW $MSFT Please share like and retweet !! " +"Wed Sep 08 21:34:44 +0000 2021","Thursday 9/9/21 watchlist: Inside days in blue (all 2-1-___ setups in #TheStrat) I think look decent for setups tomorrow (long if over today's high, short if under today's low), plus earnings #gapper $LULU could set up intraday. If indices are volatile, will scalp $QQQ options. " +"Tue Sep 28 00:07:51 +0000 2021","Analysis for 9/28 $ES, $NQ, $QQQ, $AAPL, $AMZN, $DAL, $BA, $FB, $NFLX, $AMD, $MRNA, $TSLA, $MSFT, $DDOG, $SNAP, $SOFI, $MU, $ROKU 📺 Please like and retweet if you find it useful " +"Tue Sep 07 04:37:31 +0000 2021","Weekly cheat sheet - 9/7/2021 $AMZN $APPL $ADSK $AMD $BAC $BAC $BGFV $CLF $DASH $DDOG $DOCU $GRWG $HD $HOOD $JNJ $MCD $MRNA $MTTR $MU $NVAX $NVDA $PENN $PFE $POWW $RBLX $TSLA $TTD $UPS $V $WMT " +"Sun Sep 19 23:05:21 +0000 2021","𝑴𝒂𝒓𝒌𝒆𝒕 𝑬𝒗𝒂𝒍𝒖𝒂𝒕𝒊𝒐𝒏 for 9/20 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 covered $SQ $AMD $TSLA $NIO $ROKU $ZM $SNOW $AAPL $AMZN $GOOGL $MSFT $SPY 𝙂𝙇! Share your winner's tagging @SupremeOptions 😄 If useful, please Like/RT! Takes a while to make it for you guys & I hope it helps! " +"Tue Sep 14 02:07:37 +0000 2021","$KESS Watchlist Ideas: 9/14/21 $SQ 255c>252 $AMD 107c>105 $CAT 210c>208 $TSLA 750c>745 $FDX 265c>263 $SQ 240p<244 $NFLX 580p<583 $CAT 203p<205 $COIN 235p<239 $FB 370p<373 $SPY 448 445 🔑 CPI data tomorrow morning at 8:30 in Pre-Market. Get a good sleep, tomorrow will be fun. " +"Mon Sep 20 18:51:13 +0000 2021","$SPY $QQQ market updates in the lens of algo flow! Looks like we have a big bullish divergence on both! What does this mean for me? I would keep an eye on my favorite tech stocks and start buying a bit of them at support levels. Because the algo expects reversal. 😍 " +"Sat Sep 25 11:49:17 +0000 2021","Interesting chart of the top 5 companies in the S&P 500 $SPY as a % of the index. Currently at 23% and make up 16% of EPS. $AAPL $MSFT $AMZN $FB $GOOG " +"Sat Sep 18 17:00:26 +0000 2021","The total combined value of all NFL teams is now up to around $112B according to Forbes Here are some popular stocks with a market cap smaller than $112B: Snapchat $SNAP $111B $GE $111B Caterpillar $CAT $109B Square $SQ $109B Deere $DE $109B 3M $MMM $105B Airbnb $ABNB $100B " +"Mon Sep 20 13:11:02 +0000 2021","Tech and growth charts overall continue to set up better than a lot of the cyclicals recently, especially in cloud and semis. The pullbacks over the last 18 months have been buyable, but it takes some patience and often waiting until the selling stops first. $QQQ " +"Wed Sep 22 21:11:50 +0000 2021","$AAL, $AMD, $AAPL, $BA, $AMZN, $GOOGL, $MRNA, $TSLA, $ROKU, $SHOP, $es_f, $nq_f 🚀🚀 Plus fed view which i gave last night was bang on.. Now if you liked it.. Do Retweet and Recommend to be part of my twitter family.. See you all tonight at 10:30 pm ET.. 👍👍" +"Tue Sep 07 20:54:51 +0000 2021","One of those days when everything works. $AAPL apparently big winner $NFLX 594 to 612 $NKE loss and holding And then comes $CLOV nation. Have some into tomorrow. " +"Thu Sep 16 20:17:28 +0000 2021","QQQ-indexes flat with a lot of good action under the hood. Nice pattern here and by the looks of MSFT, AAPL 50SMA, FB 20SMA, NVDA 20SMA, TSLA, GOOG 20SMA we could be getting setup to make a move. We will see. Have a good night. " +"Fri Sep 10 23:21:58 +0000 2021","$AAPL confirmed not just daily ""Sells"" using DeMark based TD Sequential & TD Combo, but also weekly Sells w/ today's close under 149.09 This likely will take a toll, in the very near-term, on #Technology " +"Thu Sep 02 00:43:42 +0000 2021","Global-Market Insights1/1 -US markets closed flat but tech share rally took Nasdaq to new all-time high -However, manufacturing PMI was not enough to offset a disappointing job report -Non-farm job increases 3.74 L in August, well below market expectations of a 6.13L @CNBC_Awaaz" +"Wed Sep 15 19:12:23 +0000 2021","$QQQ #update $AMZN $FB $AAPL bounces leading the way $AMZN almost 80 pts bounce You just have to watch market reversal and accordingly trade any large caps as they move with market " +"Tue Sep 14 18:42:05 +0000 2021","$VIX Back over 20, 21.20 resistance $QQQ $SPY still bearish Not touching any Large Cap longs until trend changes on ,only relative strength For Short/Put scalp use #EMA Clouds on SPY and others Check out 34-50 EMA clouds , how they act as pivots $AAPL $AMZN $SPY " +"Thu Sep 23 11:46:30 +0000 2021","$QQQ Nasdaq looks like it is going ot gap up and just about close the gap from the gap downwhich is also where it finds its declining moving averages. The fight in this area will determine the next move. Above 370ish bullish, below bearish " +"Thu Sep 16 00:15:02 +0000 2021","Good evening! Strong day with tech leading the market. $QQQ moved almost 5 pts from the lows. If this can reclaim 379 it will set up for 383 next week $AMZN if this breaks 3500 in the first hour tmrw, possible to see 3554 by Friday AM. Calls can work above 3500 Have a GN! 😄📈 " +"Sun Sep 26 18:18:07 +0000 2021","Weekend Review, 9/26: Confirmed Uptrend Nasdaq and S&P 500 had a weekly upside reversal to reclaim their 10-week SMA's after Monday's shakeout. Both indexes reclaimed their 21-day EMA. Distribution Days: 4 - Nasdaq, 4 - S&P 500 $QQQ $SPY " +"Tue Sep 07 01:58:29 +0000 2021","Watchlist narrow focus: $MTCH S&P 500 index news. Yooge! Surprisingly good option liquidity too $TSLA over 742 time to shine. Chart is screaming take me to 754+, Bearish <726 $BABA sleeping- alerts set for >172 w volume 175c $NFLX u wanna step in front? $AFRM earnings" +"Mon Sep 20 12:01:51 +0000 2021","SPY down APPLE down FB down Microsoft Down Tesla Down Pfizer Down … this is not just an #AMC thing and as @RoenschCapital said recently , just because it’s a negative beta doesn’t mean it behaves as such 100% of the time! But there could be a silver lining and it gets me giddy!" +"Wed Sep 15 19:45:00 +0000 2021","$SPY $VIX $QQQ $AMZN $FB $AAPL $NVDA #update Review of the Market intraday breakout, $VIX level breakdowns and large cap pushes Simple Strategy works both long and short side as I often mention Hope you grabbed some of this bounce🙏 " +"Thu Sep 23 19:26:53 +0000 2021","$APPS $BA $AMD $BCTX $BCTW $PAVM $ENSC $SPY Nice day so far on swings/trades For large caps if you listened to me and waited for VIX levels to breakdown, you should have banked, u dnt need my alerts! Just review VIX SPY QQQ and you ll see things happened as per plan " +"Wed Sep 22 15:40:56 +0000 2021","$SPY #update Good to scalp calls as earlier mentioned No rush for me on large caps Only big holding is $AMD for now and $SPY $QQQ calls and $APPS looking good as well #RIPTIPS : Trend is not a one day bounce, remember that, so dnt fomo. Let bigger picture be clear. " +"Wed Sep 08 00:30:24 +0000 2021","Tech stocks are seasonally weak in September📉, which also happens to be the worst month of the year for $SPY 👇 $APPL 36% win rate $AMZN 45% win rate $MSFT 45% win rate $TSLA 36% win rate $SPX 45% win rate 🛡️VS. More defensive stocks like🛡️ 📈 $WMT (73%) & $DLTR (73%)📈 " +"Wed Sep 15 00:16:41 +0000 2021","Microsoft up slightly on dividend hike and $60 billion buyback, giving futures a little boost overnight. $MSFT and chip names are near buys. But the stocks continue to pull back, with OK opens followed by weak closes. $MSFT $AMD $ENTG $AMAT $KLAC $AAPL " +"Wed Sep 15 16:41:03 +0000 2021","$SPY #update Carefully look at before and after Other Large Caps moving nicely as well Personally trading $MSFT and $TSLA intraday Still waiting for $MSFT breakout " +"Tue Sep 14 11:42:02 +0000 2021","Happy Tuesday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Flat Open - U.S. CPI Inflation Data - $FCEL $ASPU $KSPN $IBEX Earnings - $AAPL iPhone 13 Event - WTI Oil Jumps Above $70 *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Tue Sep 21 00:03:05 +0000 2021","Quick Take on Apple and the Nasdaq (Plus: $AMD, $NIO, $PLTR, $NFLX, $PFE, $FSLR) Is this another Quad-Witching bear trap for $AAPL $QQQ? " +"Thu Sep 30 13:49:13 +0000 2021","Today is the last trading day of September (end of quarter). Usually we see some window dressing around the end of the month, but this time around it has been some window UNdressing. Lets see if markets can hold a bid today. $SPY $DIA $IWM $IWM #stockmarkets" +"Sat Sep 04 17:49:36 +0000 2021","Weekly Inside Bar: $AAL $ABNB $AMC $BAC $BBY $C $CRM $CSCO $CZR $DKNG $FSLR $GM $JBLU $JPM $LUV $LYFT $PEP $PG $SAVE $SPLK $VZ $WDC Daily Inside Bar: $AEO $ASTR $CMCSA $COP $EDIT $FSLY $LAC $NIO $PDD $OXY $PLTR $RDFN $T $UPS $V $XOM" +"Wed Sep 22 06:08:32 +0000 2021","🚨Shark hunting the Flow @unusual_whales WL🚨 $QQQ $DKNG $X $AMC $CPNG $AZN $ZNGA $UBER Be careful tomorrow y’all, with that HUGE $QQQ alert I am still thinking we are in shaky territory, I am still waiting for larger buyers to come and play. 👀👇 " +"Mon Sep 20 08:32:08 +0000 2021","FANG+ Constituents: $AAPL 144.26 -1.23% $AMZN 3415.5 -1.34% $BABA 155.45 -2.86% $BIDU 159.43 -1.78% $FB 360.59 -1.15% $GOOG 2795.51 -1.13% $NFLX 584.48 -0.75% $NVDA 214.48 -2.1% $TSLA 744.55 -1.96% $TWTR 61.27 -2.15% $MSFT 296.94 -1%" +"Mon Sep 27 13:22:22 +0000 2021","Watching the loss of relative strength & momentum behind FAANG+M+T closely given their collective >25% footprint in the SPX: $AAPL ~6% $MSFT ~6% $AMZN ~4% $GOOGL/$GOOG ~4% $FB ~2% $TSLA ~2% $NVDA ~1.5% #fairleadstrategies" +"Wed Sep 22 00:22:30 +0000 2021","Futures fall after tepid market rebound fizzles. As big Fed decision looms, what to do now? Meanwhile, Adobe, FedEx fall on earnings. Nvidia, Snap near buys. $ADBE $FDX $SFIX $NVDA $SNAP $AN " +"Fri Sep 10 13:54:55 +0000 2021","Stocks start higher today. Let’s see if can hold. All week the sellers come in later. But with little conviction. Tech leading the way with tesla Nvidia and big caps. $tsla $nvda $msft $goog" +"Thu Sep 02 20:21:07 +0000 2021","Great action seeing stocks outperform under the hood as the indexes chop and consolidate. Exactly what want to see with the QQQ pushing on that 5% 50SMA extension area." +"Fri Sep 03 20:30:54 +0000 2021","VIDEO Stock Market Analysis for Week Ending 9/3/21 $SPY $QQQ $IWM $SMH $IBB $XLF and follow up to stock in last weeks video $AMD $NFLX $TSLA $LAC $BEAM $MNST" +"Wed Sep 01 12:16:34 +0000 2021","ADP missed. Should be good for stocks. Bad news is good news as it shows growth not as strong as predicted and should keep tapering fears on back burner and interest rates low. $TSLA" +"Sat Sep 11 22:33:17 +0000 2021","This Week, Watch the $10T Apple AAPL $2.5T Microsoft MSFT $2.3T Google GOOGL $1.9T Amazon AMZN $1.8T Facebook FB $1.1T Tesla TSLA $0.75T *As of Q1 2021, 401(k) plans held an est $6.9T in assets, represented 1/5 of the $35T US retirement market, ICI data. V @BearTrapsReport" +"Tue Sep 28 13:48:10 +0000 2021","Forced out of two new trades that I put on last week and back to 100% cash right now with $QQQ back below 50SMA. Will remain on sidelines and watch how this plays out!" +"Wed Sep 01 00:53:27 +0000 2021","Among the mega caps $AAPL $MSFT $NVDA $GOOG $FB all < 2% of All Time Highs $AMZN 8% off ATH - this ""gap"" should be filled Exception $TSLA 18% off ATH" +"Thu Sep 09 20:37:13 +0000 2021","$AFRM +23% on earnings report AH, clearly on tomorrow's #Gappers list Fri. 9/10/21. Also watching double inside day $FB + @TradingWarz Holy Grail setups (outside day followed by inside day or 3-1-__ in #TheStrat terms) in $PYPL $UBER $TWTR. Inside day bars: $DKNG $AMD $NFLX $TSLA" +"Tue Sep 21 14:32:53 +0000 2021","$AAPL is the most important stock in the market and it is important to watch. Everything shifted this morning as it double top rejected from high of yesterday. $QQQ double top rejection as well. Note: $SPY has not confirmed a 5 min trend change during reg hours since yest. low" +"Mon Sep 13 18:25:24 +0000 2021","$SPX $QQQ still trading near the lows.. possible to see 1-2 more days of consolidation/pull back before we see a bounce $SPX looks like it can drop to 4400.. needs to defend 4444 $AAPL if it can't reclaim 150 it can pull back to 145.. AAPL event tomorrow as well" +"Wed Sep 15 16:48:46 +0000 2021","The market is starting to show signs of a bottom here $SPX held 4444.. if it closes above 4474 it can test 4500 tomorrow $GOOGL setting up for 2900 if it runs again tomorrow $AAPL needs back above 150 to test 153 in early October" +"Fri Sep 03 13:00:11 +0000 2021","Good morning! Futures slightly green after jobs report released, $QQQ let's see if it closes between 382-383 today, under 379 can sell off $AAPL if this break above 155 it can test 158 next week. calls can work above 155 $NVAX wait for 263, above will set up for 300 GL! 😄" +"Fri Sep 03 19:33:25 +0000 2021","Next week is looking to set up for another leg higher 📈 Names on 👀 $GOOGL (2900) $MRNA (414) $NVDA (230) $NFLX (600) $AAPL (155) What's on everyone's watchlist?" +"Sat Sep 25 20:52:20 +0000 2021","Seeing some good Technicals on high growth stocks. $U $ARKK $TSLA. $BA is looking nice. Seasonality on Sept-Oct might be bearish but have to play around the news and Macro with bottoming stocks like $ZM $SHOP etc. $AMZN PT: 3500" +"Tue Sep 28 02:44:50 +0000 2021","UWL review eod the standouts to me are ( sorted by % Gain on the day ) : DNA AFRM HUT APPS AMD TSLA GTBIF UPST SKIN CXM ON NFLX ZIP PSTG HOOD QS PANW DASH DLO U" +"Fri Sep 10 15:47:59 +0000 2021","gogol in huge trouble now aapl ruling will affect msft store amzn store gooogl store.. etc etc under is 2822 we loaded 2850 fast at 3.8 now 11 wow" +"Fri Sep 10 13:00:26 +0000 2021","Good morning! $QQQ gapping up near 381 this morning, If it closes near 383 we can see a bigger tech rally early next week.. QQQ above 392 will set up for 400 $TSLA watch 770, if it can break this level it can move to 800 by next week. Call can work above 770 Good luck! 😄" +"Thu Sep 16 13:00:30 +0000 2021","Good morning! Small gap down this AM, Watch to see if $SPX $QQQ move red to green at the open.. $SPX setting up for 4500,4517 $GOOGL if it moves red to green it can test 2900,2918 next, calls can work above 2900 $TSLA possible to see 770 if it holds 752 Good luck! 😄" +"Thu Sep 30 00:35:08 +0000 2021","Indexes below the 50 day SMA $IWM $SPY $QQQ Sectors below the 50 day SMA $IBB $CLOU $XLB $XLK $XLU $XLRE $XLP $XLI Large cap tech below the 50 day SMA $AMZN $AAPL $GOOGL $MSFT $NVDA If it looks like a duck & quacks like a duck. Its a duck side note $TSLA above 8 day" +"Wed Sep 08 10:07:59 +0000 2021","Good Morning! Futures down slightly, but off the lows $ALB u/g Buy @ Berenberg $COUP pt raised to $300 from $260 @ Oppy $MSFT pt raised to 3$45 @ Jefferies $COIN SEC threatens to Sue over interest program $TSLA Tesla Delivers 44264 China-Made Cars In Aug., Up 34.3% M/M" +"Tue Sep 28 10:06:25 +0000 2021","Good Morning! Futures down Powell on the Hill today $CCJ u/g Buy @ TD Sec $BABA has started to allow consumers to use WeChat Pay, operated by its rival Tencent $AMAT d/g Neutral @ New Street $MS d/g Hold @ Berenberg $WFC d/g Equal Weight @ MS" +"Thu Sep 09 16:00:37 +0000 2021","$SPX $QQQ still very choppy the past 3 days, we should see a bigger move by next week $UPST looks like its setting up for a run to 300 next, needs to hold above 280 $NFLX if it closes under 600 it can pull back to 593 tomorrow" +"Fri Sep 24 04:30:22 +0000 2021","Some of the UWL that catch my eye : QS AFRM INMD TASK APP DLO U CFLT PLTR APPS CROX SKIN ASAN UPST DNA MRNA DOCN AMBA GDYN NVDA PSTG SQ CXM AMD PANW SNAP MDB NFLX TSLA DASH DDOG NET HOOD Several of these have wick set up potential for tomorrow that I'll be looking to trade." +"Thu Sep 23 02:37:05 +0000 2021","Best of the UWL in my eyes ( sorted by % Gain today ) : ARQQ HOOD AMBA CXM APPS DOCN AFRM INMD CFLT NET ASAN MDB SQ SNAP NVDA NFLX PLTR PSTG HUBS SKIN DDOG CRWD CROX ZS U TSLA MRNA AMD TASK DNA DOCU SWCH UPST ZI PANW SPT ABNB SNOW TEAM ZIP DASH QS" +"Wed Sep 08 16:21:35 +0000 2021","$SPX $QQQ still very choppy leading into SPX roll tomorrow, we should see a bigger move early next week be patient here. $BBIG setting up for a run towards 14-15 if it holds above 11" +"Tue Sep 21 18:18:44 +0000 2021","$SPX $QQQ no real momentum today.. As long as SPX holds above 4342 it should move back towards 4400+ after FOMC tomorrow $AMZN not ready to bounce yet, Keep an eye on 3400+ to consider calls. Puts can work under 3300" +"Fri Sep 24 13:00:05 +0000 2021","Good morning! $QQQ if it holds 370 possible to see a 2-3 pt bounce. QQQ under 370 can back test 367 support. Calls can work if it holds 370 $AMZN gapping down 20, under 3388 can test 3363, if AMZN can reclaim 3400 it can run 25-30 pts today It can be a tricky day so be patient" +"Tue Sep 14 13:00:03 +0000 2021","Good morning! Positive reaction to CPI #'s this morning.. $QQQ let's see if it closes near 379+ . Possible to see more chop if it stays between 375-379 $AMD can move back towards 115-118 in October, let's see if it can break above 106 today. Calls can work above 106 GL! 😄" +"Thu Sep 16 17:55:26 +0000 2021","$SPY $QQQ some bounce since $VIX rejected from 20 area yet again, 18 is still level for VIX to break so market can get out of this chop Will revisit daily charts and other large caps later in day $MSFT consolidating over 300 , is good" +"Fri Sep 24 19:00:05 +0000 2021","Ok, See VIX has been on downtrend if you followed my plan from VIX 25s and 20s, we been banking on large caps on my feed! Now If $QQQ $SPY continues to breakout, $FB $TSLA key watches for continuation $AAPL already up 2 pts from morning mention If you are worried scale down" +"Fri Sep 10 21:33:43 +0000 2021","Great day to end the week. Googl on Aapl news. 2850. From 3.8 to 30+. Spx 2870 1.6 to 12+. Lrcx 1 to 10+. Bntx 350 4.6 to 13 Said non stop. Spx roll week into 9-11. Pretty sure one more week of this and back to Rippy" +"Thu Sep 02 18:33:00 +0000 2021","Tech stocks starting to sell off leading into Non farm payrolls tomorrow morning $QQQ if it fails at 379 we can see a pull back towards 375 next week $AMZN green to red on the day, possible to see 3434 before buyers step in, Puts can work under the lows" +"Mon Sep 20 13:00:17 +0000 2021","Good morning! $QQQ possible to see 362 if it fails at 367 this week. Don't try to guess the bottom, let the market drop. FOMC later this week as well $AAPL gapping under 145, if it stays under 145 it can back test 141 before we see a bounce. Puts can work under 145 GL! 😄" +"Thu Sep 23 22:49:40 +0000 2021","Major indexes with a follow-on rally as Nasdaq reclaims the 21-day EMA and the 15000 level. S&P 500 is back above the 50-day SMA and the 21-day EMA. IBD @IBDinvestors Current Outlook shifts back to Confirmed Uptrend from Uptrend Under Pressure. $QQQ $SPY" +"Wed Sep 22 14:32:53 +0000 2021","$AAPL iOS 15 $GOOGL NYC buy - $VNO / $SLG on watch ( $OPI $JBGS) $TOST IPO well above range $QS run, $LICY eyes $11 $DIS selloff overblown? UPGRADES: $SOFI $VLTA $AZO $NFLX $SPWR $LCID $SPG $DVAX COVID player, but too late to the game? $DPRO producing Valqari drones" +"Wed Sep 15 15:47:45 +0000 2021","googl dropped on aapl store epic news and NOT1 analyst cane to defend, thi sis because of missive spx puts being bought w think 2 monster upgrades on monday" +"Mon Sep 13 14:37:50 +0000 2021","$AAPL vs. EPIC fight continues ahead of iPhone 13 event $BABA to be broken up? $NFLX ratings surprise $SPCE delay $VIAC looks to shake up after streaming numbers $DIS goes back to theaters - $AMC on watch $INTC looks to cut CPU prices to fight $AMD $JOAN buyback" +"Wed Sep 15 02:29:18 +0000 2021","@801010athlete Leaders look fine $NVDA $UPST $NET $ASAN $MSFT $FB $CROX $CELH $ZIM $MRNA $HUBS $TEAM $PANW $GOOGL $DDOG $AMD … so many holding up well…." +"Thu Sep 23 22:36:55 +0000 2021","That's it! Charts are done for the night. Hope they are helpful! See you tomorrow! Reviewed: $SPY $QQQ $IWM $SPOT $GRWG $AMD $APPS $CRM $DIS $DKNG $PENN $WISH $PLTR $UPST $DATS $NNOX $TWTR $AAPL $NFLX $ROKU $VISL" +"Tue Sep 28 21:47:44 +0000 2021","That's all for charts today. Everyone have a good night! Reviewed: $QQQ $IWM $SPY $BTC $ETH $PLUG $M $PENN $DKNG $RBLX $VISL $TWTR $ACB $FUBO $PLTR $OPTT $CEI $DATS $AMZN $CRWD $AMD $GRWG" +"Tue Sep 14 22:19:54 +0000 2021","That's all for tonight! Family time! These are simply my perspectives and can change with price action, as always. Never marry any perspective. I hope everyone has a great night. Reviewed: $SPY $QQQ $IWM $AAPL $AMZN $AMD $DIS $GRWG $ROKU $FUBO $GE $DAL $QQQ (2018 compare)" +"Mon Oct 25 20:07:10 +0000 2021","Look at #Tesla fly. I am buzzing right now. Let this continue to rise all week! This is where this stock price should be. LFG! 🚀🚀🚀🚀 $TSLA #stockstowatch #StockMarket " +"Tue Oct 19 14:24:02 +0000 2021","For fun - Here are Financials/forecasts for a $867 stock price with $865B Market cap - $tsla $cnq $cve $su May have to blow up a bit to view #value #StockMarket #oott #ElectricVehicles " +"Fri Oct 22 15:04:56 +0000 2021","$EBET is at important level ($27.2-$27.9), breaking above this level will take the price to $31 then $34. #stocks #StockMarket #trading #investment #investing #USA #Traders #StocksToBuy #NASDAQ #market @AlexDelarge6553 " +"Wed Oct 06 18:12:23 +0000 2021","$PROG Today is a EASY trading set up, where the chart is bullish and positive news are expected (per previous PR). It is up to #Stock #Traders and #Investors to take this stock price back to $2.0 and up. $BMRA $SPY #Wallstreetbets #StockMarket #Fintech #Fintel " +"Thu Oct 07 02:16:21 +0000 2021"," Tesla just raised its price on two top models by $1k to $2k. Investors are liking that. #Tesla #Model3 #TSLA #stockmarket #smartinvesting #stocktips " +"Sun Oct 24 17:04:55 +0000 2021","BIG week for US earnings. 164 S&P 500 companies (including 10 Dow 30 components) are scheduled to report results for the third quarter. Highlights include the mega-cap tech all-stars $AAPL $AMZN $FB $MSFT $GOOGL " +"Sun Oct 31 19:27:05 +0000 2021","Tesla, Inc.'s $TSLA stock price is up 10x in 18 months - a ten-bagger in a year and a half! We live in extraordinary times... #Tesla #Elon #ElonMusk #invest #StockMarket #stocks " +"Sat Oct 30 15:43:45 +0000 2021","Online Learning Firm Udemy Valued At $3.7 Billion In Market Debut: Report Online learning company Udemy Inc was valued at $3.7 billion after its shares opened seven per cent below offer price in their Nasdaq debut on Friday. #Nifty #stock #stockmarket #NSE #BSE #TechnicalAn…" +"Sun Oct 03 10:02:14 +0000 2021","Will it affect the price of #tsla stock?#FullerStock #Stock #Stocks #StockMarket #Crypto #Cryptocurrency #Binance #Bitcoin" +"Mon Oct 04 09:11:30 +0000 2021","@adverumbio (NASDAQ: $ADVM) stock surged by 0.46% at last close while the ADVM stock-price gains by 18.35% in the after-hours trading session. Read more here: #StockMarket #StocksInFocus " +"Tue Oct 19 11:20:19 +0000 2021","@EverQuoteInsure (NASDAQ: $EVER) stock gained by 0.23% at also close whereas the EVER stock price plunge by 5.42% in the pre-market trading session. Read the full news here: #StockMarket #StocksInFocus " +"Fri Oct 15 08:50:02 +0000 2021","@SiyataMobile Inc. (NASDAQ: $SYTA) stock plunged by 3.34% at last close while the SYTA stock price declines by 8.93% in the after-hours trading session. Read more about it here: #StockMarket #stocks " +"Tue Oct 19 09:12:58 +0000 2021","@Entasistx (NASDAQ: ETTX) stock declined by 1.27% at last close whereas the ETTX stock price gains by 24.12% in the after-hours trading session. Read the full story here: #stocks #StockMarket " +"Thu Oct 21 12:41:52 +0000 2021","@AppliedUv (NASDAQ: $AUVI) stock plunged by 1.90% at the last close whereas the AUVI stock price gains by 8.47% in the pre-market trading session. Read the full news here: #StockMarket #stockstowatch " +"Wed Oct 27 09:14:12 +0000 2021","@InspiraTechnol1 (NASDAQ: $IINN) stock skyrocketed by 308.09% at last close whereas the IINN stock price declines by 38.27% in the after-hours trading session. Read more here: #stockstowatch #StockMarket " +"Fri Oct 29 11:22:58 +0000 2021","@westerndigital (NASDAQ: WDC) stock gained by 3.24% at the last close whereas the WDC stock price declines by 10.30% in the after-hours trading session. Read the full news here: #StockMarket #stocks " +"Mon Oct 25 08:26:17 +0000 2021","@InpixonHQ (NASDAQ: $INPX) stock plunged by 8.16% at last close whereas the INPX stock price gained by 19.56% in the after-hours trading session. Read more about it here: #StockMarket #Stocks " +"Mon Oct 04 09:38:21 +0000 2021","Rekor Systems Inc. (NASDAQ: $REKR) stock plunged by 5.74% at last close whereas the REKR stock price surges by 8.22% in the after-hours trading session. Read full news here: #StockMarket #StocksInFocus " +"Thu Oct 21 12:28:51 +0000 2021","ABB Inc. (NASDAQ: $ABB) stock gained by 1.45% at last close whereas the ABB stock price declines by 5.96% in the pre-market trading session. Read the full news here: #stocks #StockMarket " +"Mon Oct 11 13:35:51 +0000 2021","📈#XCLUSIVETRIGGERS 10/11-10/15📉 $FB Calls 32.8+ | Puts 327.1- $AAPL Calls 143.30+ | Puts 141.5- $NFLX Calls 638+ | Puts 633.3- $TSLA Calls 787.4+ | Puts 782.2- $F Calls 15.2+ | Puts 14.9- $AMD Calls 105.4 | Puts 104- Also, our merch store is now live! 🥳🥳🥳 " +"Sun Oct 24 23:21:38 +0000 2021","Tech Earnings Week! Some of the big names $FB AH Monday. $25- $30 Priced in $AMD AH Tuesday. $8- $10 Priced in $MSFT AH Tuesday. $10- $15 Priced in $GOOGL AH Tuesday. $150 Priced in $AAPL AH Thursday. $4- $6 Priced in $AMZN AH Thursday. $150 - $180 Priced in 🎲😉 " +"Thu Oct 28 16:27:23 +0000 2021","FANG+ index is testing the resistance again after getting rejected earlier this week, $AAPL and $AMZN are reporting after the close, this could be a good spot for a $QQQ straddle, it will either blast through the resistance or sharply reverse lower " +"Mon Oct 18 19:35:34 +0000 2021","BIG 3 Revisited: (1) today is significant, as MSFT made an ATH, signaling more upside. (2) AMZN & AAPL seem to work on the rebound w-2--even if this is indeed w-2, they still point to a bit higher potential. (3) for any bear case to materialize, SPX HAS TO turn back down here. " +"Fri Oct 29 11:01:23 +0000 2021","$SPY #ES_F $QQQ Nasdaq $NDX Bunch of ppl telling you to dip buy $AAPL & $AMZN this morning. Ask those people to post exactly which dip they bought in real time today. I bet you they won't. " +"Fri Oct 22 23:26:03 +0000 2021","The Nasdaq was the only major U.S. index that did not set new highs this week, despite being 6 months overbought (below). Bulls have to pray this is not the beginning of wave '3' down in Tech stonks, because cyclicals are hyper-overbought. What a difference one year makes: " +"Mon Oct 04 20:14:55 +0000 2021","The impending taper is monkey hammering Tech stocks. The Nasdaq is stair stepping lower in what appear to be nested 1s (down) and 2s (up) deja vu of 2010 Flash Crash - An Elliott wave sequence preceding a massive third wave down. So I am adding a fourth risk for this month. " +"Thu Oct 28 17:38:48 +0000 2021","Market Note Memba Wen $NFLX $MSFT and $GOOG ripped after ER? None ran up into earnings. Know what happens wen stocks run up into their ER's It's sell the news. Because we already know the news is good. $AAPL $AMZN " +"Sun Oct 24 15:21:36 +0000 2021","Big earnings week ahead. With names like $AMD $AAPL $AMZN $SHOP $TWTR $V $FB reporting What are you guys watching? " +"Fri Oct 29 00:41:50 +0000 2021","Watchlist 0dte $nvda over $250 to 252.50,255,257,260- under 248 down to 245,243.30,240 $upst potential bear flag $afrm over 162 wick fill to 166 $nflx over $680 momo play $amzn post er downside under 3280 or over 3320 $tsla over 1085 towards 1100 $lcid for continuation momo play " +"Wed Oct 20 04:47:03 +0000 2021","Market Recap: Earnings so far are sending a clear message, we will pay more! + Earnings reviews $PG $UAL $NFLX $EAT + $PFE rebound trade + Charts $SPY $QQQ $IWM $DXY $GLD $TLT $TBT $VIX $AAPL $TSLA $BTC $AMC +Earnings Previews $ABT $LRCX $TSLA " +"Sat Oct 23 14:13:13 +0000 2021","Here we go! Massive Earnings week $FB $UPS $GE $GOOG $V $TWTR $HOOD $AMD $LLY $QS $RTX $BA $GM $KO $MCD $SPOT $TEVA $TWLO $F $ALGN $UPWK $EBAY $TDOC $SHOP $CAT $AAPL $AMZN $SBUX $OSTK $XOM $ABBV $MA $MSTR Which name will 🚀 this week? " +"Sun Oct 03 14:42:19 +0000 2021","FAAMG vs $QQQ $SPY over the last three years $MSFT $AAPL by far best performers, followed by $GOOG then $FB My fun fact of the day is $AMZN has underperformed $QQQ over the last 1 & 3 years 😮 " +"Wed Oct 20 00:08:18 +0000 2021","FANGAM:SPY, Monthly. I like big tech better than $SPY. $AAPL 10m BO in Jun $NFLX 1yr BO in Aug $MSFT Breaking out this week $GOOGL steady, strong uptrend $AMZN 15m base poised for BO " +"Fri Oct 01 16:32:12 +0000 2021","$AAPL's price moved below its 50-day Moving Average on September 17, 2021. View odds for this and other indicators: #Apple #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Sat Oct 02 21:14:52 +0000 2021","$AAL's price moved above its 50-day Moving Average on September 22, 2021. View odds for this and other indicators: #AmericanAirlinesGroup #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Wed Oct 20 02:03:52 +0000 2021","Has this been useful for you guys so far this week? Some nice moves on $SQ $AMD $TSLA $NIO $ROKU $ZM $AAPL $SNOW $AMZN $GOOGL $MSFT So basically everything 😂 Thanks $SPY $QQQ 📈" +"Sun Oct 03 04:16:40 +0000 2021","$AMD in Uptrend: price expected to rise as it breaks its lower Bollinger Band on September 20, 2021. View odds for this and other indicators: #AdvancedMicroDevices #stockmarket #stock #technicalanalysis #money #trading #investing #daytrading #news #today " +"Sat Oct 30 02:17:34 +0000 2021","Pre Market this morning. $SPX 4600 close ✅ $AAPL 150C next week exploded to ITM ✅ $AMZN 50 points ✅ $GS 416.5 couldn’t break ✅ $NVDA exploded ✅ $FB calls paid ✅ " +"Sun Oct 31 15:04:09 +0000 2021","3/Biggest obstacle to further gains is Oct’s 45% gain. At 127X Street 2022 EPS (vs my 93x 2022 P/E), underwt PMs keep hoping for a pullback. As long as 2022 TSLA ests keep rising, and AMZN/AAPL/FB ests keep falling, there’s money in motion and instit PMs likely to buy any dips. " +"Tue Oct 05 20:59:21 +0000 2021","Dip buy on tech worked out nicely although it was scary yesterday at lows with no strenght on bounce tries. Positions closed at 11 a.m. this morning. $QQQ $NFLX $FB " +"Sat Oct 23 23:28:06 +0000 2021","$SPY DD🧑‍🚀 • New ATH🎉 • However it didn’t stay there for long🥲 • Huge earnings coming up next week with $AAPL $FB $AMZN $GOOGL $MSFT 😵‍💫 • This will make or break $SPY / $SPX if tech delivers on earnings new ATH coming if earnings miss expect 440⁉️ • Data via @ChatterQuant " +"Tue Oct 26 23:39:19 +0000 2021","$SPY DD🧑‍🚀 • $SPY $SPX continue to look strong as we move through earning with $AAPL $FB $AMZN $GOOGL $MSFT all reporting this week🔥 • So far no huge move by any FANG names but if $AAPL beats on earnings new ATH if earnings miss 440 is possible⁉️ • Data via @ChatterQuant " +"Fri Oct 29 05:01:40 +0000 2021","1/x as we come into the months end, market has finalized aapl and amazon earnings and the likelihood of a corrective move is looming around the corner we have been monitoring uvxy over the past couple of days and have noted the higher lows printed despite the market moving" +"Thu Oct 28 15:44:40 +0000 2021","Intraday scan sorted by volume change $MXL Big power earnings gap today $ARCB (Focus List stock) Breaks out from its cup with handle pattern before earnings next week $KBR Strong reversal off 20EMA post earnings $BG Perks up just below 92.38 pivot $TSLA Strong accumulation again " +"Fri Oct 29 16:40:12 +0000 2021","The Bear case is losing a lot of steam over the last 18 hours, with the #1 and #4 market caps $AAPL $AMZN missing earnings and $SPX $QQQ on the new highs list currently. A strong close would help, but both are straight up from the open so far. " +"Fri Oct 29 00:47:14 +0000 2021","Global-Market Insights 1/2 -Apple stock fell more than 3% in extended trading hours on a revenue miss -Amazon stock fell 4% after weak 4Q guidance -Starbucks shares 4% down on lower than expected revenue @CNBC_Awaaz" +"Wed Oct 27 20:18:06 +0000 2021","A silent sell-off on the Nasdaq today didn't show on the index due to the big up moves in $MSFT & $GOOGL. However, we had net lows today as shown in the bottom panel(red bar), breaking the upstreak and putting the market on shakier ground. " +"Thu Oct 28 01:38:15 +0000 2021","Pajama traders are bullish right now but the closing today was kind of ugly. I think we can see 379 on $QQQ before we go higher. Watch the open, again red open will be a gift. Yesterday I was talking $GOOGL. Rest of the week watch $NVDA will share trade idea bSed on interest. " +"Fri Oct 15 14:50:27 +0000 2021","$AMZN was one too bad i only added stock! Lottos if added wud have been nice already! Looking around, if see anything will share! Watch QQQ , if breaks out can play those lottos as well #idea" +"Fri Oct 29 00:43:59 +0000 2021","Global-Market Insights 1/1 -US futures markets slip after a disappointing outlook from Apple & Amazon -Major technology companies released results at market close -Earlier all US indices closed with gains -Dow +240, S&P +45 & Nasdaq +212 @CNBC_Awaaz" +"Fri Oct 01 17:36:47 +0000 2021","$AAPL 141 VIX now 21.24 , need to stay under 22 till end of week/day $SPY $QQQ higher trend, $FB still leading, (338 still risk) $TSLA consolidating #updates" +"Fri Oct 22 01:40:42 +0000 2021","Ok friends, calling it an evening. Here's what we have so far. I will do some scans in the morning to see if anything piques my interest. $DOCU $MTTR $FTEK $JPM $AAPL $ATVI $TSLA Good night! ♥️🐶 " +"Fri Oct 15 16:01:59 +0000 2021","$SPY $QQQ Overall Market has changed the trend to upside from recent correct IMO unless SPY breaks back under 439 or QQQ back under 365 Upcoming Earning season will lead the way Important to trend higher Monday as new Weekly Candle upon us VIX as long as under 18. " +"Fri Oct 29 18:24:25 +0000 2021","And that is a wrap for me.. Nice week, nothing spooky here.. $SPY $QQQ ATH.. Strong names leading $MSFT $TSLA $NFLX $NVDA.... Trend is your friend.. Fed Wed.. Charts this weekend! Happy Halloween! My video below " +"Fri Oct 15 14:46:06 +0000 2021","$QQQ Even though AMZN and TSLA are running Nasdaq 100 is still lagging, added some calls for 368 breakouts, can use low of day risk If QQQ runs here, watch FB to rebound as well #idea " +"Tue Oct 05 18:38:14 +0000 2021","$VIX #update $AAPL at highs VIX at key inflection pt $APPL held key 140 level so far If VIX goes under 20 here, might be ok for short term, will see Check levels on SPY QQQ as well $FB $AMD too key holdings so far but still cautious off overall trend Solid day in Largecaps " +"Sat Oct 23 19:35:39 +0000 2021","💥BIG WEEK OF TECH EARNINGS AHEAD 👀👀 Mon: $FB Tues: $MSFT $GOOGL $AMD $TWTR $HOOD $V Wed: $BA $MCD $KO $GM $F Thurs: $AAPL $AMZN $SHOP $MA $SBUX $CAT Fri: $XOM $CVX $RCL $DIA $SPY $QQQ $IWM $VIX " +"Mon Oct 18 19:50:55 +0000 2021","If your still bearish you need to rethink your thesis... Strong 4 day move in the markets.. today $AMD caught it right on the open.. if not $NVDA $AAPL $TSLA $AMZN $AFRM $ROKU $TGT to name a few.. names ruled today.. This market... " +"Thu Oct 14 22:01:49 +0000 2021","Nasdaq logs a Day 8 Follow-through Day (FTD) as it gains 1.73% on heavier volume vs yesterday. The index closed just below the 50-day SMA. @IBDinvestors shifts Current Outlook to Confirmed Uptrend. $QQQ $SPY " +"Sat Oct 16 18:21:59 +0000 2021","💥BIG WEEK OF Q3 EARNINGS AHEAD 👀👀 Mon: - Tues: $NFLX $JNJ $UAL $PG $HAL Wed: $TSLA $IBM $HPQ $VZ $LVS Thurs: $SNAP $INTC $T $AAL $LUV Fri: $AXP $HON $DIA $SPY $QQQ $IWM $VIX " +"Thu Oct 28 11:41:19 +0000 2021","Happy Thursday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Higher Open - $AAPL $AMZN Earnings - $SHOP $MA $SBUX $CAT $MO $X Also Report - $F Surges 10% After Strong Results - U.S. Q3 GDP, Jobless Claims *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Sun Oct 24 13:30:47 +0000 2021","Happy Sunday! *Here Are My #Top5ThingsToKnowThisWeek: - Busiest Week of Q3 Earnings Season - $AAPL $MSFT $AMZN $GOOGL $FB Earnings - $TWTR $HOOD $AMD $SHOP Also Report - $BA $CAT $MCD $KO $GM $F $GE $UPS Results - U.S. Inflation Data, Q3 GDP *May The Trading Gods Be With You🙏 " +"Fri Oct 29 11:41:01 +0000 2021","Happy Friday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Lower Open - $AAPL $AMZN Tumble After Weak Results - $XOM $CVX Earnings - $RCL $ABBV $CL Also Report - U.S. PCE Inflation Data *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Sun Oct 24 12:00:02 +0000 2021","🇺🇸EARNINGS THIS WEEK: -APPLE -MICROSOFT -AMAZON -GOOGLE -FACEBOOK -TWITTER -AMD -ROBINHOOD -VISA -MASTERCARD -SHOPIFY -EBAY -MCDONALD’S -COCA COLA -STARBUCKS -GM -FORD -UPS -BOEING -CATERPILLAR -GENERAL ELECTRIC -EXXON MOBIL -CHEVRON 👉 $DIA $SPY $QQQ " +"Sun Oct 24 14:31:21 +0000 2021","After a much needed twitter rest, I'm excited and getting ready for next week, which will be a really interesting one with all of these earnings. Calendar by @fincredibleAI $FB $AMD $MSFT $GOOG $TWTR $SHOP $AMZN $TWLO $TDOC $SPOT " +"Wed Oct 06 19:57:28 +0000 2021","$QQQ Tech stocks choppy but bouncing. Oversold bounce? #IBDPartner Meaningful overhead resistance with 20/50 day MAs turning down. Looking for test of 200 day MA. @IBDinvestors --> " +"Thu Oct 28 20:48:34 +0000 2021","FANG+ Constituents: $AAPL 146.9 -1.32% $AMZN 3296 -2.82% $BABA 168.61 -0.37% $BIDU 168.48 +0.45% $FB 316.61 +1.43% $GOOG 2918.08 -0.24% $NFLX 677.73 +2.06% $NVDA 249.79 +2.14% $TSLA 1074.06 +3.51% $TWTR 54.12 -1.24%" +"Wed Oct 06 08:07:59 +0000 2021","FANG+ Constituents: $AAPL 139.06 -1.5% $AMZN 3183.94 -1.21% $BABA 140.87 -1.52% $BIDU 147.46 -1.6% $FB 327.9 -1.55% $GOOG 2693.44 -1.1% $NFLX 628.27 -0.99% $NVDA 200.73 -1.97% $TSLA 770.5 -1.23% $TWTR 58.98 -1.44% $MSFT 284.62 -1.46%" +"Fri Oct 01 06:06:18 +0000 2021","Paras Defence and Space Technologies makes bumper stock market debut; shares rally 171% over IPO price. #sensex #nifty #stockmarketindia #nse #bse #finance #NASDAQ #investments #StockMarket #stockmarketinvesting #stockmarketupdates #stockmarketnews #investinginstocks" +"Fri Oct 29 15:42:46 +0000 2021","$AAPL and $AMZN are both down about 3% each today while the NASDAQ is only down .18%. This tells me there’s a lot of underlying strengthen in this market" +"Mon Oct 25 23:42:11 +0000 2021","Focus list 10/26 1/2 $NFLX- MOMO play over 675 level $TSLA- Few more upgrades can easily take us over $1050 tomorrow $ETSY- 255 to 260, Had a great run today but missed it due to TSLA $COIN Bull flag breakout next tg is $340 for the week $NVDA tat of $240 this week" +"Wed Oct 27 20:26:27 +0000 2021","$QQQ daily shooting star after making ATHs and double topping. If $AAPL $AMZN decide to taking a number 2 after earnings (use your imagination), we'll get the reversal confirmation." +"Mon Oct 25 09:40:27 +0000 2021","2/ 3Q earnings kick into full swing this week, with AAPL, MSFT, AMZN, GOOGL, FB TWTR all reporting. Biggest focus will be whether weak $SNAP guidance last week following AAPL iOS 14.5 privacy change was a one-off, or are advertisers cutting back on all social media advertising." +"Sat Oct 09 13:43:18 +0000 2021","Watchlist for next week: $TSLA $NFLX $AMZN I will resume my swings from next week as ivol is coming down. What are you watching?" +"Sun Oct 17 13:22:12 +0000 2021","Watchlist for next week: $AMZN (apparently) but heading into huge resistance area with a weak prior Q ER behind it. $NVDA - love it $NFLX - only until ER, not through ER May be $MSFT Growth continues to get beaten up except $UPST $AFRM. So, play the strength. What's yours?" +"Mon Oct 25 04:57:50 +0000 2021","If you shorted $spy $iwm $qqq . You're going to eat some dust for breakfast. It's going to be a fun morning. Also oil and energy stocks remain priority. Yet you keep selling $snmp ..it's a double whammy burger with energy and infrastructure bill" +"Mon Oct 18 10:06:05 +0000 2021","Good Morning! Futures down slightly China GDP disappoints $TSLA Michael Burry no longer short $AAPL Mac Event 1pm today $MRNA u/g BUY pt $385 @ CFRA $DIS d/g EQUAL WEIGHT pt $175 @ Barclays $SPCE d/g SELL pt $15 @ UBS $NTAP d/g SELL @ GS pt 81" +"Thu Oct 28 22:53:20 +0000 2021","As I expected(see my last newsletter - Oct.), AMZN (-130 pts, -3.75% after hrs.) & AAPL (-5.6 pts., -3.7%) were the two FAANGs most likely to issue disappointing Q3 reports. Big question is whether it will put a stop to absolute wilding in the narrow number of faves still working" +"Sun Oct 17 16:16:30 +0000 2021","$QQQ Still lagging stopped at the 50D on Friday.. we start getting some tech names this week $NFLX $TSLA $INTC ect... above the 50D posed to run as well " +"Thu Oct 14 04:38:56 +0000 2021","UWL names of interest after today : TASK INMD SE HUT DDOG CRWD BROS DOCN NET BILL MDB SNOW CFLT ASAN AMD AFRM HUBS UPST ZI TEAM PLTR CROX APPS NVDA MSFT OPEN APP NFLX TSLA ABNB UBER SI FANG MTDR" +"Mon Oct 18 18:01:52 +0000 2021","UWL names standing out : AFRM AMD ARBK BROS COIN CRWD DASH DDOG DOCN GNRC HUT INMD MSFT NET NFLX NVDA OPEN PANW QQQ SE SNOW TASK TSLA U UPST ZS" +"Wed Oct 27 06:24:03 +0000 2021","MQ ARQQ NVDA BROS XPDI ZIP CRWD FANG NUE PSTG ZS ABNB U GS MSFT DOCN LYV APP AMD INMD SNOW NFLX TSLA HUT OPEN some of the names jotted down, but I see some short term signs of needing to take it slow for a moment and really only take a good set up." +"Tue Oct 12 15:57:11 +0000 2021","$TSLA holding up well with the market dipping at the open, holding above 805 so far.. this should test 819 this week.. above 819 can run to 835 $SHOP bouncing off 1354 the past few days, this can move back towards 1400 if it holds 1354 $QQQ almost red to green, needs 359+" +"Wed Oct 27 23:19:10 +0000 2021","Are the indices really gonna pull back hard before $AAPL and $AMZN report? $TSLA, $MSFT, and $GOOG crush and remaining $$ doesn’t want to see what the other two mega caps got? 🤔" +"Thu Oct 28 15:58:15 +0000 2021","$TSLA basing under 1077 if it closes near this today possible to see another gap up tomorrow $SHOP get through 1500 it can run another 40-50 pts tomorrow $QQQ new all time high today.. setting up for 388+ next week" +"Tue Oct 26 14:33:16 +0000 2021","$SPX nice breakout towards 4600 this morning.. SPX can run another 50-60 points this week if tech earnings have a positive reaction and SPX holds 4600 $TSLA massive trade this week, possible to see 1200+ if it closes through 1100 $ARKK bottom should be in this can test 133-135" +"Fri Oct 15 20:03:16 +0000 2021","Have a lovely weekend all - many EPS next week - a few I am watching $JNJ $IBM $AXP $SLB plus IP and PMI econ data. Can't wait! Some fun - Boy Pablo - Dance, Baby!" +"Tue Oct 12 18:18:30 +0000 2021","The bottom should be in for today, $QQQ held 356 again, now setting up for 359.. If QQQ holds here it can move back above 362 $TSLA setting up for 835 this week as long as 805 holds.. calls working so far if you bought above 800 $AAPL if it holds 142 it can test 145 next week" +"Fri Oct 29 07:17:43 +0000 2021","UWL review these are the ones of note to me going into tomorrow : LCID QS SI TSLA DOCS APP CROX ENPH U COIN NVDA NFLX BROS OPEN PSTG SSYS HUT NUE MARA MSFT SNOW BKKT" +"Fri Oct 22 10:11:37 +0000 2021","Good Morning! Futures mixed, Tech down $NVDA u/g BUY @ Summit Insights $ZM u/g OVERWEIGHT @ JPM $URBN u/g BUY @ Citi $INTC d/g NEUTRAL @ Mizuho $INTC d/g EQUAL WEIGHT @ MS $SNAP pt cut to $75 frp, $85 @ Piper $AMZN pt cut $4200 From $4700 @ CS $MRNA int SELL @ DB" +"Fri Oct 29 10:11:47 +0000 2021","Good Morning! Futures down, $QQQ most $CVX EPS beat .77 REV Beat $CAT u/g BUY @ UBS pt $235 $PLUG pt raised to $46 from $37 @ Piper $SBUX d/g to hold pt $112 @ Stifel $AMZN pt cut to $3875 from $3904 @ Piper $HSY d/g NEUTRAL @ Citi" +"Wed Oct 27 10:08:58 +0000 2021","Good Morning! Futures Flat... $TSLA pt raised to $137 from $117 @ Citi (Just Embarrassing) $SPOT EPS Miss €0.29, REV Beat $GOOGL Pt raises across the board $MSFT pt raises across the board $TWTR pt Cuts across the board $AMD pt raised to $140 from $120 @ Piper" +"Thu Oct 28 13:03:58 +0000 2021","USA 🇺🇸 GDP has now slowed down to 2% Only 1 data point now remains unknown AFAIC : $AAPL EPS Here are key levels which may decide next whether we hold or 100 points down in S&P500 (upon a D1 close below these): $TSLA 982 (now 1037) $AAPL 144 (now 149) S&P500 4537 (now 4559)" +"Sat Oct 30 03:11:29 +0000 2021","$AAPL 148c .25/.30-1.50/1.75 149c .10/.15-.85/.90 $AMZN 3325c 8.10-32/40 3330c 8.00/6.50-30/42 3360c .75-18.00 $GOOGL 2925c 3.00-36 2940c 5.75-22 2950c 3.00 -15 2950c 1.50-11 $SPY 458c .20-1.50 Some of many re entries today." +"Wed Oct 27 13:00:05 +0000 2021","Premarket plan 💡 $QQQ is just in a range near 379 for now. $AAPL $AMZN earnings tmrw, if there's a positive reaction QQQ can retest the ATH at 383 $NVDA above 250 can test 254,260. Calls can work above 250 $GOOGL above 2800 can test 2820,2843. Calls can work above 2800" +"Mon Oct 11 02:10:52 +0000 2021","Weekly charts of interest from the UWL : ABNB AFRM AMD APP APPS BILL BKNG CRK DASH DDOG DOCN HUT LC NET NFLX NVDA PANW SI SKIN SNAP SNOW TSLA U UBER UPST ZIP" +"Mon Oct 18 14:03:51 +0000 2021","$SPY Next leg over 446.30 $QQQ Push over over 369.50 Two key levels for market push $VIX needs to break 17 and back to 16 here for market push $AAPL trying to lead but lagging Most stocks have developed opening 30 min range, need to see that break for upside for trend #ideas" +"Wed Oct 27 22:48:16 +0000 2021","Great earnings have to have a future story Or are sold. Tsla was unique Googl was big cap Msft is bug cap Now numbers stunning No real reason to be lower. Twlo coo. Left. ThaÌs a huge issue Shop Aapl Amzn next. Amazing week … net net." +"Mon Oct 18 20:08:25 +0000 2021","Three (3) forces are now supporting S&P500.. Helped by Susmita’s superb AAPL AirPods presentation, stock has closed right under 147 dollar 154-156 is a cinch from here With this background, I am now open to 4535 Now 4475 #ES_F $SPX $NDX $SPY $ES_F $NQ_F $ZC_F $CL_F #oott" +"Thu Oct 28 18:34:05 +0000 2021","Big earnings coming up today after the close with $AAPL $AMZN.. Possible to see a bigger tech rally tomorrow if there's a positive reaction $QQQ at breakout level at 383 and $SPX near 4600.." +"Wed Oct 27 03:29:59 +0000 2021","$QQQ - Tech looking extremely strong. Huge day in the making looks like. $AAPL $AMZN still to report. $GS is looking extremely close to a massive break out. Opening red is a gift. $SPY $IWM $DIA" +"Fri Oct 08 14:10:12 +0000 2021","$VIX Under 19 18 Next Support Good for market overall 440 pivot for spy to upside Nasdaq lagging needs over 365.5 Sideways action for now, will see trend if breaks those pivots. $SPY $QQQ $AMZN $ROKU Consolidating $TSLA Big reject from 800s $FB 330 support $BA Strong" +"Thu Oct 07 13:15:17 +0000 2021","Market gapping up this morning $VIX testing 20 key level, look for break or bounce off that level to see how trend holds $AMD $FB $AAPL $TSLA and other gapping up nicely, if pullbacks at open use yesterday close level as risk to hold for trade(i.e Gap fill bounces) or EMAs" +"Fri Oct 29 20:27:24 +0000 2021","It's a show-off day for gwth stocks, even when $AAPL & $AMZN missed ER estimates & got sold off! New ATHs: $LC $BROS $INMD $NET $ENPH $AMPL $OPRX $TSLA $TEAM $DDOG $ZS $NVDA $MSFT Next week is 1 of historically best performing weeks & many SM gwth stocks will release ERs. GL!" +"Thu Oct 21 03:36:27 +0000 2021","@StephenWealthy_ $MSFT for VR equipment for US army $RBLX to teach kids how to make a living in video game platforms $AB as they’ll manage pension funds $AXP as every government official has to have an AmEx 💳 $NFLX as all students will start learning from Netflix documentaries" +"Sat Oct 09 00:18:25 +0000 2021","Update on Apple, Tesla, Nio, $QQQ, $SPY, ROKU, Squarecash, Draftkings, Nvidia, Bitcoin, Xpeng, ETSY, AMD Content Tech $QQQ $AAPL $MSFT $NVDA $AMD $MU Growth $TSLA $NIO $ETSY $ROKU $SQ $XPEV $NNDM $ARKK Reopening $SPY $DKNG $XOM $DIS $JBLU Crypto $BTC $ETH " +"Wed Oct 06 22:45:07 +0000 2021","Lots to do today as many of Tuesday’s lows got reclaimed after holding Monday’s low $spy $qqq. Can anyone name a few that worked and U took for a bit of upside follow thru (which has been hard to find)" +"Fri Oct 08 23:15:51 +0000 2021","While $SPY may look bearish divergent keep in mind $QQQ $DIA are throwing strong signals. $XLF weaker going into next week but they buy every dip. Big bull signals remain on $AMZN $GOOGL + stocks like $BA $ROKU $MCD $ULTA $PYPL $NKE all look better going into next week" +"Mon Nov 01 17:12:47 +0000 2021","$TSLA in a year. Wow! Some lovely gains are being made here. I still stand by and believe this stock should be at the $AMZN share price levels. #stocks #stockstowatch #stockmarket " +"Fri Nov 19 14:55:17 +0000 2021","What do you think is the next hot stock? Here’s our morning watchlist.Want more info? Link in bio 👆 Check out our discord also #stockmarket #stockmarketupdate #sp500 #dowjones #spy #dow #stocks #financial #money #forex #trading #price #Investment #wsb " +"Wed Nov 10 20:08:12 +0000 2021","Is #NVDA Stock A Buy At $300? Technical Analysis & Price Prediction (3/4) Full video on Youtube: investwithjo #nvidia #amd #nvdastock #stock #invest #finance #technicalanalysis #daytrading #stockmarket #robinhood #crypto #bitcoin " +"Fri Nov 12 18:10:17 +0000 2021","Is #AMD Stock A Buy At $150? Technical Analysis & Price Prediction (1/3) Full video on Youtube: investwithjo #amd #amdstock #stock #invest #finance #technicalanalysis #daytrading #stockmarket #robinhood #crypto #nvda #nvidia #Bitcoin " +"Fri Nov 19 22:52:44 +0000 2021","Will the #Apple Car Push The Stock to $200? Technical Analysis & Price Prediction!! (2/4) Full video on Youtube: investwithjo #aapl #aaplstock #applestock #stock #applecar #invest #finance #technicalanalysis #daytrading #stockmarket #robinhood #crypto #tesla #tsla #teslatock " +"Wed Nov 17 23:25:09 +0000 2021","Is #QCOM Stock A Buy At $182? Technical Analysis & Price Prediction (1/3) Full video on Youtube: investwithjo #qualcomm #qcomstock #qualcommstock #stock #invest #finance #technicalanalysis #daytrading #stockmarket #robinhood #crypto #nvidia #nvda #nvdastock " +"Fri Nov 12 18:16:01 +0000 2021","Is #LUCID Stock A Buy At $45? Technical Analysis & Price Prediction (2/3) Full video on Youtube: investwithjo #lcid #lucidstock #stock #invest #finance #technicalanalysis #daytrading #stockmarket #robinhood #crypto #tesla #tsla #teslastock " +"Mon Nov 15 11:53:47 +0000 2021","$ES_F S&P 500 Price Forecast – S&P 500 Forming Bullish Flag The S&P 500 has rallied a bit during the course of the trading session on Friday, as we continue to form a bullish flag. $SPY $SPX #stockmarket #stock #bitcoin #sharemarket #forextrader #StockMarket #StocksToBuy #stocks " +"Thu Nov 18 14:30:10 +0000 2021","The history of Apple’s $AAPL stock price over the last ten years is extraordinary... The technology giant is now worth $2.5TN and the stock is flirting with another all-time high. The split adjusted return comes in at 1,038%. #Apple #AAPL #buyandhold #stocks #StockMarket " +"Mon Nov 01 18:41:04 +0000 2021","$LCID is the price going to retest $30 ? after forming a Doji candle on daily chart, Let's see what happens #StockMarket #stocks #stockstowatch #trading #trade #investment #invest #USA #NASDAQ " +"Mon Nov 08 18:02:40 +0000 2021","It's funny that #ElonMusk is doing everything in his power to tell #Tesla's shareholders that the #stock price is too high, yet they refuse to listen. I guess #Elon is credible for them only if he's #bullish. $TSLA #StockMarket #stockstowatch #StocksInFocus #stocks #StockToPoll " +"Mon Nov 15 17:38:33 +0000 2021","Two new correlations have been detected in the #StockMarket recently: The longer the life expectancy of #BernieSanders or the more concerned #ElonMusk is about the #WealthTax suggestion - the lower the #stock price of #Tesla. $TSLA #Elon #TaxTheRich #stocks #investing #trading " +"Tue Nov 16 16:02:45 +0000 2021","$TSLA daily #StockMarket check The $1000 #support level was heavily contested yesterday but the #bulls won. No surprise that the #stock price is pressing higher today. Not out of the woods yet but could see a inverse head & shoulder formation = bullish sign. (no invest advice) " +"Sat Nov 06 22:18:04 +0000 2021","$TSLA Who could have imagine on 13 April 2021. When I bought #TSLA back in April at $555 and set the price Target $ 1250 #TSLA It hit $1243.39 and a sell off @elonmusk Thank you for 2300% gain #stock #stockmarket #trading #news #investing #stocktobuy #Finances " +"Fri Nov 05 19:12:35 +0000 2021","Although the gaming industry is suffering from a downturn in the boost they got from the pandemic, Electronic Arts $EA just reported the strongest second quarter in the companies history. The average price target on @TipRanks is $176. 🤐 #StockMarket #Stock #Nasdaq " +"Tue Nov 30 22:50:17 +0000 2021","A Put options means you think the stock is going down in price. Something bad must had happened that is causing the stock to go down in value. To learn more, click on the link below #putoptions #daytrading #options #investment #daytrader #spy #stockmarket " +"Mon Nov 15 14:26:30 +0000 2021","$TSLA daily #StockMarket check #Tesla was down pre-market but gained quite a bit and had a spike to $1035. #Stock price is artificially suppressed by sentiment. There is a huge PUT-Wall @ $1000 = strong support line. Expect more volatility as @elonmusk might sell more stock. " +"Tue Nov 30 14:44:52 +0000 2021","$TSLA daily #StockMarket check Weekly chart: @TESLA in reversal from overbought zone with potential to revisit the #basetrend (blue). #Stock price is caught in consolidation zone (red triangle). A good Q4 = momentum push for a break-out. Today retest $1200. (no invest advice) " +"Mon Nov 15 12:45:08 +0000 2021","Tesla, Inc. (TSLA) closed at $1033.42 today. Stock price has gone down by 2.83% ($30.09) since previous close value of $1063.51 #Stocks #Stockmarket #Equity #Tesla" +"Tue Nov 09 07:25:07 +0000 2021","$PSEi + 0.61% to 7,441.67 Value: P9.5b Foreign Flows: +P813m Services led advancers today notably $GLO +3.70% $JFC +4.51% $ICT +3.16% $DMC +6.93%, strong bounce after 3Q earnings report. " +"Tue Nov 16 18:30:50 +0000 2021","Current Vibe right now. $SPY, $XLY, $SMH, $AAPL & $U Remember this post if the S&P500 is at 4770-4830 EOY. Might have to discuss this tonight. " +"Tue Nov 23 23:35:00 +0000 2021","The Nasdaq ended lower for a second straight session while the Dow and S&P 500 rose, as rising Treasury yields prompted investors to sell Tesla and other Big Tech names and buy less-pricey stocks " +"Mon Nov 01 11:55:04 +0000 2021","Nautilus, Inc. (NASDAQ: $NLS) stock gained by 0.79% at last close while the NLS stock price soars by 5.96% in the pre-market trading session. Read the full news here: #StockMarket #stockstowatch " +"Mon Nov 08 01:28:31 +0000 2021","11.8 with lots of love. $aapl 152.5c > 152.48 | 150p < 150.64 $amat 155c > 153.75 | 148p < 148.8 $cat 210c > 208.88 | 205p < 205.23 $cvx 115c > 115.29 | 113p < 113.93 spicy plays? $c 68c $nflx 650c or 645p $wmt 150p algo and flow provided below by our friends at @Tradytics " +"Mon Nov 15 14:17:12 +0000 2021","From the Trading Floors: -Tech is leading higher with index futures up across the board, followed by Industrials, Health Care, Utilities, Materials, and Financials -Energy is red -Crude falls below $79 -10-year 1.57% - $BTC $65.4K - $VIX 16.70 @MarketRebels " +"Mon Nov 29 18:38:12 +0000 2021","Nailed bounces on $AMD, $FB, $AAPL and $NVDA today to end the day early with 35.4 K profits. Waited for $TSLA pullback but it never happened so passed on it today. 🙏🏽 " +"Thu Nov 18 22:50:49 +0000 2021","Nailed bounces on $NVDA, $RBLX, $FB at the open and caught a small piece of $AMZN and $AAPL later in the day to end the day with + 54.1 K profits. 📈 " +"Mon Nov 29 23:13:10 +0000 2021","Big Tech drove Naz +2% gain $TECL $SOXL $TSLA $NVDA $AMD $XLK BUT mkt leadership continues to narrow and become more news driven. This next rally attempt hangs in the balance.....be on your toes. Defense First. #stocks #spy #qqq " +"Mon Nov 01 04:46:34 +0000 2021","Market Recap & Outlook: The final take from big tech earnings + Ackman warns, does he know something we don't? + Who bought the dip and what triggered the Gamma rally in Tesla + Charts $SPY $QQQ $IWM $DXY $GLD $TLT $TBT $VIX $BTC $SHIB $AAPL $TSLA $AMC " +"Fri Nov 19 00:00:57 +0000 2021","LOL, That spike... That's Nasdaq New Lows. Market is crazy. I will talk about this on tonight's brief. $NDX $QQQ $FB $AAPL $NVDA $GOOGL $MSFT $AMZN $NFLX $TSLA " +"Tue Nov 16 01:35:00 +0000 2021","$AMZN $AAPL $GOOGL $TSLA $MSFT Large Dark Pool Prints in AH. Judgement day? $SPY open > these levels (buys), these will be a beautiful support going forward. $SPY open< these levels (sells), they will act as a strong resistance going forward. 👀 SPY runs on these tickers! " +"Mon Nov 01 00:14:29 +0000 2021","Market Evaluation for 11/01 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 $SQ $AMD $TSLA $NIO $ROKU $ZM $SNOW $AAPL $AMZN $GOOGL $MSFT $SPY $QQQ 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸! Thanks for letting me share the flow @unusual_whales Share your trades tagging🐳& I! Show ♥️ with a like/RT, please! It helps a lot! 🙏 " +"Mon Nov 22 02:02:57 +0000 2021","Market Evaluation for 11/22 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 $SQ $AMD $TSLA $NIO $ROKU $ZM $SNOW $AAPL $AMZN $GOOGL $MSFT $SPY $QQQ $NVDA $FB 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸! Thanks for letting me share the flow @unusual_whales Show ♥️ with a like/RT, please! It helps others see the ideas 🙏 " +"Tue Nov 09 13:30:40 +0000 2021","Good morning Traders 💥💪 A big slate of earnings here, $PLTR $PYPL both lower while $RBLX continue its march over $100💥💥💥 $FSR my fave EV name, getting some love to $20 and we will watch $AMD $NVDA as the #Metaverse heats up🔥 #trading #stocks #stickynote " +"Mon Nov 29 13:27:28 +0000 2021","Market Evaluation for 11/29 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 $SQ $AMD $TSLA $NIO $ROKU $ZM $SNOW $AAPL $AMZN $GOOGL $MSFT $SPY $QQQ $NVDA $FB 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸! Thanks for letting me share the flow @unusual_whales Show ♥️ with a like/RT, please! It helps others see the ideas 🙏 " +"Fri Nov 19 13:28:38 +0000 2021","Happy FRIDAY TRADERS 💥👍 $AAPL $MSFT both at or above ATH!!✅📈 will be buying all the dips. $NVDA has that $314 level that looks to hold, why is $WSM down? 🤷 LONG break $208. $LGVN FDA news and we had this yday!! $SOFI as if more selling, $PLTR $PYPL $RBLX #stickynote " +"Tue Nov 16 18:11:54 +0000 2021","Wow, and it's only noon $AAPL - .97 --> 1.96 | 102% 🟢 $AMD - 1.27 --> 3.48 | 174% 🟢 $SPY - .83 --> 1.73 | 108% 🟢 All from the watchlist, built using the flow @unusual_whales Hope everyone is having a good one!! " +"Fri Nov 26 16:19:07 +0000 2021","Weekly #ALERT recap: $AMZN 3650c 25 to 33💰 $SPY 471c 1.4 to 2.3💰 $TSLA 1170p 23 to 22🔻 $AAPL 157.5p 0.64 to 0.84💸 $CAT 207.5c 1.2 to 1.9💰 $AAPL 162.5c 0.8 F🔻 $SPY 467p 0.5 to 0.6💸 $GME 225c 5.3 to 9💰 $DAL 39p 0.28 to 3.3🚀🚀 $QQQ 394 1.1 to 1.4💸 " +"Tue Nov 23 05:46:22 +0000 2021","Daily Brief Part Deux #ES_F $SPY $TSLA $AAPL Is this the end, do we need confirmation, will the market be green at open or are we just selling into a steeper channel to crazy highs? " +"Mon Nov 08 01:14:24 +0000 2021","Market Evaluation for 11/08 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 $SQ $AMD $TSLA $NIO $ROKU $ZM $SNOW $AAPL $AMZN $GOOGL $MSFT $SPY $QQQ 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸! Thanks for letting me share the flow @unusual_whales Show ♥️ with a like/RT, please! It helps a lot! 🙏 " +"Mon Nov 15 01:36:16 +0000 2021","Market Evaluation for 11/15 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 $SQ $AMD $TSLA $NIO $ROKU $ZM $SNOW $AAPL $AMZN $GOOGL $MSFT $SPY $QQQ 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸! Thanks for letting me share the flow @unusual_whales Show ♥️ with a like/RT, please! It helps a lot! 🙏 " +"Mon Nov 01 20:04:42 +0000 2021","Nasdaq strengthens further today. Net high expanded significantly and has re-entered a 3-day bullish streak. Despite tame indices, Net highs show a drastically improved environment. Leaders continue to be strong $MQ $SOFI $UPST $SI $DEN $FANG Net highs shown in bottom panel " +"Tue Nov 09 21:36:11 +0000 2021","Nasdaq remains healthy with net high easily outpacing net lows. $RBLX surprises and rallies to new highs, $COIN $UPST disappoint after hours. Net highs in the lower panel. green background highlights a bullish market environment. " +"Wed Nov 03 18:07:13 +0000 2021","$SPY pushed over 461.60 level to 462.72 $QQQ to 391.28 from 390 level Good view of move here $VIX has to stay under 16 from here on and market wants to move higher into end of the day " +"Sun Nov 21 15:58:26 +0000 2021","$QQQ breaking out on all time frames and we caught most of the move via $AMZN and $AAPL. This week I believe will be the same, but I would prefer a little flag here before marching towards out PT: 420. Beautiful looking chart. " +"Mon Nov 22 18:16:57 +0000 2021","The topping tails forming on names like $AMD and the $SMH are epic. Nutty reversal on the $QQQ today. As soon as yields hit 1.6%, algos sold hard. " +"Wed Nov 24 16:39:59 +0000 2021","$QQQ is +20% since 5/8. Many 40x sales stocks/2020 leaders have continued much lower. In 2000, mkt leader $CSCO had a 196 PE $AAPL today, 28 PE In 2000, tech was the only sector working & all else were in downtrends. Today, 10 of 11 SPX sectors are within 3.5% of the highs. " +"Tue Nov 02 20:04:14 +0000 2021","Nasdaq remains healthy with a steady advance of net new highs. $SI $SKIN stand-out leaders of the day. Energy names $DEN $FANG showing RS by climbing despite oil down on the day. Net highs in the bottom panel. Green background signifies a healthy market. " +"Thu Nov 18 21:11:53 +0000 2021","Nasdaq is deceptively strong as Big Tech powers higher. Under the surface, significantly more stocks made new lows vs new highs. Rare at all-time highs and will explain why many traders feel frustrated. Net lows in bottom panel. Green background is a healthy market. $NVDA $CF " +"Fri Nov 19 00:40:14 +0000 2021","$AAPL shows what those watching $MSFT $QQQ and $XLK knew 3-4 weeks ago, that a major top had not occured in September and more highs to 171-173 are expected at minimum Watch to see if the Weekly RSI breaks 73.68. If it does there may not be a pullback at 171, just a rally to 200 " +"Tue Nov 23 02:31:29 +0000 2021","Like we have discussed. Pure Garbage Internals. Once $AMZN $AAPL $GOOGL gave up the market just tanked. Banks did good today, see where we pulled back to. Right to the short term moving average. Tomorrow is an important day. Still $SPY PT: 480 possible. Nothing has changed. " +"Sun Nov 07 14:21:20 +0000 2021","Do you like charts? $COMPQX $SPX $IWM $IWO $AFRM $ABNB BROS ASAN COIN NET S AMD TSLA DOCN SKIN AFRM ZS NFLX DOMO DDOG AMBA NVDA CRWD MTDR TEAM APP U INMD MARA BILL LC SE APPS DASH SPT AEHR UPST HUT TASK SI & more! " +"Thu Nov 11 21:02:37 +0000 2021","Nasdaq remains healthy with net new highs. Plenty of action with numerous earnings plays. Net new highs in the lower panel. a green background highlights a healthy market. " +"Thu Nov 18 15:57:16 +0000 2021","$VIX $SPY $QQQ #update So far we got the reject from 18 area as mentioned and some bounce on market For $AAPL 155 is next leg up and $FB over 338 and then 340 Remember $FB daily breakout 347 that mentioned yesterday Careful if VIX reclaims 18 on long side " +"Fri Nov 05 19:30:24 +0000 2021","Just a incredible week! $NVDA $TSLA $AMD $SAVA $BA $DIS $MSFT $GOOGL take your pick.. $SPY $QQQ $DIA $IWM all hit new All Time Highs.. Short term a bit extended and hot here.. but few days sideways can fix that! My Recap below! HAGW! " +"Thu Nov 18 16:38:20 +0000 2021","$VIX $SPY $QQQ #Update Check out before and after VIX decent reject from mentioned level and market bounce since $AAPL $FB moving see prior tweets below, shown this live 100 times, u can scalp puts, calls,large cap what ever you want #repeatable system " +"Fri Nov 05 20:58:38 +0000 2021","Nasdaq keeps powering higher and Net highs are along for the party. Market conditions remain positive. However, keep FOMO in check and act only on proper setups. Net highs in the lower panel, green background highlights healthy market. $ABNB $CFLT $DDOG " +"Fri Nov 12 20:40:00 +0000 2021","And that's a wrap one hell of a week! $SPY Held the 8D and strong push back up... $LCID $RIVN $AAPL $RBLX $DWAC $AFRM some names that paid huge this week! Video below Enjoy your weekend! Charts Sunday! " +"Thu Nov 18 21:05:29 +0000 2021","The S&P 500 gained in a choppy session after strong earnings results from Nvidia, the world’s largest chipmaker by market value, and various retailers. The Dow fell 0.17%. The S&P 500 gained 0.34%. The Nasdaq was up 0.45%. " +"Wed Nov 17 22:46:16 +0000 2021","11/18 Watchlist: $AMZN $GOOGL $NVDA both AMZN & GOOGL have been lagging behind other fangs names (MSFT, NFLX, AAPL) let's see if they get a follow thru day tomorrow. will update PM if I see anything else moving. Have a good evening everyone!👊" +"Mon Nov 29 00:05:02 +0000 2021","$AMZN #AMZN Weekly Chart We pulled back to the weekly 8EMA last week. MACD is crossed over but little moments at the moment. We’re back in a TTM Squeeze and RSI is holding over 50. Exercise PAYtience on this one. Charts courtesy of @TrendSpider #PupCharts " +"Sat Nov 13 02:44:38 +0000 2021","Weekly Update on Tesla, Apple, AMD, Nvidia, the Nasdaq, S&P 500, Amazon, Bitcoin, & Nio Big Tech: $QQQ $AAPL $GOOGL $AMD $NVDA Reopening: $SPY $DIS $BA $AAL $JBLU $CCL ESG: $TSLA $ENPH $FSLR $NIO $PLUG $BE Software/Ecash: $AMZN $TWTR $PINS $BTC $RIOT $SOS " +"Fri Nov 05 17:19:56 +0000 2021","Hope you all are tracking $VIX $SPY $QQQ for large caps Chop into Friday Close Only $AMZN $FB showed relative strength but pulled back with $VIX move over 16 " +"Sat Nov 27 13:58:28 +0000 2021","$AMD Large blue volume bars on the up weeks and small pink volume bars on down weeks. While the Nasdaq fell 3% last week, this stock was down 60 cents...& we have Dr. Lisa Su in Austin, Texas too...😂🤣👍📈 " +"Sun Nov 21 20:52:18 +0000 2021","Watchlist for Nov 22 $SI over $222 $NVDA over $332 $LCID above $55.50 / under under $53.4 $RBLX under $132, above $139 (risky) $JKS over $64 $AMZN under $3661 A bit skeptical on the indices, so sizing down until I see stronger signals. Good Luck, Traders. 🍀" +"Thu Nov 11 15:29:15 +0000 2021","SPX 4700 AMZN 3600 GOOGL 3000 NVDA 310 TSLA 1200 these are few important levels I am watching and are easy trades, something to note of." +"Tue Nov 09 21:54:21 +0000 2021","$TSLA is setting the tone, $ABNB has been a disappointing follow through and the rest of the best are having a hard night. $RBLX $TTD $DDOG $ASAN I want to see hold up on a bad day or follow thru like $TTD did today, and $AMD $NVDA fight. See how the setups form. Quicker better" +"Thu Nov 18 01:56:08 +0000 2021","Easy trades coming up: AMZN above 3600 GOOGL above 3000 QQQ Above 400 SPX above 2720 AAPL above 155 NVDA above 310 NFLX above 700" +"Mon Nov 08 00:02:15 +0000 2021","Blog post: Day 15 of $QQQ short term up-trend; Hot market, 507 US stocks with new highs Friday; Some growth stocks with GLB breaking out of nice multi-week bases: $AMAT, $NXST, $MCHP, $AFG, $SI, $FFIN, see weekly charts; GMI is 6 of 6 and Green " +"Fri Nov 05 10:20:06 +0000 2021","$SPX #SPX500 Make that six straight days in the green for the S&P 500, but that’ll be tested today with the release of the Oct jobs report (expectations are high). Nvidia zoomed higher to reach a valuation of $745 billion; bullish on its plans to help build the metaverse." +"Wed Nov 24 18:22:13 +0000 2021","💥NEW @INVESTINGCOM WEDNESDAY POST ALERT💥 *3 Stocks Poised For New Highs As Fed Rate Hikes Expected Sooner Than Anticipated: - Morgan Stanley $MS (+48.6% YTD) - Nasdaq, Inc. $NDAQ (+56.6% YTD) - Apple $AAPL (+21.6% YTD) 👉 $DIA $SPY $QQQ " +"Fri Nov 05 01:06:09 +0000 2021","The Nasdaq is flashing a warning sign - but don't hit the panic button. Nvidia surges on metaverse plans. Airbnb, Expedia, Fortinet are flashing buy signals after earnings. $NVDA $ABNB $EXPE $BILL $FTNT $DDOG $NET $PTON $PGNY " +"Mon Nov 22 17:56:26 +0000 2021","Lots of broken charts on the daily yet $SPY $QQQ still stretched at ath, I would tread carefully dip buying for now especially on a shortened week. Also remember if Meme stonks pop off we generally see broad market downside" +"Fri Nov 19 02:31:45 +0000 2021","Seriously. Breadth in the Nasdaq $QQQ is dreadful but when extremes happen, the index can catch up to the downside but the downside tends to be limited because most stocks are already nearly washed out. This has happened a few times last 2 years. I just can’t get too bearish yet " +"Mon Nov 29 12:12:44 +0000 2021","$AAPL PT Raised $145 from $140 $ASAN PT Lowered to $120 from $135 $CAR pt $333 @ Jefferies from $100 $CRI PT Raised to $145 from $138 Berenberg $PFE PT Raised to $53 from $42 @ JPM $SNOW PT raised to $421 From $353 @ BTIG $ZS PT Raised to $390 at Needham" +"Sun Nov 21 14:27:41 +0000 2021","Probably apparent to most of you by now but if it weren’t for AAPL & AMZN(and the rest of the mega cap tech crew) showing up this week, S&P would have easily been in the red XLK & XLY did the heavy lifting. XLU up on the week also which was probably a good short. Cheers 🍻" +"Fri Nov 19 04:39:43 +0000 2021","Highest number of 52W lows on the NASDAQ since March of 2020 and we stand at all time highs for the index. The top 10 holdings of $QQQ now make up >50% of total assets. All the while, cloud penetration still feels early innings." +"Sun Nov 07 17:59:38 +0000 2021","EPS gapers thus far this EPS season holding – ABNB ACLS ALB ANET AOSL ARBK ASML AYI BAC BG BIGC BILL BKNG BOOT BX CAR CCRN CE CERS CF CFLT CIVI CPE CROX CSX CVE DAVA DEN DIOD DOCN DXCM ENPH ENTG EOG EPAM ERF ESTE EXPE FANG FNKO GDYN GOOGL GOOS GPRE GS HLT HUBS IBKR 1/2" +"Fri Nov 19 01:17:55 +0000 2021","Apple, Amazon, Nvidia lead a megacap rally, but it's a mixed blessing at best. The Nasdaq - esp. the Nasdaq 100 - is looking a bit stretched, even as Nasdaq losers trump winners 2-1 (same with new lows vs. highs). $AAPL $AMZN $NVDA $TSLA $RIVN $LCID $AMAT " +"Thu Nov 18 18:13:48 +0000 2021","$AAPL over 158 can see 160 next. Congrats if you caught calls on the 155 break!🚀 $AMZN if it can close over 3652 it can test 3700 and 3718 $GOOGL right back into 3000. This can run another 50 points if it can close above $TSLA forming an inside day so far. On watch for now" +"Mon Nov 22 11:59:12 +0000 2021","Burn into your brain that with current weightings, $SPY cannot see any meaningful weakness if $AAPL $AMZN $MSFT are in hourly uptrends and up at all time highs. These are the most important individual stocks in the market." +"Tue Nov 02 03:08:13 +0000 2021","There’s many signs that it and many key Nasdaq stocks are peaking. (FYI I nailed the short of tech in 2000) some time I’ll lay out more parallels. There’s many. But, we are now close in time and $TSLA is one to watch. I won’t short it but when you see it blow off and want to play" +"Fri Nov 26 17:08:05 +0000 2021","PF down 1.37% weekly (+15.09% YTD). 2 up, 28 down, 2 unch ⭐️ ARQQ 🐶 AAZ, BVXP, EKF, FNX, GAMA, POLY, SOM, SPT, SSSS Top Slice: ARQQ +200% in 3 months since IPO 🙌 Top Up: NAS, SOM, GAW, AAZ, POLY, POLR Divi: FSFL RNS: Interims from POLR✅ & RECI✅ Enjoy your w/e folks🍷" +"Mon Nov 29 21:04:47 +0000 2021","Impressive day for some TML’s- MTTR TSLA RBLX NVDA ENPH LCID Some concerning action- U Vol lighter on NYSE, higher on Naz. Stock pickers Mkt. I still have no clue if this is a bottom or a top w blow offs in leaders. $COIN & $ENPH set ups I’m watching tomorrow, still cash. GN" +"Mon Nov 01 18:50:09 +0000 2021","$NFLX, $AMZN, $GOOGL, $AAPL, and $MSFT are all deep red but the Nasdaq is green. The recent ability of markets to separate from $FAANG driven price action is huge. We have not seen this in years." +"Wed Nov 24 14:00:04 +0000 2021","Premarket plan 💡 $QQQ 3 pt gap down, Needs to hold 392 support otherwise it can drop to 388 next if it holds above today it can move back to 400 by next week $TSLA if it holds 1077 at the open possible to see 1100-1120 by Friday $NVDA if it can't hold 310 it can drop to 300" +"Tue Nov 23 14:00:03 +0000 2021","Premarket plan 💡 The market still not showing any signs of strength yet. If $QQQ can't reclaim 400 it can continue to consolidate for 2-3 more days. Under 395 can drop to 392,388 $TSLA keep an eye on 1200, needs above to test 1243 $SHOP can test 1650 if it closes above 1600" +"Tue Nov 30 18:03:08 +0000 2021","Bear flag variations ( some already breaking lower ) : AFRM AMBA ARKK ASAN BILL BROS CRWD DASH DDOG DOCN DXCM INMD MDB NET SNOW SOFI TEAM ZI ZIP" +"Tue Nov 23 01:51:49 +0000 2021","331 large caps trading > 20, 50 and 200-SMA. Many are set up well, esp on any pullbacks. Some higher growth stocks w/ no earnings broke down more. Tech money won’t leave tech entirely, but it’s been moving into stocks w/current earnings & strong balance sheets. FAANGM+" +"Tue Nov 23 16:52:29 +0000 2021","$QQQ couldn't hold 400 at the open, now back near 395, needs to defend this level otherwise we can see 392 tomorrow $TSLA if it holds 1128 it can bounce towards 1155-1160 next $AMZN i'd wait for 3600 to consider calls, stuck in a range near 3554 for now" +"Mon Nov 22 16:03:01 +0000 2021","Tale of 2 markets here.. $MSFT $AMD $NVDA $TSM $AAPL $TSLA very strong $SOFI $PLTR $SQ $AFRM $PLYPL $MA $DASH $ABNB getting hit Growth out here" +"Mon Nov 01 04:05:58 +0000 2021","From the UWL some names of note : AAPL ABNB AFRM APLD APP APPS ARQQ BKKT BROS CFLT COIN CRWD DDOG DWAC DOCN ENPH GOOGL HUT INMD LC MARA MQ NET NFLX NVDA OPEN PSTG QS RBLX SNOW SOFI TEAM TSLA U XPDI ZS" +"Mon Nov 22 03:27:42 +0000 2021","On the notepad after running through the UWL : AAPL ABNB AMD AMZN ASAN BKKT BLNK BROS DCRC DDOG ENPH EVGO MRAM MTTR NEWR NVDA ON PANW PUBM QCOM QQQ QS RBLX SHOP SI SNOW TSLA TTD U XPDI ABNB MRAM NVDA TSLA TTD XPDI look readily actionable. As do others like DDOG ASAN AMZN etc." +"Fri Nov 12 21:07:00 +0000 2021","DOW JONES UNOFFICIALLY CLOSES UP 189 POINTS OR 0.53% AT 36,018.0 NASDAQ UNOFFICIALLY CLOSES UP166.25 POINTS OR 1.03% AT 16,188.50 S&P UNOFFICIALLY CLOSES UP 33.75 POINTS OR 0.72% AT 4,676.75" +"Mon Nov 22 20:49:06 +0000 2021","So $QQQ was getting very extended on few names.. Finally pulled in.. we need rotation.. $XLF and $XLE trying.. good to see.. Safety names too.. $PG $KO $COST Growth names slaughtered...$PYPL $SQ $PLTR $DASH etc... some point they come back for them HAGN!!!!" +"Thu Nov 25 21:35:01 +0000 2021","@saxena_puru lots of stocks remain in bullish uptrends especially the ones doing he heavy lifting like $AAPL $MSFT $TSLA $GOOG $AMZN i believe will rally the market higher, we will still see an xmas rally and then have our healthy pull back. This is a stock pickers market." +"Tue Nov 02 18:17:32 +0000 2021","$AMZN, $FB, $NFLX and $TSLA are all red today but the Nasdaq is positive again. This market wants you to know that it doesn’t solely rely on $FANG anymore. The last 2 days are proof." +"Thu Nov 18 11:04:07 +0000 2021","Good Morning! Futures up! $CSIQ EPS beat .29, REV miss $GPRO u/g Overweight @ JPM $BA u/g to Overweight @ JPM pt $275 $NVDA pt raised to $350 @ Keybanc and Piper $ONON pt raised to $60 @ GS $ASAN pt raised to $140 @ Piper $LOW pt raised to $280 from $215 @ Barclays" +"Thu Nov 11 16:07:11 +0000 2021","So many of these stocks are falling 20-30% after earnings miss Even if they beat stock is still falling 5-10% I think is overall bearish for the indices also Very few names , top 10 are keeping things afloat For now Now 4650" +"Thu Dec 02 14:01:42 +0000 2021","#APPLE ( $AAPL ) is there more upside to come in the #stock price before the end of 2021? How long before it gets to $200? I take a look in #ChartOfTheDay: #stocks #trading #investing #stockmarket #WallStreet " +"Wed Dec 29 01:22:28 +0000 2021","#NAS100 #NASDAQ #Stock #StockMarket Scalp sell taken price took out equal highs + BOS. Sell taken off imbalance and breaker to fill imbalance and will be looking for buying opportunities at the bullish OB " +"Sat Dec 04 17:21:47 +0000 2021","The #QQQ tracks the top 100 in the #NASDAQ! #AMZN #NVDA #TSLA etc. We see a 50% retracement , 4 hr says RSI = 34 (oversold) I want a MACD crossover between now and 61.8% (golden ratio), at this point ID be bullish on MegaCaps into 2022 (safe haven) before possible bubble burst! " +"Tue Dec 28 14:45:08 +0000 2021","Netflix, Inc. (NFLX) closed at $613.12 today. Stock price has gone down by 0.16% ($0.97) since previous close value of $614.09 #Stocks #Stockmarket #Equity #Netflix" +"Tue Dec 14 14:47:18 +0000 2021","$TSLA daily #StockMarket update #FED signals uncertainty + inflation concerns bring fear to markets. $TSLA sells off accordingly, weekly #MACD still too high + will continue pressure on @Tesla #stock price. Blue trend will be tested. (no invest advice) " +"Mon Dec 13 12:47:46 +0000 2021","You’ll never shake me on these. $AMD $AAPL $SMH $XLY $XLK $TSLA $SPY $FTNT and even $ARKK (bad 2021 makes a 2022 comeback look even sweeter) " +"Tue Dec 07 15:45:12 +0000 2021","$SEAH Finally kind of moving 😂 what is going on with this stock, it’s such a good company and people don’t want it at this price? 🤷🏻‍♀️ #stocks #StockMarket $amd $cfvi $dkng " +"Fri Dec 10 21:19:10 +0000 2021","Now see same chart with $QQQ instead of ARKK : The market is differentiating FANGMA from the “nut job multiple” stuff. Sure there is some baby with the bath water stuff ( $DDOG $NOW $NVDA even $CRWD) but that’s a accumulate quality trade for later. Respect the message. (9/n) " +"Mon Dec 20 14:47:46 +0000 2021","$TSLA daily #StockMarket check We are at peak fear. #Tesla on base trend = support + weekly finally is down to normal levels and @Tesla #stock price #momentum is now at the same low it was in march. Chances are good we are at / close to correction bottom. (no invest advice) " +"Tue Dec 14 15:32:33 +0000 2021","#Tecnoglass #Stock ( #TGLS ): $34 Price #Target - #StockMarket #stockstowatch #MONEY #Finance" +"Tue Dec 21 16:16:48 +0000 2021","$AAPL had quite the dip during the first hour and 30 minutes. But we are back on the uptrend and looking much more positive now today! My price target for  today is a whopping $174-$175! #AAPL #stock #stocks #stockmarket" +"Sat Dec 04 16:08:44 +0000 2021","$UPST Upstart Holdings Inc Ordinary Shares. Our predictive algorithm has forecasted this company s stock price will fall in the short term and has a neutral long term outlook #Trading #StockMarket #money" +"Sun Dec 05 17:28:03 +0000 2021","What I am watching to Add More Shares and to Trade. $TSLA $ADBE $AMZN $SHOP $SNOW $LULU $NVDA $AMD $MSFT $LI $SPY $FB $AAPL $AMAT $SBUX What else is on your Watchlist? " +"Fri Dec 17 18:13:40 +0000 2021","$TSLA Tesla Inc. Our algorithm estimates this company s stock price has an undetermined short term setup and has a neutral long term outlook #Trading #StockMarket #trade" +"Wed Dec 22 11:56:42 +0000 2021","$ACST, a Biotechnology company, rose about 27.03% at $1.41 in pre-market trading Wednesday. Stock analysts at Oppenheimer initiated coverage on shares of Acasti Pharma (NASDAQ:ACST) with an ""outperform"" rating and a $6.00 price target. #StockMarket #stocks" +"Wed Dec 22 15:19:10 +0000 2021","#ElonMusk said he’s met his goal of selling 10% of his Tesla stock; but Buying More Than He Sells He's also exercising options to buy additional stock. And he's doing so at a bargain exercise price of $6.24 a share, well below 1% of $TSLA current share price. 😮🙄hrmmm.." +"Wed Dec 01 16:11:26 +0000 2021","This is the ""Market"": Today Apple 3 std deviations overbought while Nasdaq new lows hit an 18 month high as of yesterday. The blue down arrow is where the S&P peaked last week. " +"Tue Dec 21 13:49:26 +0000 2021","Today the market will gap UP as the algos seek to fill yesterday's massive gap down. Last week I showed Nasdaq new lows at an all time high hit a record. The highest since 2007 ATH. Now, Nasdaq volatility at an ATH is officially the highest since 2007 as well. " +"Thu Dec 09 14:56:21 +0000 2021","If you had bought just one share of Apple during it's IPO in 1980 at $22 you would own 224 shares today after the stock splits. Those shares would be worth $39,179.84 at the current price of $174.91 per share. $AAPL #StockMarket #investing #IPO" +"Tue Dec 07 07:50:56 +0000 2021","TSM | JP Morgan research Overweight analysis gives a lot of clues to the other companies’ potential plans. $TSM $AAPL $QCOM $INTC $NVDA $AMD " +"Wed Dec 01 13:22:24 +0000 2021","$AMZN's price moved above its 50-day Moving Average on November 3, 2021. View odds for this and other indicators: #stockmarket #stock " +"Wed Dec 22 03:13:50 +0000 2021","Most active names today were still big tech , along with semis 🟢. Would love to see some basing and continuation, tired of chop 😯 $NVDA $AAPL $AMZN $AMD $MU $TSLA $MSFT $FB $GOOGL " +"Wed Dec 01 11:05:07 +0000 2021","$AAL's price moved below its 50-day Moving Average on November 17, 2021. View odds for this and other indicators: #AmericanAirlinesGroup #stockmarket #stock " +"Wed Dec 01 11:20:55 +0000 2021","$GOOG in Uptrend: price may jump up because it broke its lower Bollinger Band on November 26, 2021. View odds for this and other indicators: #Alphabet #stockmarket #stock " +"Mon Dec 06 15:17:26 +0000 2021","$TQQQ $AAPL. I just added 60% to my aapl puts today . Look at $tsla $nvda crack (YEEHAH LOL). Took off some tqqq puts to fund them. LAST MAN STANDING LOL." +"Thu Dec 16 18:13:46 +0000 2021","THE Resistance level for me and most important aspect of $SMH semis, $TSLA EV names, $QQQ Big Tech: Bulls not going anywhere until it becomes support. Pictured is NAS100USD " +"Mon Dec 13 16:24:20 +0000 2021","👩‍🏫LESSON!👨‍🏫 $AAPL ✅Weaker Overall Market $SPY ✅Rising Wedge (bearish) ✅Coming into Resistance VWAP ✅Great Risk Reward Weak Market Day + Bearish Pattern + Resistance = Take Puts! $SPX $TSLA $SHOP $NVDA #InvestrLessons " +"Mon Dec 06 02:30:52 +0000 2021","Market Evaluation for 12/06 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 $SQ $AMD $TSLA $NIO $ROKU $ZM $SNOW $AAPL $AMZN $GOOGL $MSFT $SPY $QQQ $NVDA $FB 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸! Thanks for letting me share the flow @unusual_whales Show ♥️ with a like/RT, please! It helps others see the ideas 🙏 " +"Mon Dec 13 02:00:16 +0000 2021","Market Evaluation for 12/13 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 $SQ $AMD $TSLA $NIO $ROKU $ZM $SNOW $AAPL $AMZN $GOOGL $MSFT $SPY $QQQ $NVDA $FB 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸! Thanks for letting me share the flow @unusual_whales Show ♥️ with a like/RT, please! It helps others see the ideas 🙏 " +"Mon Dec 06 21:24:05 +0000 2021","QQQ-light volume inside day. Think we in 20EMA/50SMA pinch and will go one way or the other, Have names prepared either direction. SPY tested 20EMA today and stalled so would be area to watch what it does. " +"Fri Dec 31 06:50:32 +0000 2021","@ThetaWarrior 💥 brother love that spy pic Nice outside bar close on the daily I think we either get a really choppy day or some super nova action Appreciate you as always and wishing you green I really like $NVDA and $FB into tom " +"Tue Dec 21 15:37:41 +0000 2021","large caps are the real movers here if they can't hold the bid, $spy won't hold the bid either important levels $nvda 280 $tsla 900 $aapl 170 $amzn 3300" +"Sun Dec 26 15:13:33 +0000 2021","I hope everyone had a great Christmas. Exciting times ahead. $AMZN + $NVDA are set to begin their ultra bullish wave 3 of 3. $AAPL 200 coming fast… don’t blink. $TSLA Good luck buying the dips. " +"Thu Dec 09 21:21:30 +0000 2021","Nasdaq fell over hard breaking the chance at 3 days of net highs and a healthy market signal. The trend remains choppy with a downward bias - although most stocks outside big tech are exceptionally weak. Caution and limited exposure remain a priority. Net lows in the bottom panel " +"Thu Dec 16 17:35:14 +0000 2021","I think this is correct. We'll get real fear when we see the $AAPL $AMZN $MSFT $TSLA $FB begin the next leg down. I want to see the % stocks > 40ma to be less than <15% that's where bottoms start to form. " +"Wed Dec 08 22:18:30 +0000 2021","Nasdaq continued higher, aided once again by a strong move up in $AAPL. New highs managed to oup[ace new lows for a second day in a row. The next couple of days will be important to decide the trend. Net highs in the bottom panel. White background is a choppy market " +"Wed Dec 15 05:24:03 +0000 2021","Indices Review -> Market in Correction $IWM Stalls near channel bottom $QQQ Big gap down landed it near its 50SMA today. Breadth continues to deteriorate with New 52wk Lows outpacing New 52 wk Highs $SPY Lower high @ 470 is playing out nicely so far. Next stop ~ 50SMA / 457 " +"Sun Dec 12 20:11:10 +0000 2021","Weekend Review, 12/12: Market in Correction Nasdaq reclaimed the 50-day SMA, then closed above the 21-day EMA. S&P 500 finished at an all-time closing high. $QQQ $SPY " +"Sun Dec 12 15:01:20 +0000 2021","Do you like charts? $COMPQ $SPY $IWM $IWO $FFTY AAPL AMBA BLDR CIEN F GOOGL LRCX MRVL MSFT MXL NVDA ON PUBM QCOM RBLX SIMO SNOW TSLA AFRM APPS ASAN BROS COIN CRWD DDOG DOCN DOMO ENPH HUT INMD LC NET PTON ROKU S SE SI SKIN SPT TASK TEAM TTD U UPST ZS " +"Sat Dec 18 16:31:18 +0000 2021","I don’t think there’s a bigger chart of divergence than this one: Fed Balance Sheet (which we know will be shrinking) to FANGMAT (mega tech market cap) $QQQ $NDX " +"Sun Dec 19 15:57:33 +0000 2021","Do you like charts? $COMPQ $SPY $IWM $IWO $FFTY SWCH ANET CIEN SIMO BLDR GOOGL TTD MSFT LRCX QCOM ON AAPL LOW MRVL TSLA F MXL NVDA PUBM AMBA ASAN TASK PTON APPS ROKU CRWD DOMO AEHR U AMD INMD ZS DDOG S BILL COIN and more! " +"Fri Dec 03 12:31:14 +0000 2021","Metaverse Stocks Top 2 (A must!!) $FB $NVDA Giants $MSFT $GOOGL $AAPL $AMZN Promising $U $MTTR $ADSK Gaming $RBLX ETF $META" +"Thu Dec 02 00:40:03 +0000 2021","What's been happening under the hood of the Nasdaq: 2/3 of $QQQ stocks as of yesterday are in a bear market and 1/3 have lost >50% since ATH Companies like $AAPL, $MSFT, $AMZN, $TSLA, $GOOG & $NVDA are obfuscating this. Imagine what would happen if $AAPL or the others crack... " +"Wed Dec 15 00:54:34 +0000 2021","4 charts for tomorrow. $META Inverse head & shoulders setup $WMT Double bottom breakout $ANET PEG play, coming to the pivot point $AMD Falling wedge getting tight. " +"Thu Dec 09 21:05:44 +0000 2021","Hanging man/shooting star type looks in $AAPL, $FB, $GOOG, and $MSFT. $AMZN and $TSLA did not make a higher today. Enough for me to be defensive here." +"Fri Dec 17 19:05:35 +0000 2021","I shared the post below on 11/22, about the market move into stocks with current earnings & out of no EPS. $ARKK went -22% in 14 days, $ASAN went -54% in 14 days. Those no EPS stocks could have very sharp bounces at any time, but they face longer term headwinds vs a tighter Fed." +"Tue Dec 07 17:23:49 +0000 2021","$QQQE Equal Weighted Nasdaq is back to an important level, not a place I would chase, but if it gets above the Sept 3 highs, then this uptrend may have more legs. " +"Mon Dec 13 21:30:12 +0000 2021","Watchlists were a sea of red as stocks broke lower along with the Nasdaq. $AAPL finally stalled on heavy volume and that weighed on an already weak market. New lows outpaced new highs for 3 days marking an unhealthy market. Net lows in the bottom panel. " +"Wed Dec 15 23:32:36 +0000 2021","6 charts for consideration $AA Inverse head & shoulders $AAPL All-time highs within reach $AMD Massive breakout! $FB Inverse head & shoulder breakout $GILD Ascending triangle setup $U Peek-a-boo candle breakout ❤️&🔄 to spread the love " +"Mon Dec 13 13:12:12 +0000 2021","Happy Monday! *Here Are My #Top5ThingsToKnowToday: - Markets Await Fed Taper Plans - Stock Futures Inch Higher - S&P, Nasdaq Set For New Records - $AAPL Closes In On $3T Valuation - Omicron Headlines *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Fri Dec 10 21:32:34 +0000 2021","Another day of a bipolar market where the Nasdaq moved higher as more stocks broke down. $AAPL & $MSFT led indices higher while many smaller cap stocks struggled. Caution is still warranted for active investors. Net lows in the bottom panel. 👉 " +"Thu Dec 16 13:34:14 +0000 2021","Tech stocks may fire up yet again. Apple’s Mkt cap is moving towards $3Trln. Nasdaq 100 stocks’ Mkt cap is now about 50 pct of SP 500 index. During peak 2002 dotcom it was below 33 pct. @CNBC_Awaaz" +"Thu Dec 30 16:02:14 +0000 2021","if you wonder why growth stock pop today like $sofi $fubo $pltr etc... just look at $msft red and $aapl flat:) That is my thesis all month.. MEGA CAP needs to correct... They are way overbought !!!" +"Sun Dec 12 23:27:31 +0000 2021"," now covering mega cap stocks as well as gold/silver/miners/commodities/uranium/all major sector ETFs/Currencies/cryptos/metaverse and much, much more $appl $msft $tsla $googl $amzn $fb #fintwit #faang #nasdaq #apple #tesla #google #amazon #Metaverse" +"Mon Dec 13 14:15:49 +0000 2021","Good Morning! $AAPL needs to protect 180 so AAPL can test 183-185 next... AAPL calls can work if 180 holds $AMD DP activity Friday AMD over 138 can test 140, 143 next AMD must protect 134 or can test 130 lower $MSFT over 343 can test 345-350 next under 338 can test 335 next" +"Sun Dec 19 06:00:33 +0000 2021","$AAPL way above 50dma $FB right at 50dma $AMD right at 50dma $NVDA right at 50dma $MSFT under 50dma $AMZN under 50dma $GOOG under 50dma $TSM under 50dma $NFLX way under 50dma $TSLA way under 50dma Either markets are super unhealthy right now, or this is a big BTFD moment.. fwiw" +"Thu Dec 16 15:33:21 +0000 2021","We're hearing how this is a big down day for Tech, but when a stock like $AAPL is down -2%, it really camouflages the action in this sector- RYT- Equal-weighted Tech is POSITIVE today w/ $ACN $DXC $WDC $EPAM $HPE, all up more than 2%.. and check out $CTSH ! but yes, $XLK -1%" +"Wed Dec 01 18:48:06 +0000 2021","You know the market breadth (advance/declines) is horrid when $AAPL $GOOGL and $MSFT are all up 1-2% on the day and the $QQQ is flat. Yikes. The inability for the market to hold its mega gap higher today is VERY bearish." +"Tue Dec 07 10:41:05 +0000 2021","$TSLA +3.3% to $1,043 pre-mkt in front of tonight’s Nov China vols (55K-60K exp). Equities surged (SPX 1.3%, NDX +1.7%) as concerns about Omicron receded. Tech stocks surged as MS raised its $AAPL PT to $200 (from $164). 10yr TY +1.4bp to 1.444%. Elon sold no shares yesterday." +"Wed Dec 01 01:14:00 +0000 2021","LT's Focus List 🏁 $AAPL ⬆️ 166: 167.50c $NVDA ⬆️ 335: 340c $ROKU ⬆️ 235: 240c $FB ⬇️ 324: 320p $NFLX ⬇️ 640: 630p $AMZN ⬇️ 3500: 3450p Good luck everyone! 😁" +"Sat Dec 11 01:42:34 +0000 2021","$ABNB will soon be part of $QQQ! Nasdaq today announced the following six companies will be added to the Nasdaq-100 Index:👇🏿 $ABNB $DDOG $ZS $LCID $PANW $FTNT They will become effective prior to market open on Monday, 12/20/21. " +"Thu Dec 02 21:38:01 +0000 2021","12/2 Recap $MARA 101%✅ $AAPL 148%✅ $BRK-B 203%✅ $GE 171%✅ $DKNG 17%❌ $XOM 23%✅ $NFLX 27%✅ $AMD -11%❌ $JNJ -17%❌ $FDX -16%❌ $MRNA 26%✅ $ETSY 39%✅ $MARA 18%✅ $SMH 16%✅ Total 711.22% Realized" +"Tue Dec 07 11:26:50 +0000 2021","Update: Equities surging this morning (SPX +1.3%, NDX +1.7%, Europe +2.0%) as investors add back risk with omicron risks subsiding, MS $AAPL upgrade, and $INTC Mobileye IPO plans. TSLA +3.7% pre-mkt appropriate with 2.0x beta, and likely strong Nov China vols (55K-60K) tonight." +"Tue Dec 28 14:01:30 +0000 2021","Was hoping for a inclusion of $NFLX & $AMZN in this FAANG run we are having. As of rn NFLX looks better this am but neither look amazing. I’ll still look to these names for hints to see if they can join 🎉 or lead weakness in these names." +"Thu Dec 02 17:25:11 +0000 2021","$SPY $QQQ $AAPL $TSLA Downtrend over for now. Long dated calls coming back into market. Puts expiring. Need to watch SPY above 4610-4640, if cascading puts come in. Selling not over. But nothing about today looks like it. Further, Week is over & we are at a giant hard bottom." +"Thu Dec 16 19:24:51 +0000 2021","Beautifully ugly $DIA $SPY $QQQ $BTC $TSLA $AAPL $ARKK action today, don't fight the trend, learn to respect & appreciate it when it's soooooooo one way" +"Tue Dec 28 16:57:31 +0000 2021","$AAPL back testing 180, if this closes over 181 it can see ATH this week if the market keeps pushing $AMZN watch 3452, 3475. Strong move today $FB pulling back from the 350 resistance. Watch for a close above for continuation to the upside $NVDA no trade yet. Watching 314" +"Fri Dec 03 21:02:14 +0000 2021","12/3 Recap $CVS 90%✅ $JNJ 47%✅ $AMD -14%❌ $AAPL 29%✅ $MARA -14%❌ $NVDA 873%✅ $PTON 117%✅ $FB 17%✅ $GE 148%✅ $TSLA -14%❌ $ETSY 187%✅ $AAPL 18%✅ $MARA 22%✅ $JNJ 14%✅ $AMZN 802%✅ $SMH 44%✅ $F 9%✅ $AMC 9%✅ $NFLX 19%✅ Total 2401% Realized" +"Tue Dec 28 15:03:50 +0000 2021","$SPY — Looks like a chop/ slow day today Tech also lagging $QQQ $AAPL $AMZN — as spy makes HOD (high of day) Days like this I prefer to be risk off and size down on my positions." +"Fri Dec 10 21:24:54 +0000 2021","People are poking fun at $AAPL and $MSFT because they are rallying so much. This is exactly how Santa works. Active managers are underperforming the index. Passive flows keep coming from them and new money. They are underweight MAGAF vs passive. They are chasing $SPY and #MAGAF" +"Wed Dec 08 16:25:26 +0000 2021","𝗠𝗼𝘀𝘁 𝗣𝗼𝗽𝘂𝗹𝗮𝗿 𝗧𝗲𝗰𝗵 𝗕𝗹𝘂𝗲 𝗖𝗵𝗶𝗽𝘀: Apple Inc $AAPL Microsoft $MSFT Amazon $AMZN Tesla $TSLA NVIDIA $NVDA Alphabet $GOOGL Meta $FB Adobe $ADBE Netflix $NFLX ɴᴇ乂ᴛ ᴄʟᴀꜱꜱ ᴄᴏᴍɪɴɢ ᴜᴘ: $TWLO $CRM $DDOG $SNOW What others are potential blue chippers?" +"Tue Dec 07 15:58:32 +0000 2021","$AAPL broke the 170 resistance, needs to hold here to set up for 173 this week $GOOGL reclaimed 2900, if it defends 2925 it can test 3000 next. Calls can work above 2925 $QQQ to 400 coming if it holds above 395" +"Fri Dec 03 20:39:33 +0000 2021","Holy moly the volume in $TQQQ is off the charts. $16b today, $64b for week (2x old record). There's a total freakout / tug of war going on in Nasdaq-related ETFs, meanwhile $SPY is elevated but not that crazy. Usually it's much more relatively correlated but not today. " +"Wed Dec 29 16:08:44 +0000 2021","$QQQ held 400 so far on the pull back, still needs to get through 404 to test the all time high at 409 $TSLA if it reclaims 1100 today it can test 1128 tomorrow $SHOP back above 1378, possible day 1 of a bounce towards 1429 if it holds 1378" +"Mon Dec 13 14:00:06 +0000 2021","Premarket plan 💡 $QQQ gapping up near 400, if QQQ can close above 400 by FOMC on Wednesday, it can run towards 404 $AAPL strong gap up, it should run to 186-188 this month. Calls can work above 180 $AMD setting up for a bounce to 151 in the next 3 weeks once it reclaims 140" +"Thu Dec 02 16:14:50 +0000 2021","$SPX defended the 4545 support so far, if SPX can reclaim 4575 it can test 4600 tomorrow $AAPL trying to find a bottom above 160, let's see if it tests 164 by next week $TSLA setting up to test 1128 if it breaks above 1100 today" +"Wed Dec 22 14:07:09 +0000 2021","Focus list: 12/22/21 ~ $NVDA dip buy @ $287 $TSLA momentum push calls over $944 $JNJ regain $167.5 $ZM momentum push over $200 psych level $MSFT momentum push over $328 $SPY must defend $461 and get above $464 today for bulls ~ #ES_F watch reactions at 4618 (sup) and 4649 (res)" +"Tue Dec 07 20:48:27 +0000 2021","Obviously lots of repair work to do, but right now these are some that are noteworthy : PSTG MRVL QCOM AAPL AMBA ABNB AFRM APP MU DDOG ON ONON SNOW COIN NVDA" +"Sun Dec 19 16:45:21 +0000 2021","""65% of the companies in the NASDAQ are below their 200 DMA"" -- Sven Henrich of @NorthmanTrader There's a widespread bear market going on in stocks, but we don't see it yet b/c a few big firms like $aapl $goog $msft prop up the indices If those falter? Look out below..." +"Tue Dec 28 20:07:06 +0000 2021","Has almost been a year of the $SPY vs Equities disconnect We have a serious bear market under the surface of an Index up 27% YTD Anything not named $MFST $AAPL is staircase on the way up and an elevator down" +"Wed Dec 01 17:11:42 +0000 2021","17% of stocks in the Nasdaq made a new 52 week low yesterday. The most since the March 23, 2020 low. The Crowded Long Basket (MSXXCRWD) has underperformed the NASDAQ 100 by -13% in the last month. Larger underperformance than the “COVID-month” of March 2020. All via MS." +"Mon Dec 27 20:35:24 +0000 2021","Welcome to Slow Ville.. Santa rally.. slow and methodical. Just focus on the names in play, pre today called out big tech $NVDA $AMD $FB $MSFT $AAPL and $TSLA Stick w/ what they want.. slightly short term extended here on the $SPY" +"Wed Dec 08 18:53:39 +0000 2021","Heading off screens early today... Markets look fine nice digestion day... $ROKU and $NVDA for me.. but $AAPL $RBLX $TSLA $FB $SNAP among others big days.." +"Mon Dec 13 15:27:19 +0000 2021","Weak price action leading into FOMC on Wednesday.. $SPX failed at 4700.. QQQ couldn't get through 400.. QQQ possible to see 392 next if it fails at 395 $AAPL green to red, bearish price action.. failed at 180.. let it drop for now $TSLA setting up for 945 back test" +"Mon Dec 27 21:15:25 +0000 2021","Many wonderful messages. $AMZN good that we are on a spread (currently tad lower). $FB 100%+ play. $AMAT 3x swing. $ASML 50%+. Very nice day. $NVDA swinging a small tiny position of 320C along with $FB 360C for next week (trade shared). 💸" +"Fri Dec 17 14:00:16 +0000 2021","Premarket plan ☀️ $QQQ bigger gap down down to 383. If QQQ can't hold 383 it can drop to 379,376. QQQ need to reclaim 388 to set up for 400 $TSLA almost filled the gap near 900, if it holds here it should move back towards 1000 by early January $AAPL under 170 can test 165" +"Thu Dec 16 00:04:33 +0000 2021","So many winners today.. Shared $SE 120 to 132, $RBLX 95 to 100, $AMZN 3380 to 3470, $TSLA 940 to 980..many more like $WMT, $FB, $DIS, $V & $NVDA and S&P500 4605 to 4710 ! All shared in real time . Sent a new post what I think comes next .. Doesn’t look good for few names 😰" +"Thu Dec 02 13:51:09 +0000 2021","Remember first they came for garbage stocks like $TLRY Then they came for growth darlings like $PLTR $SE $SQ Now they coming for mega caps like $AAPL This is a wave and may crest when $AAPL gets to good levels like 147-149 (now 157) Roughly equates to S&P500 4326-4400" +"Fri Dec 17 14:29:05 +0000 2021","$TSLA $AAPL $AMD TSLA support 910, 900, filled the gap AAPL 168,170,172 key levels AMD 133,136 level NVDA if can build over 280 VIX needs under 22 for these to bounce and reclaim bullish 34-50 EMAs at open If any of them under EMAs and premarket lows, careful o n longs" +"Thu Dec 23 14:59:27 +0000 2021","$AMD #update Strong Trend today, needs to breakout over 146 for next leg up $SPY $QQQ both flagging $SPY over 470.50 and QQQ over 396 next leg up VIX still over 18, if goes sideways at 18, that is ok too, just dnt want to see bounce off 18" +"Fri Dec 17 02:06:31 +0000 2021","Going in to tomorrow, rest of month, understand that $TSLA $AMZN and several others makes up a large % of market flow, i.e. Nasdaq. If these names go down, so will mostly everything else. I'd love to see a small cap season but today was brutal for $IWM. Bear Season. Heads up." +"Thu Dec 09 02:28:13 +0000 2021","There are some explosive moves taking shape. Either will be another set of inside days going into friday for CPI or can be the big move tomorrow. $NVDA $AMAT $SHOP $AMZN $MSFT $SNOW $GOOGL top of the list. Extremely good looking. Hope the futures remain flat like this." +"Tue Dec 07 18:25:01 +0000 2021","$AAPL upgraded for AR headsets & Autonomous car programs & $TSLA PT hiked for “no rival even close” to it in 2022. Tech continues to be the unstoppable growth engine." +"Thu Dec 09 22:20:28 +0000 2021","The weakness is spreading and one by one, the leaders are rolling over - Out of FAANG, only $AAPL around its ATH! On recent rally, $FB $AMZN $NFLX $GOOGL did not make ATHs...same for $MSFT and $TSLA $ADBE $CRM $MA $NOW $PYPL $V also below ATHs" +"Mon Jan 17 20:52:49 +0000 2022","#Tesla ( $TSLA ) #stock price #ToTheMoon in 2022 & to hit $2000? Its about this time of year I dig into the technical analysis to find out: #ElonMusk #trading #investing #stocks #StockMarket " +"Tue Jan 18 18:18:53 +0000 2022","#Netflix ( $NFLX ) a make or break #EarningsSeason this Thursday coming? Gonna need to show pretty good & punchy figures to get the bulls back onside! I take a look where the #stock price may be heading next... #stocks #stockmarket #trading #investing " +"Fri Jan 21 18:32:43 +0000 2022","Netflix Inc Share Price Down 42% . From 17Nov-21 Jan , 42% Down in 2 Month. Today When US Market open This Stock On Open Almost 20% Down.. It's Big Fall.. What You Think This is opportunity of Investment.. #Nifty #NASDAQ #netflixdown #StockMarketindia #StockMarket #stocks #stock " +"Tue Jan 11 22:14:28 +0000 2022","$INTC value play here. 9.5 Million block buy for the 01/10/24 57.5c Leaps. Did not exceed OI, but significant activity based on price action. 🤔🤔🤔 #swingtrading #optionstrading #spy #nasdaq #wallstreet #makemoney #stock #stockstowatch #optionflow #StockMarket " +"Sun Jan 02 16:23:33 +0000 2022","Happy Sunday 🙂 I think $AMD and $AAPL have potential setups if we get a bounce tomorrow in the stock market. $SPY still looks good until it breaks 473.53/54 area. " +"Sat Jan 22 18:07:00 +0000 2022","$AMZN’s price closed: Monthly chart: Low Bollinger Band but RSI @48. The low BB was touched in this chart on 2009 and price bounced 2 weeks later. Weekly Chart: RSI @31 but 150EMA could be tested. Last time the 150EMA was touched was on 2015. P/E Ratio 55 #StockMarket $QQQ " +"Thu Jan 27 14:04:45 +0000 2022","#Tech #Stocks' ""Reality Bites"" Moment Has Arrived: #valueinvesting #US #stocks #Nasdaq #investing #investor #stock #dividend #investment #stockmarket " +"Sat Jan 22 18:21:03 +0000 2022","$SHOP: Monthly chart as of today: Lower Bollinger Band is -11% of current price. RSI @45 The low BB has never been touched in this chart. Weekly chart: RSI is @30 already, 200EMA is -22% of current price. The 200EMA has not been touched before here. P/E ratio: 33 #StockMarket " +"Thu Jan 20 16:18:42 +0000 2022","2022: A Year Of Major Inflection Points: #valueinvesting #stocks #nasdaq #investing #investor #stock #dividend #investment #stockmarket #gotgold #gold #trading #sp500 #index #equities " +"Wed Jan 12 17:07:29 +0000 2022","#VALE STOCK REVIEW | Technical Analysis and Price Prediction 2022 #StockMarket #StocksToBuy #stockstowatch #miningstocks #NASDAQ #trading #Investing #investments" +"Sat Jan 08 14:45:08 +0000 2022","Tesla, Inc. (TSLA) closed at $1026.96 today. Stock price has gone down by 3.54% ($37.74) since previous close value of $1064.7 #Stocks #Stockmarket #Equity #Tesla" +"Sun Jan 23 20:00:58 +0000 2022","WEEK AHEAD: FOMC meeting on Weds the headline act but also on the docket is US Q4 Adv GDP, PMI data and earnings from the likes of $MSFT $AAPL $TSLA 👇 " +"Tue Jan 11 15:22:49 +0000 2022","This finance dudes come out of nowhere & start using complex words on stock market to make people think only they can do what they’re doing! smh doesn’t make any sense ! “Price is the only thing which is true, rest everything is noise” #stockmarket" +"Mon Jan 03 20:21:00 +0000 2022","$AAPL becomes first company ever to hit 3T market cap today! They are most definitely in a league of their own! My price target for  this year is a whopping $325-$350! #AAPL What do you think?! #Stock #Stocks #StockMarket #investing #trading" +"Wed Jan 12 12:42:23 +0000 2022","Tesla Analyst Hikes Price Target, Says The Company Can 'Make All Other EV Names Obsolete' $TSLA #Tesla @Benzinga #StockMarket #Stock" +"Sun Jan 09 19:00:34 +0000 2022","Happy Sunday! Interesting week ahead. CPI data Jan 12. $SPY is currently sitting on 50MA with low volatility. $QQQ is at a relatively strong support trending to the 150MA. " +"Sat Jan 15 03:53:42 +0000 2022","$SPY as expected they closed SPY below 470 and above 460. This morning with the team i predicted a close at 465 because it works out for the MMs the best. They bounced it off bottom of 460 perfectly, created double bottom as well. Nailed $QQQ close, $TSLA and $AMZN " +"Thu Jan 27 22:02:15 +0000 2022","AAPL Pop-up AH: (1) AAPL smashed all earnings expectations and rocketed back to the high mark over the last few days. (2) given its weight, this move itself is worth about 10 SPX point--if it keeps the price there, tmrw would have a good start for the bulls. " +"Mon Jan 03 16:59:14 +0000 2022"," Top 4 Penny Stocks 🤑 $IQST projected 90 Million dollars in Revenue, $KNRLF Revenue up 612%, $CYBL HAS Price target of 765% GAINS, $ILUS could be the safest OTC stock! #stocks #stockmarket #otcstocks #otc #nyse #nasdaq" +"Wed Jan 26 15:44:17 +0000 2022",".@ines_ferre breaks down the gains from Nasdaq leaders $MSFT $TSLA and $NVDA, in addition to looking at the $ARKK ETF and how $RIVN continues to slide in the EV space. Full comments: " +"Fri Jan 28 16:02:32 +0000 2022","If you kind of wanna long this market but also hate bubble stocks like NVDA and TSLA there's a big spread between Dow Jones Internet Index $FDN and $QQQ . They're roughly the same except one excludes $AAPL $NVDA and $TSLA the three stocks you might be worried about longing here.. " +"Wed Jan 19 23:37:25 +0000 2022","QQQ Got a gap at 360 best setup for September or Jan 23 calls Spy 455 Jan calls Spy 470 Jan calls Sprinkle som Xlk Xly after march and BOOM NVDA and AMD ripe for Jan 23🤣😂🤣🤣😂🙌🏾🙌🏾🙌🏾 " +"Wed Jan 19 22:17:11 +0000 2022","Per Sun Update, last gwth barometers to watch now showing $SOXX buckling as $ASML $TSM E Rpts did not impress enough. $AAPL $TSLA teetering near the ledge #stocks #spy #qqq #sqqq " +"Sat Jan 22 22:51:23 +0000 2022","$SPY All we can see in the week ahead, is huge opportunities, we can't wait for $MSFT $BA $AAPL & $TSLA earnings, get ready team, for some next level trading. 🔥🔥🔥🔥🔥 " +"Thu Jan 27 13:48:05 +0000 2022","1/27 Watchlist $TSLA Calls above 973.5 | Puts below 923.1 $AMD Calls above 112.41 - 117.36 | Puts below 107.65 $SHOP Calls above 927.3 | Puts below 871.9 $AAPL Puts below 159.44 Watch $QQQ for puts below 342.8 Trade Safe! #watchlist #stockstowatch #StockMarket " +"Fri Jan 28 11:13:48 +0000 2022","$NQ_F $ES_F $RTY_F A tale of 2 markets. It was the best of times ("" $AAPL just saved the market"") It was the worst of times (""Futures fading despite AAPL earnings beat"") 📈📉 " +"Sat Jan 01 15:26:54 +0000 2022","$NVDA's price moved above its 50-day Moving Average on December 21, 2021. View odds for this and other indicators: #NVIDIA #stockmarket #stock " +"Sat Jan 01 12:58:32 +0000 2022","$GOOG in Uptrend: price expected to rise as it breaks its lower Bollinger Band on November 30, 2021. View odds for this and other indicators: #Alphabet #stockmarket #stock " +"Sun Jan 02 10:29:33 +0000 2022","$GOOG in Uptrend: price may ascend as a result of having broken its lower Bollinger Band on November 30, 2021. View odds for this and other indicators: #Alphabet #stockmarket #stock " +"Mon Jan 03 03:00:42 +0000 2022","Market Evaluation for 1/3 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 $SQ $AMD $TSLA $NIO $ROKU $ZM $SNOW $AAPL $AMZN $GOOGL $MSFT $SPY $QQQ $NVDA $FB 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸! Thanks for letting me share the flow @unusual_whales Show ♥️ with a like/RT, please! It helps others see the ideas 🙏 " +"Mon Jan 31 19:20:17 +0000 2022","the Apple market $AAPL now up ~9% from last Thursday's close didn't fill the entire gap, bulls jumped on it and have continued to hold the bid more tech earnings this week - $GOOG $FB tomorrow, $AMZN on Wed " +"Mon Jan 24 21:05:22 +0000 2022","QQQ-reversal extension on heavy volume. If we trade up, tighten and get spots will look for wedge pops to build. Day 1 and will see if just a bear rally or if can see volatility contract and things tighten up or not. Big tech earnings start tmrw. " +"Mon Jan 31 21:05:01 +0000 2022","QQQ-got the big rip back as expected and now coming into the back test of this 200SMA/20EMA....think this entire 370-380 area is a strong price level. GOOG AMD report after the bell tmrw and will be big reports I think. " +"Tue Jan 18 01:18:21 +0000 2022","SECTOR ANALYSIS 👇 New widget added, should be visible tomorrow. Looks like the Technology and Utilities sector started to get some decent net premiums end last week. Will look to enter into individual names if we hold $QQQ at 370. $AAPL $UBER $ABNB some names in watchlist. " +"Thu Jan 13 03:28:06 +0000 2022","The Nasdaq had a good run from early October into November on that 50% run in $TSLA and $APPL, $NVDA etc. But since then the Nasdaq chart hasn't been looking good. " +"Fri Jan 28 04:42:39 +0000 2022","$SPY DD🧑‍🚀 • $SPY has been falling for weeks but can $AAPL earnings beat stop the bleeding…maybe🙏 • If $SPY can show support at 430 it can bounce to 440 or even 445🚀 • Failure at 430 and 420 is possible…under 420 is☠️ • Bearish flow continues🐳 • Flow via @unusual_whales " +"Sun Jan 23 02:12:20 +0000 2022","米国株52週安値多数 NFLX,WEBL,SHOP,SKLZ,FUBO,COIN,CLSK,SNAP,SE,SQ,PLTR,WKHS,RUN,APPS,CHWY,LMND,DOCU,SPCE,TWTR,GDRX,GRWG,GEVO,ARKK,DKNG,BNGO,OGI,PYPL,ZM,PINS,RIDE,ROKU,MQ,FSLY,TWLO,OTLY,ASTR,AMRS,NNDM,DDD,SNDL,AYX,ETSY,COUR,TDOC,API,CRWD,QRVO,PENN,WIX,VXRT,TMDX,AMZN,CAKE,PATH,NVTA " +"Fri Jan 21 17:41:05 +0000 2022","What could make the Nasdaq bounce from these oversold levels? No-more-hawkish-than-feared Fed on Wed + solid earnings from ~30% of Info Tech sector reporting next week. Tech adj. net profit margins are ~24%, 2x the SPX of ~12%, a big positive amidst wage & other cost concerns." +"Thu Jan 27 18:41:00 +0000 2022","this morning it looked like this outcome that i speculated about last night, was off the table. but maybe the correct path is ""much lower""...fwiw,shorted some spy's...IF aapl disappoints that's the ballgame, imo. IF,IF,IF" +"Sun Jan 23 18:37:50 +0000 2022","$QQQ Daily. #QQQ testing the trend line from Sept/Oct '20 low's, good potential here for a bounce. Not to mention inside former support zone. $NQ_F $XLK $AAPL $MSFT $NFLX $FB $AMZN " +"Fri Jan 28 19:54:17 +0000 2022","QQQ on its way to 2nd best day of 2022 (+0.8%) as falling 10yr TY (1.775% -2.5b) and a solid beat by $AAPL lifted NDX. Russia remains wildcard going into the weekend, with possible bank sanctions the main deterrent against invading Ukraine. Next wk: GOOG, FB, AMZN, SBX, PYPL EPS. " +"Fri Jan 21 18:50:44 +0000 2022","$QQQ Daily. #QQQ trying to put a bottom in and lots of confluence here for a bounce. Equals legs target has been reached. $NQ_F $XLK $AAPL $MSFT $NFLX $FB $AMZN " +"Tue Jan 25 22:24:58 +0000 2022","FOCUS list for tomorrow. These Companies going to move crazy. Up or down look for level. Yes we JP talking so it obvious, the Move going to be crazy. 1. AAPL 2. SPY 3. QQQ 4. FB 5. BABA 6. SQ 7. X 8. TSLA 9. INTC 10. BBY 11. SPX 30 ♥️ and 15 re-tweet for Level" +"Fri Jan 28 00:42:24 +0000 2022","Global-Market Insights 1/1 -US futures rise on Apple's better than estimated results, Apple's share up 5% -However, the regular session ended lower as Tesla disappointed in guidance -Nasdaq fell 400, S&P 100 & Dow 600 points from highs @CNBC_Awaaz" +"Sat Jan 29 20:28:02 +0000 2022","Some big earnings this week. What are your top 3 on watch? $AMD $AMZN $FB $PYPL $F $GOOGL $XOM $UPS $SNAP $GM $NOK $QCOM $SBUX $PINS $ATVI $ABBV $OTIS $LHX $TT $NXPI $EPD $PENN $U $SPOT $MRK $GILD $COP $FFWM $AKTS $EA $PHM $DHI $MTCH $LSPD $BMY $SU $TMO $WM $AGNC $FTNT $ARCB " +"Tue Jan 18 19:19:29 +0000 2022","$AMZN Below the 50 week ma $NFLX Below the 50 week ma $MSFT Below the 20 week ma $GOOGL Below the 20 week ma $SPY Barely hanging on to the 20 week ma $NVDA Barely hanging on to the 20 week ma $TSLA Above the 20 week ma $AAPL Above the 20 week ma" +"Mon Jan 31 14:10:10 +0000 2022","GM 🌞, Overnight markets are mixed. Seller activity present at my 4436. Support present at 4410. Bonds are down. Dollar is down. Massive earnings coming tomorrow $XOM $BABA $PYPL $GOOG 👍 Chicago PMI only main news today around 730 AM PST #ES_F $SPX $NDX $SPY $QQQ $IWM $ES_F" +"Thu Jan 20 13:00:51 +0000 2022","Happy Thursday! *Here Are My #Top5ThingsToKnowToday: - Stocks Set For Higher Open - Tech Shares Rebound - $NFLX Q4 Earnings - $AAL $UNP $CSX $TRV $BKR $PPG Also Report - Jobless Claims, Philly Mfg. Survey, Housing Data *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM " +"Sun Jan 23 19:09:11 +0000 2022","⚠️Top 3 Things to Watch in Markets This Week: -Federal Reserve Decision -Apple, Microsoft, Tesla Earnings -U.S. GDP, Inflation Data 👉 $DIA $SPY $QQQ $IWM $VIX " +"Tue Jan 25 13:55:27 +0000 2022","AND... Nasdaq gave back 7 months of gains in 21 days (h/t @KimbleCharting) Only thing holding US up is the fact Mega cap tech hasn't reported yet. Markets are an auction of buyers and sellers. Forced Selling into an Air Pocket of Risk. See ya at 20X. $QQQ" +"Sun Jan 23 13:30:48 +0000 2022","Happy Sunday! *Here Are My #Top5ThingsToKnowThisWeek: - Fed Meeting, Powell Speech - U.S. Inflation Data, Q4 GDP - $AAPL $MSFT $TSLA Earnings - $INTC $IBM $HOOD $V $MA Also Report - $BA $CAT $MCD $JNJ $GE $VZ $T $CVX Results *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ " +"Thu Jan 27 15:11:07 +0000 2022","$AAPL earnings are tonight after the close. This stock carries weight in every major index as it is a mega-cap and part of the $QQQ $SPY & $DIA. As Apple goes so goes the market, maybe? #stocks" +"Wed Jan 26 00:21:32 +0000 2022","#tradingtips What makes up the market indices? Checkout below $SPY $QQQ , what moves market $AAPL $MSFT is most of the market Its that simple, that is what I mean when I say certain stock taking market up or down! Understand Constituents of Indices credit : @Barchart 👇👇 " +"Thu Jan 20 17:38:37 +0000 2022","💥NEW @INVESTINGCOM POST ALERT💥 *Market Faces Key Test As ‘FAAMG’ Earnings Loom Amid Tech Selloff: - $MSFT (Reports Jan. 25) - $AAPL (Reports Jan. 27) - $GOOGL (Reports Feb. 1) - $AMZN (Reports Feb. 1) - $FB (Reports Feb. 2) 👉 $DIA $SPY $QQQ " +"Sun Jan 30 15:45:57 +0000 2022","Hi! It's time for some Weekend Reading. This week I cover 🟪Mkt Recap - $SPX Bear Rally? 🟪Macro - The Fed, Rate Hikes & Yield Curve 🟪Earnings Brief - $AAPL $MSFT $BA $MCD $CAT $MA 🟪Around the Markets - Changes to S&P Index, Shipping 📩 Free HAGW! " +"Fri Jan 21 17:00:33 +0000 2022","$NFLX shares -21% in morning trading. Worries about Fed tightening and weak 1Q NFLX guidance are dragging down other highflying Nasdaq names like $TSLA and $AMZN. " +"Fri Jan 21 13:25:07 +0000 2022","as the $QQQ is at lowest level since October 14th pay attention to where stocks are today vs. that date. $MSFT flattish $NVDA up 10% $TSLA up 20%." +"Sun Jan 30 15:04:32 +0000 2022","Big earnings week ahead. 👀 $GOOGL $AMZN $FB $AMD $PYPL $SNAP $PINS $SPOT $QCOM $XOM $SBUX $GM $F $UPS $ATVI $EA $MSTR $NOKIA $DIA $SPY $QQQ" +"Wed Jan 12 18:06:46 +0000 2022","There’s some really clean setups on the radar right now. $AAPL $QCOM look great, but I’m waiting to see if $QQQ can get back above daily 21ema. In the meantime, $MP, $MRVL, $AZO, $PSA & $LCID are a few I’m keeping an 👁 on" +"Sun Jan 30 16:04:51 +0000 2022","Lots of ER to be aware of this week. The big ones I’m watching are: $GOOGL $AMZN $FB $AMD $PYPL $SNAP $SBUX $GM $F $UPS $ATVI What are y’all gonna be keeping an 👀 on? $SPY $QQQ $DIA" +"Sun Jan 23 23:11:22 +0000 2022","Upcoming week catalysts that will keep market on Edge. Tuesday: Federal Reserve’s meeting Wednesday: Fed Day Thursday: 4th Qtr GDP Plus Big Earnings from $TSLA $MSFT $AAPL" +"Mon Jan 31 00:32:40 +0000 2022","Sunday night update: Equities opening modestly lower (SPX -0.2%, NDX -0.2%) as 10yr TY 1.791% (+2.1bp). Earnings take center stage this week: Tue 2/1: GOOG, GM, PYPL, MTCH Wed 2/2: FB, SPOT Thu 2/3: AMZN, F, SNAP Fri 2/4: All eyes on Jan non-farm payrolls (+150K exp, +199k Dec)" +"Wed Jan 19 10:45:10 +0000 2022","In this vacuum of fundamental news the Street will sell off tech/EV stocks on Fed tightening fears on a daily basis. It all comes down to earnings season and guidance to calm the fears. Apple, Tesla, Microsoft, Tenable, Palo Alto Networks, Zscaler are favorites names." +"Fri Jan 28 01:26:17 +0000 2022","In a jittery market with Fed talk everywhere, the tech space needed fundamental confidence from earnings season. We heard it from stalwarts MSFT and now AAPL, two major data points which speak to our view heading into this week. We believe tech space way oversold on rate fears." +"Thu Jan 27 19:22:15 +0000 2022","So a lot of people don't realize it but today truly is D-day for the market. Its all the meat and potatoes. This is the biggest earnings report of the quarter possibly the year. Apple weighs heaviest. Whatever direction $AAPL takes fully determines $SPY. This is it. Good luck.✌🏾" +"Fri Jan 21 05:23:13 +0000 2022","10yr TY -3.7 bp to 1.767% now, but $TSLA still may get smacked around tomorrow with risk off all high P/E stocks after NFLX got crushed tonight for weak 1Q guide.$AMZN similar set up to $NFLX - Covid hangover, weak 1Q growth, high relative P/E. Asia futures SPX -0.7%, NDX -1.3%." +"Thu Jan 27 14:06:30 +0000 2022","Academy Securities: ""MSFT and TSLA made it through earnings (both selling off initially and then rebounding), so we only have the behemoth AAPL to get through and they seem to rarely disappoint.""" +"Mon Jan 24 14:27:40 +0000 2022","Big earnings this week TUE PM msft WED PM tsla intel THU PM aapl FRI AM cat these could move indices considerably, and thus crypto Apple is by far the most important one, as its the stock that has been keeping the S&P from collapsing. Then Microsoft. " +"Fri Jan 21 09:15:17 +0000 2022","$AAPL $GOOGL down approx 10% from highs $FB $AMZN down approx 20% from highs $NVDA down 30% from highs $NFLX down 40% from highs 2020/21 tech IPOs down anywhere between 30-80% from highs $SPX down “only” 7% from highs 👏" +"Tue Jan 11 19:26:39 +0000 2022","Once again, ⁦@DeMarkAnalytics⁩ tools flagged the bottom for #nasdaq $QQQ - #fsinsight family members were notified Monday am (before the open) - ⁦@MarkNewtonCMT⁩ provides daily technical insights⁩ Stop guessing. Get the “first word” at " +"Mon Jan 31 12:45:53 +0000 2022","I started the week at Neutral on the market not sure what we would do after our Huge 3%+ Nasdaq gains we made on Friday. I expected it would be volatile. I'm still staying in cash. Not in a rush to buy the drop. I want to see $AAPL and BIG Cap TECH at the open first." +"Mon Jan 31 23:25:17 +0000 2022","So I missed that late Gigantic rally today in the Nasdaq? My Mistake. Not totally concentrating on $AAPL and instead to believe that it was possible for the nasdaq to come off highs intraday Instead if I did it right and just looked at $AAPL I would of know that was impossible" +"Mon Jan 03 18:20:27 +0000 2022","$AAPL setting up for 188-193 if it closes through the all time high at 182 this week $TSLA 1200 coming next, above can run to 1243+ $SPX $QQQ still just consolidating the past 5 days" +"Tue Jan 18 17:22:35 +0000 2022","I literally LOL at those who say the market is so slow, yeah the $DIA $SPY $QQQ $BTC $ETH are down big, but there are several big % spikers. Are you guys just not seeing $BBIG $GFTX $SIRC & potential dip buys on big % losers on plays like $OWUV $EPAZ ? It literally makes no sense" +"Mon Jan 10 16:15:22 +0000 2022","$TSLA holding 1000 so far, possible to see 1051,1077 if it bases above 1000 into Wed $AMD setting up to test 130 if it holds here at 126 $SHOP to 1100 if it starts a bounce $QQQ big sell off, dropped 10 points today but held 370..needs back above 373 next to test 375,379" +"Tue Jan 04 14:04:05 +0000 2022","Best from the UWL yesterday: TSLA MRAM LCID TSM AMBA MP UBER AMD ABNB ON BROS MU GFS BKNG AAPL NVDA EXPE ONON MRVL QCOM GRAB QQQ OLPX SPY CIEN" +"Mon Jan 03 14:58:27 +0000 2022","$AAPL Flagging wants to get to 3 Trillion (As VIX rejects resistance) $AMD $NVDA Noticeable Strength $AMD Earnings Runup Candidate, Next leg over 150 $NVDA 300 Area basing around" +"Sat Jan 22 20:03:29 +0000 2022","sam in room/twitter the week nflx 2-52 milly milly shop 1000s ... mentioned 2 to 130 amzn 3000 at 2 to 150 spx 4550 from 6 to 150 nvda from 1 to 9 on 240s and so many more.. SAM have the ability to see thats poss via premiums" +"Fri Jan 28 16:06:48 +0000 2022","$SPX held above 4284 this AM on the dip, if it closes through 4342 today it'll set up for 4400 early next week $AAPL setting up for a move to 170 if it closes above 167 today $AMD held 100 now at 103+.. it should test 106,110 if it can hold a higher low above 102" +"Sun Jan 23 14:16:14 +0000 2022","Tremendous earnings + FOMC this week .. are you ready folks? $AAPL $MCD $BX $HOOD $V $MSFT $LMT $GE $AXP $XLNX $TSLA $LRCX I will be providing my analysis and thoughts 💭 on each of these . Stay tuned . Stay safe ." +"Thu Jan 20 21:24:47 +0000 2022","Gap and Go then dumped. Brutal $QQQ on the 200D, $SPY not far from it now. Market's short term extended down and oversold hoping for a gap down tomorrow and some buying into it. we will see $NFLX. FUGLY Rest up and enjoy your evening!" +"Thu Jan 20 21:06:11 +0000 2022","Technically $QQQ $NQ_F approaches good 😊 levels imo from r/r perspective at 14500 (now 14780) But needs to be able to sit thru a couple sessions of volatility #BigTech #StockMarket #marketcrash #Markets" +"Fri Jan 21 15:51:36 +0000 2022","SPY to 200sma, oscillator got to -80, vix 28 alert.....didnt play bounce as not my style but interested to see what happens. Thought stuff like MSFT would break harder and showed relative strength. Going to be interesting earnings season." +"Thu Jan 27 19:17:42 +0000 2022","$AAPL earnings coming after the close today.. Possible to see 170 or 150 after earnings $SPX $QQQ still no momentum to the upside, just basing for now.. I'd be patient and protect your capital for now, I don't see any great setups" +"Mon Jan 31 11:06:51 +0000 2022","Good Morning! Futures Flat $TSLA u/g OUTPERFORM @ CS pt 1025 $NFLX u/g BUY @ Citi pt 450 $BYND u/g OVERWEIGHT @ Barclays pt $80 $K d/g MARKET PERFORM @ BMO Cap $TWTR pt cut to $40 frp, $75 @ Bernstein" +"Mon Jan 24 21:01:19 +0000 2022","What a wild day, spoke to members yesterday that we should bounce at some point today, but had to be patient! Holy Bounces!!!! Easy bounce in now we see. $TQQQ 7 trades for me today! no trust but in and out! Now we focus on Earnings and the FED! HAGN!" +"Mon Jan 31 20:50:43 +0000 2022","Hell of a day. Markets pushed all day long, short covering.. and buying coming in. $AAPL $MSFT $NVDA $TSLA Leaders today, tech leading. Inflows in the am then we see if this holds!" +"Thu Jan 27 14:58:27 +0000 2022","$VIX $SPY $QQQ Market strong to open as digests the Fed Ideally should have some calmness till march but VIX 28/30 important levels 28 breaks is needed! $NFLX $MSFT decent strength will be focus if hold 34-50 EMAs $TSLA relative weakness, no long interest until 900+" +"Thu Jan 27 19:04:22 +0000 2022","$VIX $SPY $QQQ Big reject on 33 on VIX the level we been watching 860 and over TSLA can build but 850 will be risk, watch those EMAs curl $NFLX still want that 390/392 break $MSFT 300 key #update" +"Mon Jan 10 14:14:41 +0000 2022","$QQQ Nasdaq Broke 380 Huge support now 370 next level SPY 460.458 next levels $VIX testing 21 premarket Most large caps under key level like $TSLA under 1k and $FB at 325 $AMD under 130 9.45/10 AM ideally shows us the trend" +"Tue Jan 25 10:55:44 +0000 2022","Good Morning! Futures down a bit $LOGI EPS and REV Beat $NVDA IS SAID TO QUIETLY PREPARE TO ABANDON TAKEOVER OF ARM $VIAC u/g SECTOR WEIGHT @ KeyBanc $DAL u/g BUY @ Berenberg pt $50 $NKE u/g OVERWEIGHT @ WFC pt $175 $TWTR pt cut to $58 from $70 @ JPM" +"Mon Jan 24 19:31:40 +0000 2022","Enough interest here at 4200-4300 with bottom sniffers as well as sell the rip crowds Add in $aapl $msft $tsla earnings and #fomc and you potentially get an explosive 🧨 mix" +"Tue Jan 25 15:15:31 +0000 2022","Market #update VIX is holding uptrend and held key 33 level and most names under 34-50 EMA 10 min bearish trend for most. $TSLA showing some relative strength holding 900 level $FB losing 300, $NVDA $AMD $AMZN all bearish $DWAC Strong Will watch VIX 35.50 next level" +"Mon Jan 10 20:38:40 +0000 2022","$SPY $QQQ Strong close here on the market as VIX 21 resistance held, want to see VIX gap under 20 for continuation $TSLA Impressive $AMD back to highs into close $FB big bounce (no position) Tmro will be important to see continuation, EMA will show the trend" +"Wed Jan 12 02:27:55 +0000 2022","@801010athlete Long via size - $TSLA $F $AMZN $NVDA $OXY and $ZIM. Need more energy - whole group is rocking but I’m late. CPI number tomorrow, reaction critical. We’ll see… 🙏🏼😲" +"Tue Jan 04 15:56:32 +0000 2022","Another day of split action. Dow up over 300-points while the NASDAQ is down 1.2%, and some areas are getting hammered; like Cathie Wood's bottom fishing index - ARKK down 6% on the day!" +"Tue Jan 04 14:55:47 +0000 2022","Nasdaq Weaker today than S&P, 61 names declining on Nasdaq 100 Market Chop with no significant Trend to Open the day although some trend in mid cap $IWM Most names sideways/down $AMD $NVDA Downward pressure on Semis $AAPL strong helping $SPY" +"Sun Jan 30 18:57:08 +0000 2022","@The_RockTrading A 13% drop on $SPY AND 17% drop on $QQQ makes no sense when the heavy lifters are posting incredible earnings. $AAPL $MSFT $V and $TSLA all fantastic solid quarters. $GOOG $AMZN $FB to follow. Market is not going to drop much with these tech giants performing like they are." +"Sat Jan 08 01:20:27 +0000 2022","This week $SPY -1.8% $QQQ -4.5% -3% AAPL AMZN TSLA -5% GOOGL HD -7% MSFT NVDA ZM -8% AMD TWTR COIN -9% PLTR PATH -10% CRM NFLX TDOC -11% ARKK PINS Z -12% SQ SNAP -13% NOW SOFI TWLO -14% TTD -16% SE U -17% SHOP -18% RBLX -19% ZS -21% AFRM ROKU -23% UPST 😩😩😩🤬🤬🤬" +"Tue Jan 04 11:34:00 +0000 2022","2022 started off hot with tech leaders continuing to go up and to the right. $AAPL neared a $3T mkt cap and $TSLA rose over 10%. The aggregate increase in mkt cap bw $AAPL and $TSLA y'day was $212B, which was larger than 84% of the companies in the Nasdaq100. $NDX $QQQ $SPY" +"Wed Jan 19 03:40:48 +0000 2022","Tsm spending 44b on cap ex The sims off Amat Lrcx Klac huge. Something else up. Do we get a massive shutdown and chip issue again. No idea." +"Wed Jan 19 23:27:26 +0000 2022","Amzn aapl tsja gonna break next. Fb to 262. There is no metaverse for yrs and yrs. In the metaverse Dak juked entire Sf team and scored …" +"Wed Feb 09 16:54:45 +0000 2022","#Apple $AAPL #stock price up >220% since start of March 2020 #Covid lockdown! Its been one of the strong #tech #stocks so far in 2022. Can it go higher still - $200, $300?! In #ChartOfTheDay I take a look: #stockmarket #trading #investing " +"Thu Feb 03 17:45:53 +0000 2022","This is how #Stock giants Punish a company who enters in #Cryptocurrency #Facebook parent company #Meta crashes like shitcoins and trade at 52W low price. #Meta #NASDAQ #StockMarket #MarkZuckerberg #stockcrash " +"Wed Feb 16 15:59:57 +0000 2022","$RBLX needs some type of bundle for sale to get this stock price going back up smh 🤦‍♂️ #stock #StockMarket #robloxcommission #meta #NFTs" +"Wed Feb 02 04:02:13 +0000 2022","With $googl recent announcement of a 20-1 stock split do you think the share price will increase like $tsla & $appl when they split. #stocks #market #TSLA #Google #Apple #finance #StocksToWatch #StockMarket" +"Wed Feb 16 01:07:17 +0000 2022","A gamma explanation to todays jump in stock price. likely fully true explains the buying AH. will be more free descents after MOPEX on friday. $spy $spx $qqq #stockmarket " +"Thu Feb 03 17:50:04 +0000 2022","Why I think the panic over @Meta / facebook stock price drop is totally unwarranted. No one is paying attention to what they are doing. #facebook #meta #stockmarket @garyvee " +"Thu Feb 10 17:03:38 +0000 2022","The stock price has an upward trend lately and positive tweets are trending (source: #mysocialpulse) #shortsqueeze #StockMarket #stockstowatch #NASDAQ #pennystocks #StocksToBuy " +"Mon Feb 14 12:02:08 +0000 2022","#nifty50 1. RSI breakdown its 40 level. 2. True strength indicator is below '0' level. 3. Price follow DOW THEORY respectively. 16715 is the key support area. If it breach, we may see 15950 level. #Index #Traders #panic #stockmarketcrash #StockMarket " +"Wed Feb 16 20:03:26 +0000 2022","Use to see investor reactions on #earnings days! For $SHOP this morning, bullish sentiment preceded a rise in the #stock price, and then bearish sentiment preceded a fall in the #stock price. #SHOP #Shopify #StockMarket " +"Wed Feb 09 02:20:00 +0000 2022","Wall Street ended sharply higher, lifted by Apple and Microsoft, while a jump in Treasury yields elevated bank stocks ahead of a key inflation reading this week " +"Fri Feb 04 14:31:08 +0000 2022","Biggest one day decline for a stock in U.S. history🤯 @Meta, stay strong 🙏💪 #Meta #Metaverse #StockMarket " +"Thu Feb 03 13:49:37 +0000 2022","Same profitable story when AAPL and TSLA split. TSLA gave a $100,000 profit within one year - the price rose back up to the presplit price before a year was up!" +"Fri Feb 11 16:06:15 +0000 2022","This split will drastically reduce the price of GOOG and GOOGL; recently, the stock traded at over $3K. The 20-to-1 split will ultimately reduce share prices to a much more palatable $140." +"Wed Feb 02 23:44:31 +0000 2022","$FB & $NFLX in reality, just followed the longer term trend post earnings, can $AMZN buck that trend and join $AAPl & $GOOGL in the FAANG divorce? " +"Wed Feb 16 12:20:02 +0000 2022","$NVDA will report its earnings today after the close. A significant beat is expected and a stock buy back may help the share price. #semiconductor #investing #earnings #stocks #stockstowatch #StockMarket #SP500 #NASDAQ Disclaimer: This investor is long the stock" +"Wed Feb 09 02:40:20 +0000 2022","$GOOG Alphabet Inc Class C. Our model calculated this company s stock price has an undetermined short term setup with a flat long term setup in a neutral long term market setup #Stocks #StockMarket #money" +"Thu Feb 03 02:49:18 +0000 2022","Trailed out profits in Nasdaq. Still holding Dow, Dax and Apple long with TSL, such that trade is in profit. It doesn’t matter if FB fell or no, what matters is did u trade and how u managed? @Trendmyfriends " +"Wed Feb 23 22:32:03 +0000 2022","EV Spac Mania - 1 year later - $RIDE - Not really planning for the snow slide on the stock ticker. $GM $TSLA $F $GM $BMWYY $VWAGY $RACE $TM Ignore the hype - watch the price - Exit when it breaks More in my video: #CMT #StockMarket #stockchart " +"Tue Feb 01 15:47:02 +0000 2022","Price of #nvidia $NVDA ⬆️ 7.21% in the previous trading session. It is also up more than 1.8% pre-market today. Why? Royal London Asset Mgmt significantly increased its investment in NVDA in the 4th quarter. They bgt 539,518 NVDA-bringing their stake to about 2M shares-Barrons" +"Thu Feb 03 18:10:20 +0000 2022","Tracking @chamath’s spread trade on @theallinpod 🔮 Nov 5 ➡️ Today Short $FB $341 ➡️ $240 $NFLX $665 ➡️ $412 $AAPL $151 ➡️$175 $AMZN $3518 ➡️ $2806 Long $GOOG $2984 ➡️ $2904 (announce 20 for 1 split) $MSFT $336 ➡️ $306 (announce best quarter ever) " +"Fri Feb 04 19:40:20 +0000 2022","i've seen enough---market is comfortable w/ the ten year yield between 1.90-2.0%. $QQQ up $9 from the pre-market. a close above 357 is constructive. above 360 FOMO should emerge again... $MACRO $TNX $AMZN " +"Thu Feb 17 20:06:05 +0000 2022","While everyone is yelling and screaming about stocks crashing, the ""New Big Tech"" lean hogs continues to climb higher calmly 🐽 $SPX $SPY $QQQ " +"Sat Feb 12 14:39:08 +0000 2022","Friday’s close set up massive downside macro (daily charts) on most tech names with $QQQ losing support. Now it’s all about news over the weekend to see if follows through . Those macro trades don’t set up every day . When they do it’s phenomenal $tsla . Have blessed day ✌️ " +"Fri Feb 04 03:00:10 +0000 2022","Good morning. Meta was yesterday's story - priced in by market. This morning, Amazon is up 14% in after hours. Did the market presage US decline? - Yes. But has Nasdaq started a fresh decline? We don't know. Here is the setup as I see it." +"Thu Feb 03 21:44:56 +0000 2022","some intense after hours moves $AMZN up 17% $SNAP up 50% as of right now $PINS up 29% $NQ has erased the bulk of today's losses, which were largely driven by the $FB earnings call yday and, NFP tomorrow. " +"Mon Feb 07 21:25:42 +0000 2022","But higher-PE tech/growth names on the NASDAQ $COMPQ remain laggards. This pattern looks decidedly more bearish than the $SPX, for now. " +"Sat Feb 12 23:20:41 +0000 2022","Disaggregating the FANGAM stocks, during the period, you see a clear separation between the winners ($AAPL, $GOOG and $MSFT) and the losers ($FB, $AMZN and $NFLX), at least in the market place. " +"Sun Feb 06 00:40:39 +0000 2022","Now….y’all know I was right about $fb, $hood, $msft and $nflx. This week, i think $tsla breaks out above $1k again. Let’s eat together. May grab some $eth on dip this week as well. Looks to have found a new false “ceiling” 😂" +"Fri Feb 04 01:42:19 +0000 2022","The Nasdaq 100 fell the most since 2020 on Thursday, hurt by a historic $251 billion wipeout for Facebook owner Meta Platforms Inc. But Amazon could add nearly $200 billion in market value if the stock’s 14% gain in after-hours trading holds to Friday’s Wall Street close." +"Wed Feb 02 14:42:00 +0000 2022","@saxena_puru How can a final leg come when $AAPL, $MSFT, and $GOOG reported such stellar results and they carry the indices? $FB today too.. needs to be a catalyst for a sell off, fed will fold with economy slow down forthcoming.. I know I’m a novice and you’re the expert but I don’t see it" +"Fri Feb 04 01:50:55 +0000 2022","The worst selloff in American technology shares since 2020 showed signs of easing in late trading after Amazon (up 15%) and Snap (up 40%)soared on quarterly results lifting the biggest exchange-traded fund tracking the Nasdaq 100 by 2% as of 4:24 p.m. in New York." +"Thu Feb 03 02:04:30 +0000 2022","Good morning. Nasdaq futures have tumbled as both Meta and Spotify have crashed in after hours trade on poor earnings, especially Meta (Facebook). Will be interesting to see if dip gets bought or market momentum halts here" +"Wed Feb 16 18:21:59 +0000 2022","Health check! - 3218 advancers vs 4956 decliners across US market exchanges - 110 new highs vs 241 lows - Just 33.6% of stocks above their MA(50) and 30.2% above their MA(200) - PM miners and energy lead, tech and semis lagg - Sm cap growth sold; high beta large caps bought " +"Mon Feb 07 22:05:30 +0000 2022","$AAPL Inside day on top of all key ema/sma’s. This is really important for QQQ & Tech this week. I literally alternated trading $SQQQ & this today that’s how important is is for QQQ. " +"Fri Feb 04 08:24:14 +0000 2022","A tale of two trades: US #tech giants get SMACKED during the day yesterday then SURGE post-market following earnings. Smells like short-covering to me! - #Amazon closed down -8%, surged +14% after hours - #Snap closed -24%, +59% in extended trade - #Pinterest closed -10%, +21%" +"Sun Feb 06 23:57:54 +0000 2022","#Nargis007Vlog series : #stockmarkets update for 05022022 along with #FANG #FANGMT along with some #earnings for $AFRM $TWTR $SNAP . $SPY $SPX $ES_F $QQQ $NDX $IWM $DIA $RUT $AMZN $GOOGL $FBA Like/RT/Share/subscribe" +"Thu Feb 03 23:06:32 +0000 2022","Are YOU Serious Right Now! Look what I'm getting ready for tomorrow in #ACT $AMZN $SNAP $PINS $ETSY $SHOP $BILL $TWTR $SYNA $U $SKX IF YOU THOUGHT THE LAST 2 DAYS WERE AWESOME Wait till you all see what WE do Tomorrow in the Greatest Chatroom on the Planet " +"Wed Feb 16 03:21:57 +0000 2022","🕵️Wed Watch🕵️ $TSLA 922 trigger. BT Team is already in $SPY 446 trigger. Closed over. Puts below 443 $AMZN Primed to run if 3130 holds. Will take a large position in this when flow comes through $NVDA Broke 263 trigger. Calls if this levels holds 1000%+ Opportunity everywhere " +"Thu Feb 17 21:06:13 +0000 2022","Markets fell hard today with the Nasdaq 100 shedding 3%. Net lows were present on both the Nasdaq & NYSE. Tech stocks continue to get hit and are becoming a classic example of avoiding 'falling knives.' Oils & golds led higher - which says a lot about this market. $DVN $SU $NEM " +"Thu Feb 03 00:56:21 +0000 2022","Nasdaq Fut dn 1.8% - signalling a reversal from yesterdays gains after #Meta (Facebook) missed est In afters hour trading meta dn 21% - worst one day slide since listing Twitter dn 8.2% Snap - 17% Amazon -3.5% (Results today) netflix -2.5% #techselloff @CNBCTV18News" +"Sun Feb 13 16:35:06 +0000 2022","Another big week for earnings…🤯 $NVDA $PLTR $SHOP $RBLX $UPST $GLBE $ROKU $TTD $DKNG $WMT $ABNB $CROX $MAR $AMAT $MRO $MTTR $SAND $FVRR $QS $WYNN $GOLD $ALX $INLB $POWW $ET $AAP $CSCO $DASH " +"Fri Feb 04 21:07:00 +0000 2022","Nasdaq rallied on the back of $AMZN earnings. The Follow Through Day is holding. However, net lows still dominate. This indecisiveness requires strong risk and portfolio mgmt skills to maximize profit/exposure in stocks advancing and cutting losers. Sloppiness can be costly. " +"Fri Feb 25 03:13:33 +0000 2022","$QQQ Weekly. #QQQ potential support off the 100sma, March '20 AVWAP and prior weekly support $NQ_F $XLK $AAPL $MSFT $NFLX $FB $AMZN " +"Thu Feb 03 02:39:03 +0000 2022","$SPY Pivots for tomorrow 450.7 losing that nothing stopping $SPY from retesting 444 and 442. Room to upside above 454. $FB needs to recover 20-30 points off open. $NVDA had the meta verse affect on it too down 3% and $SNAP $PINS $RBLX tankage." +"Tue Feb 01 14:15:13 +0000 2022","Eyes on $AMZN, $TSLA, $SPY, $AAPL, $AMD, $MSFT, $NVDA and $FB today. Calls and puts. I am sensing a big morning push-and-peak followed by a top-out based on $SPY momentum for most. Classic support and resistance lines. #LCID might be the outlier today. I could be dead wrong. NFA." +"Thu Feb 10 15:26:35 +0000 2022","If you look at $Amzn it’s below 3200 $Msft is teetering at 300 $adbe ffs is down in gutter at 500 $nvda down $goog at 2800 🙄 What’s rallying? Banks $bac, $xlf , $xom, $cvx again 😂 $xlk #BigTech has to do better Now 4575… " +"Tue Feb 08 01:03:33 +0000 2022","$QQQ with very heavy divergence on the flow. $NVDA $AMD with massive flows into 2nd half of March. $FB $AMZN $GOOGL showing some very big divergences too. This week will be interesting in terms of tech and growth. " +"Sun Feb 27 18:45:08 +0000 2022","Weekend Review, 2/27: Market in Correction Nasdaq and S&P 500 are on Day 2 of a new rally attempt as Nasdaq hit bear market territory with an undercut and rally off their Jan. 24 lows. $QQQ $SPY " +"Thu Feb 10 00:48:10 +0000 2022","Global-Market Insights 1/1 -The US markets extended gains as traders seem to digested corporate earnings and now eye inflation -Inflation data will be released today -Tech stocks lead the gains with Meta and Spotify rising more than 4% -US bond sell-off eased @CNBC_Awaaz" +"Wed Feb 09 00:42:56 +0000 2022","Global-Market Insights 1/1 -The US markets rebound on expectations that economic growth will sustain with higher interest rates -Dow was up 372 points, S&P 500 gained 38, while Nasdaq added 180 -Dip-buying in some big tech cos like Apple, MS @CNBC_Awaaz" +"Wed Feb 02 00:43:40 +0000 2022","Global-Market Insights 1/1 -The US market continues to rally for 3rd day -This week Dow gained 3.59%, S&P 4.92%, and Nasdaq 6.86% -Alphabet jumped more than 8% on good earnings and stock split -AMD up 10% on strong earnings, while Paypal tanked 17% on weak guidance @CNBC_Awaaz" +"Tue Feb 01 21:02:42 +0000 2022","Stocks up again today, Nasdaq led the gains, $ARKK - the poster child for high-multiple, high-promise, as-yet-unprofitable tech (“spec” tech) - outperformed. Could $QQQ and could “spec tech” outperform in Feb? Answer in today's commentary⬇️ " +"Thu Feb 03 01:09:03 +0000 2022","Stay tuned ! If $GOOG and $fb earnings are any precedence , then someone (same someone) already has the $amzn numbers .. Seattle not too far from Mountain View This will show up on Emini S&P500 tape tomorrow and I will share what I see 👀 with folks Fwiw.." +"Wed Feb 02 03:04:40 +0000 2022","That $QQQ 20% dip and $SPY 13% dip before the big boys reported well played. The FED was so hawkish Bill Ackman bailed his rate hike bet before 1 hike and rolled his profits into a $NFLX position and is now up about 20% from his entry. Well played." +"Sat Feb 05 16:05:00 +0000 2022","$QQQ Weekly chart here shows shooting star struggled near the EMA 21. Friday 361 was a hard rejection near Thursday's highs. Daily shows inside candle, alot of indecision still in the market what to do with ""great"" $AMZN earnings, $GOOG split etc. Positive was a close above ma8. " +"Wed Feb 02 13:45:53 +0000 2022","Happy Wednesday! *Here Are My #Top5ThingsToKnowToday: - U.S. Stock Futures Rise - Tech Shares Set To Rally - $GOOGL +10% On Earnings, Stock-Split - $FB $QCOM $SPOT Report Results - ADP Payrolls Tumble *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Wed Feb 02 04:21:23 +0000 2022","@saxena_puru interesting, but hard to imagine the indices going down another leg with $GOOGL $AAPL and $MSFT reporting such blowouts... add $FB and $AMZN. I don't think these are the same indices from the last bear markets, these are beyond secular growers. They are secular monopoly monsters." +"Tue Feb 01 05:40:31 +0000 2022","$QQQ Large cap tech stocks surged today. Closed at 363 today. #IBDPartner Nasdaq 100 now testing 200 day MA and falling 20 day MA. Big spot here. @IBDinvestors --> " +"Wed Feb 09 16:15:52 +0000 2022","Just seems a little too cute to have SPY up 1.11%, QQQ up 1.36%, IWM up 1.26% and DIA up 0.81% ahead of the biggest CPI number in 40 years" +"Fri Feb 25 22:41:49 +0000 2022","Here's a Weekly Update on the Nasdaq, Tesla, Apple, Nvidia, Palantir, Nio, Ethereum, Xpeng, Shopify, Amazon, Bitcoin Tech $QQQ $SPY $TSLA $AAPL $NVDA $AMD $FB Value $PFE $AZN $BA $DAL $SIL $PLAY Growth $AMZN $NFLX $NIO $PLTR $MARA $SHOP $BTC $ETH $BYND $W " +"Thu Feb 03 18:06:13 +0000 2022","$SPY Needs to hold $450....... after $AMZN er tonight we will get a better sense of direction booked 80% of my profits from entries around and below $SPY 430. Going forward I will mainly stick with $SPY $QQQ $TSLA and $AMZN after er when the premiums come off." +"Tue Feb 01 21:22:29 +0000 2022","• $QQQ > 371 ➡️ 380 with $GOOGL double beat and split • $AMD huge beat, $NVDA complimentary play running AH • 3/4 largest names in S&P with earnings double beats, $AMZN to report Thursday AMC Tomorrow and rest of this week should be fun 🚀" +"Thu Feb 03 14:27:04 +0000 2022","It looks like the recent mega bounce in the market has hit a speed bump today. $FB getting slammed and taking most leading tech $QQQ with it. The easy money is over, the grind begins. Maybe things for the market will be better in the metaverse. #stocks" +"Sat Feb 12 23:20:43 +0000 2022","The FANGAM are newsworthy, with $FB renaming itself, $MSFT buying Activision, $NFLX finding a real competitor in Disney Plus, $AAPL playing good guy in the privacy wars, $AMZN playing villain in so many scripts, and the $GOOG search box finding them all. " +"Mon Feb 07 00:35:48 +0000 2022","I see a lot of bear flags across the board on some big names, gaps on GOOG and AMZN, NVDA AMD... (thank you @HellsBe18327738 ) $SPY and $QQQ look like they ""could"" be bullish which gives me a bad taste in my mouth, flow is mixed. I can feel the indecision, gut feeling, thoughts?" +"Thu Feb 24 13:36:07 +0000 2022","2/24 Watchlist $SPY $QQQ $SPX $DIA $AAPL $MSFT $F $TSLA $RIVN $GM $XOM $SBUX $AMD $NVDA $SMH $FB $TWTR $SNAP $PINS $AMZN $MARA $RIOT $MSTR $COIN" +"Wed Feb 02 14:04:19 +0000 2022","Be careful today, $QQQ gapping north of $370 and into major resistance areas. The underlying market is weak with the #Russell $IWM is negative. In other words, $GOOGL, $FB and $AMZN holding the #NASDAQ up." +"Fri Feb 04 01:22:06 +0000 2022","The Nasdaq 100 index was primed for a rebound Friday as strong earnings from the likes of Amazon, Snap and Pinterest helped ease fears from Meta's crash " +"Thu Feb 03 02:58:53 +0000 2022","This mkt has no mercy. NFLX, PYPL, & FB missed earnings and are down 20%+. It’s like walking in a landmine. Hedge funds r having bad performances, too. But stocks I bought last week when VIX > 30 r still profitable. I have too much cash on the sideline, so this mkt is exciting." +"Tue Feb 15 15:24:09 +0000 2022","@ShinobiSignals @HarryWangEra There is no invalidation lol high of bear flag is 444.62 All tech trading at LODs almost $AMZN $GOOGL $NFLX $FB . $AAPL lower high and $QQQ about to break $352.50 leans bearish. Ready to flip long above 444.62 on $SPY 5m close tho!" +"Tue Feb 01 14:12:39 +0000 2022","Some levels seem to be aligning this morning. $AMZN 3k $AAPL 175 $TSLA 950 & $SPY 450. All can be psychological levels & I will use to judge general market strength today" +"Tue Feb 01 17:56:25 +0000 2022","Market has benefited from a nice win streak for earnings on some large cap names. $AAPL $V $UPS 3 of the main reasons. Now market is in the hands of names like $AMD $GOOG $PYPL $SBUX" +"Sat Feb 26 14:50:20 +0000 2022","After the major indexes tumbled to lows and the Nasdaq briefly entered bear territory, stocks rebounded powerfully to end the week. But the new market rally attempt has a lot to prove - and there's a big catch. (1/4) $AAPL $JBHT $REGN $MSFT $ANET $TSLA " +"Thu Feb 10 22:17:30 +0000 2022","I get todays session felt big & bad but in reality names like $AAPL sold back to levels not seen since Tuesday am. Lol. Just watch tech tomorrow, if they bid we can have a green Friday" +"Fri Feb 04 00:38:37 +0000 2022","NDX has become manic, +3% after $AAPL beat and -4% today after FB guided lower. Tonight $AMZN missed on 4Q Revs and guided to 1Q Rev growth of +3-8%, its worst growth ever (WS +11%E). But AMZN +15% AH after raising Prime fees, and recording a one-time $11B gain on Rivian’s IPO." +"Thu Feb 10 00:12:55 +0000 2022","If there’s good pullback on CPI numbers- Stocks I would like to add (Trimmed these in strength today). $GOOGL $MSFT $TSLA $APPS $DIS $AMD Biotechs: $BCRX $AUPH $MYOV $NARI" +"Thu Feb 03 21:25:34 +0000 2022","Props to $SNAP $AMZN $PINS on da comeback, $FB they apparently are not so it doesn't look like we'll have any max panic at the open tomorrow...so the back and forth $DIA $SPY $QQQ action will continue, zzzzzzz, not ideal for me, but at least it gives me more time to do burpees!" +"Wed Feb 09 23:27:08 +0000 2022","$ARKK is testing downward trendline trying to breakout $SPY has currently double topped $IWM is testing top of bear flag $QQQ currently is in a lower high since it didn’t break 2/2 high Tomorrow is a big day for bulls and bears. CPI decides 💭" +"Sun Feb 27 21:09:05 +0000 2022","Like $SPY? Learn $VXX. While trading $SPY, have $AAPL, $MSFT, or $AMZN up on your screen. Those are the top three heaviest weighted in the S&P, accounting for almost 15% of the index. If they start to move, good chance you’ll see $SPY follow." +"Wed Feb 09 14:40:39 +0000 2022","#BigTech energy .. If you had 4515, if you had 4492, 4536, you are probably smiling ☺️ right now Now 4566 #ES_F $SPX $NDX $SPY $AMZN $AAPL $GOOG $FB $TSLA" +"Mon Feb 07 21:10:41 +0000 2022","Since December 1st, The QQQs are down ~8%, SPX is flat, DJIA is up ~3%; energy, financials, and staples are all up, while tech broadly and megacaps are down." +"Wed Feb 09 17:11:08 +0000 2022","@JesseOlson @newsforextrader @tradingview AAPL, MSFT, AMZN, GOOG & TSLA. 23% of the S&P 500 Difficult to answer the question because of the performance and profits of these over the rest of the market, no?" +"Wed Feb 02 16:49:59 +0000 2022","$SPX more choppy today, if it can't defend 4545 possible to see a 4500 back test by Friday. SPX needs back through 4575 to test 4600 $GOOGL rejected at 3000 again, I would wait for it to reclaim 3000 to consider calls $AMD reversing lower after earnings, 122 possible bottom" +"Sun Feb 20 05:00:04 +0000 2022","@MarketRebels TSLA is the highest. Google is like your best money market account. Nvidia would be next with chips and semi conductors. Shopify could be next generational company with online business and fintech. MSFT and Apple are your sleep well at night stocks. PLTR is the longshot." +"Thu Feb 03 00:04:42 +0000 2022","Well, THAT was fun while it lasted. After 4 days of gains, #NASDAQ futures tanking -340 pts right now after @Meta $FB missed earnings estimates by a mile, &gave a weak forecast. @Apple's privacy app store rules denting $FB's revenues. Tomorrow will be a must-see @ClamanCountdown" +"Sun Feb 06 18:22:56 +0000 2022","I am not seeing a ton of quality entry ready setups on my watch list yet. Only thing catching my eye are the mega caps- $TSLA $AMD $AAPL $GOOG $MSFT $AMZN which definitely caught a bid Growth names still have a ton of work to do. First step would be to establish higher lows." +"Tue Feb 08 21:27:26 +0000 2022","DOCS ENPH TSLA NET ABNB TTD SE DOCN COIN RBLX AFRM UPST GOOG AMZN MSFT DWAC SNAP BILL BROS SI GTLB U some other names on my weekly list right now. Also have names reporting written down." +"Tue Feb 15 14:56:08 +0000 2022","$VIX $SPY $QQQ $VIX not giving up 26 yet , bulls need that or can push to 28 level $QQQ Nasdaq has to get over 355 and $SPY over 446 for a upside trend day $NVDA relative strength into Earnings , over 252 key level now #market #updates" +"Wed Feb 16 21:24:31 +0000 2022","$NVDA stalling at 50DMA post-earnings anouncement. See if it can open near that tomorrow or near 10DMA. $UPST with HVE today back on the Gappers WL for me. $DASH heavy volume AHs today worth watching tomorrow see if it prints HV edge." +"Thu Feb 10 14:15:16 +0000 2022","$SPY $QQQ Market pulling back as VIX finds big bounce off 20 level on CPI numbers! VIX 22, 23, 23.50 initial levels of resistance today SPY 450 important level or it will get back into range we talked about earlier with 444 lower level QQQ 356,352 support levels #levels" +"Tue Feb 08 21:10:22 +0000 2022","Well another whippy day but strong close, now can we get continuation? $JPM great out of the gate then they rotated to tech... $AAPL $AMD $AMZN leaders then. $SPY close to breaking range... HAGN!" +"Thu Feb 03 18:21:01 +0000 2022","P.S.A. - same I gave clients: If $342.80 fails, $QQQ could flash crash into the 100W around $320/315 $AMZN reports tonight. IV in puts is in unprecedented 200 range so folks grabbing protection in $NDX $XRT $XLY $VIX is already percolating above $23.76 WITH gap up = Careful." +"Thu Feb 24 23:15:00 +0000 2022","If you told me this morning there would be a 100+ stocks ending with a Bullish Engulfing... 🐂 📈 Here are just some of the results: $COST $GOOG $NFLX $TWTR " +"Sun Feb 13 00:12:00 +0000 2022","Tremendous earnings next week .. fortunes will be made and lost 😡 $UPST ( $AFRM Deja Vu?) $RBLX (my baby 🍼) $PLTR (my baby 🍼 🍼) $MAR (meh) $ABNB $SHOP $NVDA $FSR $DE $ROKU $BIDU $CROX $DASH $GOLD $AKAM $CSCO Can these names put a bid under S&P500 ?" +"Fri Feb 25 19:58:40 +0000 2022","Names noted where the 2/24 low was higher than the 1/24 low from the UWL : AAPL ABBV ABNB AMZN BRKB BROS CF CFVI CLSK CRWD DDOG DOCS DVN DWAC EXPE FANG GLW GOOGL HAL HCP LYV MAR MU NET NUE NUGT NVDA ON PANW PSTG PXD RTX SI SNAP TTD UPST XOM XOP ZIM" +"Wed Feb 09 21:25:41 +0000 2022","And just like that everything looks much better. CPI tomorrow am.. I suspect it's built in here. $FB made my day.. $AMD small win.. $DIS double dipped AH.. thank you mouse! HAGN!" +"Thu Feb 03 21:33:58 +0000 2022","Why was I bullish on $amzn $goog and bear on $nflx $fb and $PYPL before earnings ? Because no stock down before ER has gone more down this season after ER and no stock up before earnings has gone up after ER. Simple. This was the secret 🤫 😊" +"Wed Feb 09 19:44:45 +0000 2022","$TSLA $GOOGL $AMZN Note, that while market is strong, these big 3 are sideways or consolidating while $AAPL $FB $NVDA $MSFT $SPY $QQQ overall trending Sometimes many tickers take turn to make next leg up in a trending market So make note pf lagging/leading #tradingtips" +"Thu Feb 03 14:26:02 +0000 2022","$FB At July 2020 levels in premarket $VIX bounced from 20.47,nover over 23 key level Interested in $AMD again if builds over emas or else will wait $NFLX 400 again key level $AAPL relatively better, 173.40 support No rush, will trade the trend." +"Thu Feb 03 03:37:35 +0000 2022","Exhausted So I’ll Do Furu Style DD🧑‍🚀 • $SPY Bullish Over 455 460 470 Bearish Under 450 444 440 • $NVDA Bullish Over 250 260 275 Bearish Under 240 235 220 • $TSLA Bullish Over 900 950 1000 Bearish Under 900 850 800 • $AMZN & $F earnings will have major impact on tech & EV" +"Wed Feb 02 14:49:09 +0000 2022","$AMD touched 132 $GOOGL 3050 in Premarket Locked Decent Profits, congratz! Now everything under 10 min Trend so far with market as VIX bounces off 21 level Longs only on 10 min uptrend intraday and Shorts on 10 min downtrend for me, strictly following #EMACloud rules" +"Wed Feb 02 11:11:45 +0000 2022","Good Morning! Futures up, Nasdaq up big! $GOOGL pt raises all over, $3600 @ Cowen and Jefferies $AMD pt raised to $85 from $150 @ Atlantic; and many others $PYPL d/g to Neutral from Buy @ BTIG, pt cuts across the board $145 @ Jefferies lowest $SBUX pt cuts across the board" +"Wed Feb 09 23:24:33 +0000 2022","$QQQ $SPY I believe the market is pricing in the good news tomorrow on CPI, meaning if it's expected estimates than we move sideways for the day, but if there's really good data out then we can continue to the pump. Note that $QQQ closed above the 200 today." +"Fri Feb 11 15:42:48 +0000 2022","FAANG $FB $AMZN $AAPL $NFLX $GOOGL underperforming mkt $ES_F $SPY remember when everyone complained they were the only stocks holding up mkt?" +"Tue Mar 15 20:01:03 +0000 2022","Tuesday bounce-back: Dow rallies ~ 600 points, Nasdaq notches gains as crude-oil price retreats. Airlines jump sharply. @MarketWatch #business #Oilprices #StockMarket #airlines $DJIA $SPX $COMP " +"Fri Mar 04 19:51:19 +0000 2022","Starting February 3, Facebook's stock price has been on a steady march downwards. As of this writing, it's priced at about 45% off its 52-week high. Is this the beginning of the end? Probably not… #facebook #meta #stockmarket " +"Wed Mar 09 04:16:35 +0000 2022","Middle East in '73 (Arab Oil Embargo), was selling us a helluva lot more oil than Russia has/is, but yet, the price was a $3.22 equivalent, at least $4.19 now. Big 4 oil companies stock ""skyrocketing"", while the #StockMarket is not much more than FLAT. (Dow 30, 2%)" +"Sat Mar 19 06:40:54 +0000 2022","$NVDA Double bottom pattern with strong support at 210. A continuation of the pattern could put the stock price above 300 in 2-3 weeks. #stocks #optionstrading #stockmarket #trading " +"Wed Mar 16 20:58:33 +0000 2022","1/2 SPY Here is a nice bullish chart forming. As you can see the 5 and 20 day support held on the daily. The MACD just crossed. And like I said before, we need the price to stick, consolidate, and reverse. If we can get one more big push above $440 tomorrow or #StockMarket " +"Mon Mar 28 13:13:25 +0000 2022","Morning Brief 3/38/2022 Went over $SPY, $TSLA, $COIN, and $AAPL this morning I wish $TWTR gave me more time so I didn't have to rush but let me know if you have any questions " +"Wed Mar 16 19:58:55 +0000 2022","You didn't believe your eyes back then because of the guru's & news, but do you believe the Price Action now? Or maybe you're staying with your bear market theory & predictions. #QQQ #Nasdaq #Spy #StockMarket " +"Wed Mar 02 09:28:53 +0000 2022","I removed $TSLA from my watchlist because premiums are just too expensive for a small. Or at least for contracts near stock price and I don't want to go that far otm. 1.60 -> 0.93 (3) #trading #optiontrading #StockMarket" +"Wed Mar 09 07:22:43 +0000 2022","$TSLA up 2.5% on Tuesday but with a lower-low and lower-high. With this continuation pattern, I suspect the stock price will head down. Note that it was rejected at resistance of 828. #stocks #optionstrading #stockmarket #trading " +"Thu Mar 03 09:05:01 +0000 2022","Y'day Qi's TAA flagged #NASDAQ looked an efficient #stagflation play. Open access👉 Now RETINA™ flags bullish divergence on $QQQ vs. $SPY relative value. #macro fundamentals improving for US tech. No opinions. AI signals pushed into your workflow. " +"Tue Mar 01 05:18:54 +0000 2022","$AEI: Price closed above 20EMA, and 50SMA is soon to be next. Gap is at $1. Entry over $0.36 break. #Trading #Stocks #Stockmarket #TSS #NYSE #NASDAQ #daytraders #wallstreet #charts #technicalanalysis #invest #OptionsTrading #Options #PennyStocks " +"Wed Mar 09 15:44:15 +0000 2022","US #stockmarkets recovering #OilPrices⬇️4% #Tech goes🆙 #Apple gets positive coverage on new device #IphoneSE 📲 #Amazon gets EU #MGM approval for $8bln deal but could face #DOJ criminal probe #Lululemon new shoes #Bumble beats while #StitchFix drops #Crypto rallies #Bitcoin " +"Mon Mar 07 01:39:13 +0000 2022","I think $tsla will still be that unique upper range car with a cheaper stock price than now I think $f will be the company to supply the affordable electric car . #StockMarket" +"Fri Mar 04 06:02:01 +0000 2022","$UPST Upstart Holdings Inc Ordinary Shares. The automated equity analyst judges the price of this stock has an undetermined short term setup and its stock price is in line with its long term fundamentals #StocksToWatch #StockMarket #business" +"Sat Mar 19 05:38:16 +0000 2022","$GOOG Alphabet Inc Class C. The network foretells the price of this stock has an undetermined short term setup and has a neutral long term outlook #Finance #StockMarket #money" +"Thu Mar 10 16:03:35 +0000 2022","#stocks #Split s $AMZN 20For1 Announced 3/10/22 $GOOGL 20For1 2/1/22 $AAPL 40For1 7/30/2020 $TSLA 5For1 8/11/2020 $MSFT 2For1 2/13/2003 Typically there is a gain after the split cuz more buyers attracted 2 the lower price to get in" +"Fri Mar 25 15:11:24 +0000 2022","Is #NVDA #stocks a Buy? Citigroup is reiterating its “buy” rating, holding $350 price=>a potential 36.5% upside. Credit Suisse also a “buy” rating. Their pricetarget=> $400/share, a potential 56% gain. Cowen closes us out with an “outperform”. They're sticking 2 a $350 target" +"Wed Mar 30 14:34:27 +0000 2022","The next SPY price level I am looking at is $470, so I put in a limit order to buy 3 $470 4/13 calls @$1.00. Probably won’t get filled today but I am going to keep my eye on it. #stocks #stockstowatch #StockMarket #stock #trading #investing" +"Mon Mar 14 02:49:23 +0000 2022","Watch Apple's stock price tomorrow. #Apple #AAPL #StockMarket" +"Wed Mar 23 17:23:28 +0000 2022","The WTD VWAP (blue on the bottom 15 min TF) is where $SPY & $QQQ have found buyers so far, if they fail it would be reasonable to go test the 5day SMA (orange) the way $IWM has today " +"Wed Mar 16 14:31:10 +0000 2022","$QQQ poking just over the middle keltner (green dotted line) after a huge run yesterday, a gap up today, then another huge run. Not my cup of tea as far as buying here right before Fed. I would have been more bullish had we chopped sideways or went down, even. I’m short here. " +"Tue Mar 22 03:18:07 +0000 2022","Market Analysis & Discussion for 03.22.22 $ES $QQQ $AAPL $AMD $AMZN $BA $BABA $CAT $COST $FB $ROKU $GOOGL $ETSY $SE $MSFT $NVDA $UPST $NFLX $SQ $TSLA Watch it " +"Wed Mar 09 23:45:29 +0000 2022","Good to see a big late-day move from $AMZN (7% weighting in $QQQ) in response to its stock split and buyback news; preserves support pictured and makes the 50-day MA look surmountable - currently bid up to $2975 with major resistance near $3325 in our work #fairleadstrategies " +"Thu Mar 31 03:28:12 +0000 2022","Market Analysis & Discussion for 03.31.22 $ES $QQQ $AAPL $AMD $AMZN $BA $BABA $ROKU $COST $FB $SE $GOOGL $CRM $HD $MSFT $NVDA $UPST $SHOP $NFLX $ORCL $TSLA Watch it " +"Thu Mar 17 19:01:59 +0000 2022","Outlined the first 4 days of $SPY this week before they happened. Plus $FB & $SBUX 1000% plays $NFLX @ 332, $MTCH <87, $TDOC @ 50, $PLTR @ 10.3, $TSLA premium lesson & more No one gives this much free 📖 " +"Thu Mar 10 23:30:52 +0000 2022","3.10.22 $spy $qqq $iwm $aapl $dwac $adbe $tsla $pbr $fcel $goog $xlf $cpng #RoadHouse #blackboxstocks #OptionsTrading #FOMC #Oil #Crude #StocksToWatch #UkraineRussianWar $5 1 month special link in bio and pinned. Learn to see what I see. @optionsmafia1 @benderprofitbox " +"Thu Mar 17 03:39:08 +0000 2022","Market Analysis & Discussion for 03.17.22 $ES $NQ $QQQ $AAPL $AMD $AMZN $BA $BABA $CAT $COST $FB $ORCL $GOOGL $ETSY $JPM $MSFT $NVDA $UPST $NFLX $TSLA Watch it " +"Mon Mar 07 01:14:29 +0000 2022","Market Analysis & Discussion for 03.07.22 $ES $QQQ $AAPL $AMD $AMZN $BIDU $BLNK $CAT $OXY $FB $FSLR $GOOGL $CRWD $ETSY $JPM $MSFT $NVDA $LMT $SQ $TSLA Watch it Watch it " +"Thu Mar 24 03:35:24 +0000 2022","Market Analysis & Discussion for 03.24.22 $ES $QQQ $AAPL $AMD $AMZN $BA $BABA $CAT $COST $FB $ROKU $GOOGL $CRM $SE $MSFT $NVDA $UPST $NFLX $SQ $TSLA Watch it " +"Wed Mar 16 13:14:17 +0000 2022","How do $QQQ and $SPY behave at declining 20 day SMA's, should they both reach that level? Obvious spots to watch and both rejected hard on previous test. Lots of levels to get through still and trend obviously down. " +"Thu Mar 17 23:50:16 +0000 2022","$TSLA MACD just crossed down on the monthly joining $QQQ $SPY $DIA and other large caps $AMZN $GOOGL $FB $NFLX The next 6 months will be interesting I think the volatility will get worse. " +"Mon Mar 28 15:54:58 +0000 2022","⚓️VWAP from ATH (red on weekly and 195 min) halted the buyers in $QQQ for now $IWM appears stuck below decl 5DMA (orang on 15 min) now looks ready 2 test YTD VWAP (pink) which is also ⚓️VWAP from recent low (purple on 15) eye on WTD VWAP (blue on 15) as it builds this wk " +"Mon Mar 14 04:55:28 +0000 2022","$SPY $QQQ PRICE ACTION & THOUGHTS 👊 After a while, we are finally touching very important support levels (resistance on inverted chart here). 1. AVWAP from October 2020 lows on $SPY 2. AVWAP from March 2020 lows for $QQQ (very important level) 3. Weekly MACD curling down. " +"Thu Mar 17 14:34:08 +0000 2022","My little friends turned off their lows a little while ago after MACD stretches, which I'll use as an entry. Let's see if we don't get full blown signals here in the $SQQQ. " +"Tue Mar 15 17:37:07 +0000 2022","a little trouble at the ⚓️VWAP from the 3/8 low for $SPY and $QQQ today bigger level above is conjunction of the VWAP from 2/24 low and the MTD VWAP shown on the 195 min charts in the middle $IWM lagging " +"Tue Mar 22 20:39:16 +0000 2022","RESULTS💰 $TSLA was play of the day💰 Was waiting for $GOOG to move (why I added it back to the WL this week) $TSLA 1000c +433% 🤯 $GOOG 2800c +247% 🤯 $AAPL 170c +184% 🤯 $AMZN 3300c +98% $NVDA 260p +59% $NVDA 275c +24% $AMD both triggers hit SL Have a great evening fam 🍻 " +"Thu Mar 10 15:20:01 +0000 2022","It is probably a coincidence that the $SPY & $QQQ fell from the conjunction (15 min TF at bottom)of the 5 day SMA (orange) 2/24 ⚓️VWAP (dark blue) MTD VWAP yesterday (light blue) and this morning found buyers at the WTD (black) VWAP " +"Tue Mar 08 00:52:15 +0000 2022","Global-Market Insights 1/2 -Nasdaq ended down 20.1% from its Nov. 19 record high close -Dow Jones ended down 10.8% from its Jan. 4 closing record high -Amazon, Microsoft, Apple was among the top drags on the S&P 500 -Financials sector fell 3.7%" +"Thu Mar 10 12:56:05 +0000 2022","Pivots 3-10🧑‍🚀 • $SPY Bull Over 430 435 444 Bear Under 420 415 410 • $BA Bull Over 180 183 190 Bear Under 175 170 167 • $AMD Bull Over 110 115 120 Bear Under 105 100 90 • $AAPL Bull Over 164 165 170 Bear Under 160 155 150 • $NVDA Bull Over 235 245 260 Bear Under 220 215 205 " +"Mon Mar 07 20:51:03 +0000 2022","FAATMAN below the 50 and 200-day ma. $AAPL is the only one above its 200-day ma. $FB $AMZN $AAPL $TSLA $MSFT $GOOGL $NVDA The crazy part is that it looks like we are just getting started. " +"Thu Mar 31 20:50:18 +0000 2022","QQQ Weekly-we came right into the big 370ish spot we originally broke down from and were rejected. I think it makes sense to be cautious here and in wait and see mode based on some of the sector action seeing in financials, homebuilders, semis, many growth names below 50SMAs. " +"Fri Mar 18 00:53:55 +0000 2022","Update on those $AAPL 150 Puts. Magnificent fleecing of put buyers. Now my focus shifts from shorting puts to stalking call shorting opportunities, especially on $SPY $QQQ $AAPL & the bae $TSLA . The next few days should be fun #ThuFriRule " +"Fri Mar 18 17:16:46 +0000 2022","Some tech majors like $AMZN & $NVDA have reclaimed declining 50-smas, which is a positive trend signal. A few others are there or close. $QQQ $NDX hasn't yet & is still below overhead & the 200-sma. A positive step, some follow through would help. A key week coming up in tech. " +"Thu Mar 31 15:29:30 +0000 2022","$AAPL 🙅‍♂️ 🛑 .31 to .28 $LCID 🤑🔥 but no entry for me $AMD Cancelled callout - has had bullish moves and bearish in its current range Will watch $AAPL for one more potential entry. If not, NP! I don't *need to force winning every single trade idea. Our accuracy has been 🔥so np!" +"Thu Mar 17 14:53:50 +0000 2022","$SPY $QQQ everyone who was asking why does it keep going up when net flow is bearish, did you get your answer now? 👊 Most stocks have removed their gains from the open today. That's why we stay cautious, saving money in this market isn't that easy, net flow enables that." +"Wed Mar 23 14:52:14 +0000 2022","💭 Tech is strong. $TSLA $AAPL crazy! $CRWD $ZS $PANW massive red to green moves. Right from our levels too. Very nice. Now $SPY fills this down gap huge!" +"Fri Mar 18 20:50:36 +0000 2022","$SPY $QQQ $FB $AAPL $TSLA $IWM $BABA thank you China and to my amazing TEAM we traded beautifully together and we banked BIG! Congrats to you all and if you want to be in my room Vegas live or Vegas 2.0 link in BIO! #blessed #vegasoptions😘😘💕💕💰💰💰💰🚀🚀💵💵💵🔥🔥🔥🔥#hagw " +"Wed Mar 09 18:36:27 +0000 2022","Score 3/3: Mon: ✅✅ Tue: ✅✅ Wed: ✅✅ - Wonderful Day. Lost a little on $TSLA PUT. First time we knew there would be a gap up and went after weekly swings on $AMZN $AMD. $ABNB Put paid. $AMZN round 2 paid. $SNOW $AMD little pay. Thur: What do you all think about tomorrow" +"Tue Mar 22 19:52:58 +0000 2022","$SPY $QQQ 💰💰💰 Solid move on market since morning breakout alert Rode 34-50 All levels worked like chart But VIX sideways today , tmro want to see 22.70 and under Good for your calls on $SPY $QQQ Review complete thread Buy close to EMAs " +"Tue Mar 22 14:57:39 +0000 2022","$QQQ $AAPL $GOOGL $MSFT with strong moves through the overhead 50-sma. Some back and fill can happen at any time, but a lot of trend improvement in the majors. " +"Sat Mar 26 04:00:13 +0000 2022","🔥 6 weekly tech charts courtesy of @trendspider 🧵 I'll drop the charts below later tonight ❤️ 🔄 Make sure to like this to follow the thread and retweet it to spread the word. $AMZN $AAPL $MSFT $TSLA $UPST $PLTR " +"Sun Mar 20 20:32:16 +0000 2022","Weekend Review, 3/20: Confirmed Uptrend S&P 500 staged a Day 15 follow-through day on Tuesday, 3/16. Nasdaq logged its own Day 4 FTD on Friday. Both indexes closed just above their 50-day SMA. $QQQ $SPY " +"Wed Mar 23 23:34:03 +0000 2022","Come next week we will see $TSLA 1100 $GOOGL 2900 $AAPL 175 $FB 220 $SPY 460 All will rejoice, and chase to buy calls since it’s over VWAP, only then will I fade and short their fomo" +"Tue Mar 01 22:17:51 +0000 2022","SCORE: 0.5/2 Mon - ✅❌ Tue - ❌❌ plan partially worked today. We had $AAPL $TSLA swing which we sold for wonderful profit. But BTD mentality caught me off guard on $AMD. Wed - Whats the plan? $SPY $QQQ" +"Tue Mar 22 14:28:12 +0000 2022","$SPY $QQQ Continuation so far $FB Strongest so far $AMD testing 117 , same for $NVDA , $TSLA going for 943 $BABA strong , $NKE sideways #UPDATES See below before and after " +"Sun Mar 06 19:52:46 +0000 2022","Weekend Review, 3/6: Market in Correction Nasdaq and S&P 500 closed down two months in a row. Watch if Feb. 24 lows will hold as we wait for a follow-through day. $QQQ $SPY " +"Tue Mar 29 17:08:21 +0000 2022","$QQQ Nasdaq is up 17% in two trading weeks, so far got rejected at the flat 200dma, its volume is declining as price moves higher. Price is above the VWAP from the highs and the 50ma. A higher low would be extremely constructive if/when it pulls back. " +"Sun Mar 06 17:03:17 +0000 2022","$AAPL - above 200dma $MSFT - right at 200dma $NVDA - right at 200dma $TSLA - right at 200dma $GOOG - right at 200dma $NFLX - way below 200dma $DIS - way below 200dma $AMZN - way below 200dma $ADBE - way below 200dma $PYPL - way below 200dma $FB - way below 200dma Tough times." +"Sun Mar 27 12:17:04 +0000 2022","$TSLA $AAPL $NVDA $MFST These four ""liquid leaders"" are seeing some decent volume come in as they form the right side of their bases. It is difficult to imagine to Nasdaq charging higher without these four participating... " +"Thu Mar 24 11:59:01 +0000 2022","While Tesla $TSLA and Amazon $AMZN have moved back into overbought territory on this rally, none of the mega-caps have managed to push into positive territory on the year yet. $AAPL $MSFT $NVDA $GOOGL $FB " +"Tue Mar 15 18:01:01 +0000 2022","$AAPL is ready to be the first amongst the #NASDAQ biggies to begin a new race to a #NewAllTimeHigh & it seems $NVDA is next. Moment $FB closes > 192 it too can take a leap of 30%. Every dog has his day. Never under-estimate. #Pessimism pays, briefly only. #GoodNight" +"Wed Mar 23 02:01:29 +0000 2022","Blog post: Day 3 of $QQQ short term up-trend, GMI turns Green; 5 IBD/MS stocks pass WeeklyGreenBar scan: $UNVR, $PANW, $TRTN,$SFBS, $LNTH; $UNVR has GLB " +"Mon Mar 14 13:15:37 +0000 2022","Watching $AAPL $SPY $TSLA $AMD along with other higher beta names today. Fomc/fed/ opex week. Good luck!" +"Sat Mar 12 21:04:21 +0000 2022","Charts via @TrendSpider: 👀 ☠️ Death cross on $AMZN & $GOOG 💀 $MSFT cross looks inevitable next week 🍎 $AAPL Holding the 200 SMA Sign up for a free Trend Spider platform 7-day trial: (Charting, strategy tester, scanner, and more). 👇 #NTUPartner " +"Thu Mar 31 23:01:19 +0000 2022","(2/13) •SPY, on the other hand, is an ETF meant to mirror SPX at a roughly 1/10 price. The funds backing SPY are reweighted every night to accurately represent the S&P. Ex: At close, $AAPL made up ~7.08% of the S&P by mkt cap, so holdings will be reallocated tonight to show this" +"Tue Mar 08 02:11:09 +0000 2022","Weekly Watchlist Exp 3/11: $TSLA below 797, 790p $NVDA below 210, 205p $NFLX below 350p, 340p Not interested in longs until $SPY reclaims 423.5 on 1hr. Below that… pretty much short everything weak intraday I suggest holding off on the first hour of the trading day" +"Thu Mar 31 13:15:55 +0000 2022","We will be watching these stocks this morning: $PYPL, $COIN, $NVDA, $AMD & $SE. Remember rule#1 - Only trade in the direction of SPY/QQQ gapper strategy setup 🔥🔥🔥" +"Tue Mar 29 11:42:27 +0000 2022","Commodities were supported t'day even as oil pulled back sharply. Tech being led by QQQs... $TSLA $NVDA $AAPL out front. Breadth was mixed today as we might lose steam into 200d (but abv 50d) and we may back and fill a bit. #stocks #qqq #spy" +"Mon Mar 21 03:01:38 +0000 2022","Blog post: Day 1 of $QQQ short term up-trend; GMI still Red; 13 stocks pass my WeeklyGreenBar scan: $LNTH,$STLD,$MCK,$MATX,$MOH,$CBZ, $ABBV + 6 others listed…. " +"Fri Mar 11 21:33:20 +0000 2022","Video 📽️ Bear Market Stock Market Analysis 3/11/22 $SPY $QQQ $IWM $SMH $IBB $XLF $IBB $GXO $ATC $URA $CARR $PING $VLO $BTU $NDAQ $ST and more ⚓️VWAP" +"Mon Mar 14 18:05:05 +0000 2022","It’s interesting to see the growth stocks so “bid-less.” Is this what a tapered (no QE) market environment looks like? I’m bottom fishing today (in preparation for the dovish FOMC), but only in the strongest brand names like $AAPL, $GOOG, $MSFT, $DIS and $NKE." +"Tue Mar 08 04:28:39 +0000 2022","$SPY $465 tomorrow *IF* $AAPL car teams up with $TSLA while running $GOOG self driving software on an $MSFT platform service connected through a joint effort between $T $VZ and $TMUS. Crossing my fingers." +"Mon Mar 21 03:40:50 +0000 2022","3/21 Watchlist 1 triggers! 🌟🧤 $SPY 💸 📈 $448.18 📉 $435.76 $QQQ ⚙ 📈 $357.05 📉 $343.18 $NVDA 💹 📈 $267.76 📉 $244.86 $SHOP 🖥️ 📈 $723.60 📉 $680.22" +"Thu Mar 10 15:28:14 +0000 2022","""For what its worth, the stock splits should make $GOOGL and $AMZN Dow Industrials index ‘eligible.’ If and when that happens I will put the Dow on my screen."" - B of A desk ;-)" +"Fri Mar 11 21:14:44 +0000 2022","$TSLA $795. Haven’t seen that in awhile. GOOG AAPL both starting to roll over. They’ve been carrying things. If we lose these big caps what’s going to hold this market up?" +"Tue Mar 15 15:28:32 +0000 2022","The key signal today as expected was the nasdaq and $AAPL. Once they got strong everything else took off higher. Had it been the other way it would have been a different scenario." +"Tue Mar 08 20:23:20 +0000 2022","Largest stocks that hit new 52 Week Lows at some point today Amazon $AMZN Meta $FB Visa $V JPMorgan $JPM Mastercard $MA Alibaba $BABA Nike $NKE Netflix $NFLX PayPal $PYPL Boeing $BA Blackrock $BLK $EL Starbucks $SBUX Booking $BKNG Analog Devices $ADI $TJX Lam $LRCX $UBER" +"Tue Mar 08 17:27:08 +0000 2022","$SPX reclaimed 4200 after dropping under 4160.. if it can push back near 4284 this week it can run another 60-70 points.. SPX under 4160 can test 4116 $TSLA needs back through 851 to test 900 next $AMD watch 110 next, if it breaks this it can move to 114-118" +"Mon Mar 07 21:26:04 +0000 2022","Microsoft and Amazon both down 17% year-to-date. Netflix down 41%. Alphabet down 12.8%. Apple down 10%. Meta down 44%. Even the mighty NVIDIA is down 27% ytd. Seems like the ""sure things"" are no longer quite so ""sure."" $AMZN $MSFT $AAPL $NFLX $FB $NVDA $GOOGL #stocks #investing" +"Wed Mar 16 13:28:39 +0000 2022","My thoughts on the market from here? Market will probably stay higher until FED meeting then a lot of volatility after. If it dips it should bounce. Watch $AAPL for clues. Europe and Asia did well . They weren't afraid of the FED knowing Rates are going up today." +"Thu Mar 17 13:42:52 +0000 2022","$MSFT shared by me at 170 is now almost back 200 $GOOG from 2500 is now almost 2700 $AAPL makes a comeback from 150 to 160 $AMZN from ~ 2600 to 3100 $PLTR also comes back from dead ~ 12 This only a couple of days ago would have seemed like a dream 💭 not possible …" +"Wed Mar 09 15:09:27 +0000 2022","$SPY over 427.50 $QQQ over 333 key levels for market pivot $AMD #update 110 same setup , if Market bounces and VIX fades we can see the breakout over that level" +"Fri Mar 11 14:17:51 +0000 2022","$GOOG and $MSFT are the internet $TSLA is the energy $AMZN is America’s supply chain $COST is American Warehouse $PLTR is America’s Spy 🕵️‍♀️ Wanna bet against them?" +"Wed Mar 02 16:12:53 +0000 2022","$SPY 430c from 2.66 yesterday with team now 7.24 $AMZN 3050c near lows 17.00 now 36.85 $GT 15c ITM … #D4D Stop over trading and start trading to be profitable. How? When the market gives you green #SPTP" +"Wed Mar 02 16:10:07 +0000 2022","$SPX moving higher after Powell so far.. setting up for 4400 test if it holds 4370 $QQQ to 350 can come if it closes above 346 $TSLA a bit weaker today, if it can move red to green possible to see 879-888" +"Sun Mar 13 17:45:34 +0000 2022","@KeithMcCullough Look at that $XLY $XLK & $XLC YTD. Good thing MY coach warned me about staying long $AMZN $TSLA $AAPL $MSFT $GOOGL $FB (top holdings in each of those ETFs). Talk about #alpha!!" +"Mon Mar 14 15:59:18 +0000 2022","$SPX close to breaking 4200, it tried to break higher towards 4266 but failed.. $QQQ if it fails at 319 it can drop another 10 pts $AMZN 2800 coming, price action very weak since news about the stock split $TSLA to 729 can come next, needs back through 800 to consider calls" +"Thu Mar 24 19:57:32 +0000 2022","And that's a wrap! Strong Close $SPY Back @ 450 last 3 days we have gapped opposite of the close.... $AAPL beats.. $NVDA $AMD strong... $FB $MSFT perking up late See ya tomorrow!" +"Thu Mar 10 17:31:33 +0000 2022","Choppy day so far after the open $SPX still holding above 4223 support, Needs to get back through this highs near 4260 to set up for 4300 $AMZN setting up for 3000 test if it can breaks above 2951 $TSLA weaker price action.. possible to see 800,770 if the market breaks lower" +"Mon Mar 21 13:37:41 +0000 2022","$SPY $VIX $QQQ Strong Market open $VIX if fades under 23.75 should be good to for market continuation. $AMD still lagging overall market push, main focus there as well $TSLA bounce over 34-50 EMA. Too strong last few days EV sector strong" +"Mon Mar 07 21:03:15 +0000 2022","Weak close $QQQ now in a bear market. Time to talk about the ""R"" Word... especially w/ FED trying to tighten into this. $SPY open to retest 410 Night all" +"Fri Mar 25 13:41:53 +0000 2022","Market 1st move down as VIX bouncing of that 21.50 level Only $FB with relative strength $TSLA testing 1k level $AMD $NVDA sideways Oil Futures trying to ramp up" +"Mon Mar 14 19:47:15 +0000 2022","Largest stocks that hit new 52 Week Lows at some point today Meta $FB Alibaba $BABA Disney $DIS Adobe $ADBE Nike $NKE Netflix $NFLX Citi $C Starbucks $SBUX Estee Lauder $EL Analog Devices $ADI Lam Research $LRCX Snowflake $SNOW NetEase $NTES Illumina $ILMN Baidu $BIDU $VMW" +"Tue Mar 22 13:07:43 +0000 2022","$NVDA 270/271 $AMD 117 Keep eye on Semi Sector Important breakout levels to watch specially if things ride the EMA clouds at open Watch VIX to fade under 23 and stay there for bullish bias on market $BABA $NKE with big gaps on watch #market #level plan" +"Wed Mar 02 04:47:28 +0000 2022","That's all for chart updates tonight. Hope everyone has a nice night. Charted: $SPY $QQQ $IWM $BTC $ETH #Solana $MU $DIS $TSLA $AMD $NVDA $AAPL $AMZN $NFLX $PLTR $SLV $GLD $SHOP $ARKK" +"Tue Mar 29 02:51:28 +0000 2022","All charts posted for tonight. Reviewed: $SPY $QQQ $IWM $BTC $ETH $PYPL $AMD $CGC $NVDA $TLRY $AAPL $NFLX $SHOP $MU $ENPH $FSLR $TSLA" +"Thu Mar 03 04:13:07 +0000 2022","Hope the charts were helpful tonight! Goodnight✌️ Reviewed: $SPY $QQQ $IWM $BTC $ETH $XBI $PYPL $SHOP $AMD $NFLX $AMZN $AAPL $MU $TSLA $BLNK $PLTR $SE $CLF $SOFI" +"Thu Mar 17 01:26:06 +0000 2022","Charts posted for tonight. Reviewed: $SPY $QQQ $IWM $BTC $AMZN $TSLA $MSFT $BLNK $PLTR $AMD $NVDA $MU $AAPL $ROKU $PYPL $SLV $GLD" +"Thu Apr 14 09:30:00 +0000 2022","📢Dow announces new $3 billion share repurchase program; declares quarterly dividend of 70 cents per share 📆Announcement Date: Apr 13, 2022 🏦Issuer: DOW INC 🤯Current Market Cap.: $45.25 B 🤩Opening Price: $63.49 🤩Closing Price: $64.16 #buyback #stock #trade #stockmarket " +"Thu Apr 21 00:12:22 +0000 2022","Behold, the #FOMOgraph of $AMD! Fear of missing out (FOMO) is worrying a stock's price will only move up and never be this cheap again. The white areas show when this was actually the case. In conclusion, don't #FOMO. You'll be wrong most of the time. #stockmarket #investing " +"Wed Apr 06 08:14:46 +0000 2022","When the price of #AAPL dropped below 200 Days Moving Avg (pink line), it was a potential buy opportunity as #Apple #stock tends to be above its 200D MA. 20D MA (white line) is just crossing 50D MA (yellow line) now. RSI and MACD looks good as well. #StockMarket #StocksInFocus " +"Mon Apr 11 12:12:54 +0000 2022","Stock Market Live: Stocks MUST Hold This Level! Watch -- > Today's stock market live focuses on the key levels the SP 500 price action (SPY ETF) must hold to avoid the signs of a stock market crash. #StocksToTrade #StockMarket " +"Sun Apr 03 20:05:49 +0000 2022","I am expecting #Amazon to be more than a doubler by FY 2025 ! After a wonderful run up stock price is sideways, the next upmove may settle it to another level, may be above 4500-5000. No recommendation, only a thought ! $Amzn , #Amzn , #Amazonprime #NASDAQ #StockMarket " +"Thu Apr 28 17:45:16 +0000 2022","Trade Alert: $NDX Nasdaq : Technical Analysis Price Hit support for expected Bullish Trend. Nasdaq surge over 3.2% today. #StockMarket #stocks #StocksInFocus #stock #stockstowatch #StocksToTrade #investing #invest #investors #investments #DayTrading #SwingTrading " +"Mon Apr 25 17:18:07 +0000 2022","Argus analyst Bill Selesky reaffirmed his BUY in $TSLA stock. Any price below $1000 to $1,000 is a buy opportunity #investing #StockMarket" +"Thu Apr 21 15:24:10 +0000 2022","@TicTocTick Bullish but FB has been shot, Netflix shot, only 20% of the nasdaq is above the 200sma Daily. Lol just a matter of time until apple gets shot. When it does " +"Thu Apr 07 11:04:49 +0000 2022","Do not focus just on patterns and indicators. Try to pay more attention to price movement 💪 #priceaction #Trade #stock $QQQ #Nasdaq #trading #StockMarket " +"Fri Apr 29 19:32:46 +0000 2022","$NVDA back to the price I bought it at stock split day. Brutal market #StockMarket" +"Thu Apr 28 16:53:35 +0000 2022","This split will drastically reduce the price of GOOG and GOOGL; recently, the stock traded at over $3K. The 20-to-1 split will ultimately reduce share prices to a much more palatable $140." +"Fri Apr 01 21:23:45 +0000 2022","$AMZN Inc. Our predictive algorithm is forecasting that this stock price has an undetermined short term setup and has a neutral long term outlook #Investing #StockMarket #business" +"Wed Apr 20 10:11:56 +0000 2022","#NFLX plunges #roku will crack n drop below 100. Other #stocks like #snow #docu experienced slowdown in q4 will see same fate as #netflix in q1 with massive stock price drops. #StockMarket" +"Sat Apr 30 13:32:05 +0000 2022","📈 AAPL Stock Price Rises on Buyback, Dividend Boost 📉 By @CraftyFin #forex #StockMarket #investing #crypto #trading #news #stocks " +"Fri Apr 08 20:12:04 +0000 2022","#Tesla Is Like Getting 3 Companies for the Price of One Many analysts are bullish on $TSLA However, Morgan Stanley makes a highly bullish case. $MS sees Tesla as a play not just on the -EV sector but also -tech and -renewable energy applications and -Lithium Mining soon" +"Tue Apr 26 13:31:17 +0000 2022","#Meta reports its Q1 #earnings tomorrow after Wall Street close. Can a solid performance put a floor to the #stock price collapse? Find more info in our latest earnings preview -> #XM #XM_COM #XMStockNews " +"Mon Apr 11 15:10:49 +0000 2022","Spy may find Institutional buying around the 441.50 price level - #SPY #Stockmarket" +"Sat Apr 23 03:16:55 +0000 2022","$NVDA earnings justify a price of $20-$22. They make chips for AI so could allow inflated multiple w/ price $50-$55. Great company & products. When I upgrade my pc in 10 years don’t know if I’ll get AMD’s or theirs though. Hmm.🤔 #stock #market #StockMarket #StocksToTrade" +"Sun Apr 17 19:06:23 +0000 2022","$AMZN is at a big backtest of previous trend just as $AAPL. Pair this with the supports that $MSFT and $GOOGL are coming into. Its hard to think that all these names do not bounce. If they do not. LOOK OUT $SPY $SPX $ES $ES_F " +"Fri Apr 01 14:53:03 +0000 2022","Read Needham & Company LLC Cuts nCino (NASDAQ:NCNO) Price Target to $60.00 at ETF Daily News $NCNO #StockMarket #news #stocks" +"Thu Apr 28 11:57:46 +0000 2022","$NQ_F $QQQ Nasdaq rallying on $FB & $QCOM earnings reactions, looked above last week's low in premarket, then remembered that $AAPL & $AMZN will report earnings tonight: " +"Thu Apr 14 16:27:40 +0000 2022","$AAPL and $AMZN short entries at their 20-dema and 50-dma, respectively. $GOOG and $MSFT can't get out of No-Man's Land. I see no reason why anyone would need to be long any of these turkeys. #EatMyShorts " +"Sat Apr 30 00:35:54 +0000 2022","$QQQ potentially worth noting the number of Nasdaq stocks making new lows fell by over 200 today and is showing a divergence with price on a longer term basis. The weight of FAANG clearly brought things down today. " +"Sat Apr 23 20:18:31 +0000 2022","Closing chart: FAANGM - ytd perform' $AAPL -8.8% $AMZN -13.4% $GOOGL -17.4% $MSFT -18.3% $FB -45.3% $NFLX -64.2% -- Five of those have earnings next week. We're gonna need more 🍿 @petenajarian " +"Mon Apr 25 10:37:26 +0000 2022","#goodmorning #Monday stocks ⬇️⬇️⬇️ again right now China ⬇️ 5% oil ⬇️ #covid . 160earnings: $AAPL $AMZN $FB $googl $MSFT - #friday worst March2020 Dow⬇️over 1000 points . At close #Sp500 ⬇️ 2 % . DEAL NEWS watch #TWTR #Elonmusk #Bbby #RyanCohen #BuyBuyBaby @TDANetwork @NYSE" +"Wed Apr 20 18:22:38 +0000 2022","Here are the updated monthly charts on $MSFT, $AMZN, $GOOG, & $APPL. - MACD crossed over negative on 3 of the 4 so far, 1 could be lagging timewise. #stocks #crypto #bitcoin #TheIndicator " +"Fri Apr 01 15:49:30 +0000 2022","$GOOG's price moved above its 50-day Moving Average on March 18, 2022. View odds for this and other indicators: #Alphabet #stockmarket #stock " +"Mon Apr 25 02:33:34 +0000 2022","VNKUMAR MARKET VIEWS - 04/25 I will be sharing more tomorrow, once market opens. Let's make some 💰💰💰💵💸🔥🔥🔥🔥 $SPY $QQQ $IWM $AAPL $AMZN $AMD $FB $SQ $NVDA $BABA Please ❤️ and retweet for more 🔥 " +"Mon Apr 25 02:26:49 +0000 2022","New Lows in FANG+ relative to S&P 500... now are we going to see a continuation to the 1.10 level? $FB $AAPL $AMZN $NFLX $GOOGL $MSFT $BABA $NVDA $BIDU $TSLA / $SPY " +"Fri Apr 01 10:23:02 +0000 2022","How does this make you feel? $MMAT price exceeded its 50-day Moving Average. #MetaMaterials #stockmarket #stock " +"Thu Apr 14 16:19:53 +0000 2022","Not looking great as $SPY and $QQQ found sellers at the declining 5 day SMA, are both below the WTD VWAP and SPY about to lose ⚓️VWAP from yesterday low " +"Fri Apr 29 00:04:02 +0000 2022","$AAPL back to where it was at today’s open. $AMZN back to where it closed two days ago. Nothing to see here. Remember that half of trading is psychological so remember what happens next.. $SPY $QQQ $SPX" +"Tue Apr 26 21:00:31 +0000 2022","Interesting options flow in SPY/QQQ today which registered as very positive delta. Opposing this was material negative delta flow in high beta large cap AAPL, MSFT, TSLA, MSFT, NFLX seems like NFLX opened the second leg down for many tech names. ARKK -6.75% today, 2 yr lows " +"Fri Apr 29 00:15:39 +0000 2022","People on here tweeting from their $AAPL iPhones 📱 and ordering their next $AMZN 📦 while discussing both names to tank tomorrow 😂. Crazy times in the market $QQQ " +"Wed Apr 20 12:49:57 +0000 2022","Key tells watching...65min QQQ 247.50-249 area...gap/10/20ema and SMH 248 area. The lows in QQQ is still the old weekly high. If QQQ can get above these levels first resistance that 356.78 to 360ish gap. Nice reaction to NFLX report and gap now does it hold it follow through? " +"Fri Apr 15 01:07:18 +0000 2022","JOIN US AND TRADE OUR POWERFUL WATCHLIST $amd $fb $msft $ba $nvda $aapl $twtr $shop $cost $hd 🚨SMALL GAINS ADDS UP🚨 Join a service that shows the actual ENTRIES & EXITS not the PEAK $nflx $amzn $tsla JOIN & TRADE OUR POWERFUL WATCHLIST " +"Thu Apr 28 22:29:57 +0000 2022","#Futures open 🔻🔻🔻 $SPY $QQQ ▪️End of month fund flows tomorrow ▪️Major FOMC meeting coming up next week, not sure how many will want to hold through this weekend ▪️Big tech earnings are now done " +"Mon Apr 25 13:23:42 +0000 2022","Just a reminder on how big this weeks earnings will play the in the market $AAPL is 5.9% of $SPY $MSFT is 5.6% of $SPY $AMZN is 4.05% of $SPY $FB is 2.29% of $SPY $GOOGL is 2.02% of $SPY $GOOG is 1.96% of $SPY Grand total of 21.82% of $SPY holdings reports this week " +"Wed Apr 20 00:58:11 +0000 2022","$SPY DD👨‍🚀 • Nice recovery from lows today by SPY but $NFLX earnings reaction may make bulls wary⚠️ • If SPY fails to hold above 440 expect 436 to be tested…a CLOSE under 436 and 430 can print🐻 • If SPY holds above 445 expect 450…450 is a BIG level🚀 • Flow @unusual_whales " +"Sun Apr 24 18:34:37 +0000 2022","Happy Sunday ☀️ I’m watching: $SPY $QQQ $VIX $TSLA $AAPL $INTC $AMZN $TWTR $BA $GOOGL $JBLU + $SAVE $MSFT $UPWK $ROKU $HOOD $DPZ" +"Thu Apr 28 02:22:40 +0000 2022","$SPY DD👨‍🚀 • Nice earnings reactions from $FB & $MSFT providing much needed good news for SPY📰 • If $SPY can hold above 420 expect 428-430 to be tested…a close over 430 and 440 can print🚀 • If $SPY fails to hold above 417 expect 413 to be tested🐻 • Flow @unusual_whales " +"Fri Apr 29 13:14:28 +0000 2022","$SPY DD👨‍🚀 • Bad quarter from $AMZN and no guidance from $AAPL pushing $SPY lower📉 • If $SPY reclaims 425 expect 430 to be tested…a CLOSE over 430 and 440 can print🚀 • If $SPY fails 420 expect 415 then 413 to be tested…a CLOSE under 413 expect 405🐻 • Flow @unusual_whales " +"Sun Apr 24 16:09:12 +0000 2022","MASSIVE earnings coming which will set the course for the market the next few weeks or months. If $MSFT & $GOOGL can set the tone Tuesday with good quarters it can trigger a rally into $AAPL & $AMZN earnings on Thursday If 3/4 of them can deliver on earnings... $SPY to 469 " +"Tue Apr 19 14:25:00 +0000 2022","💡SQUEEZE-SWEEPERS ACTIVE OFF THE OPEN IN MANY OF THE OUT OF FAVOR TECH & SPECULATIVE PARTS OF THE MARKET .. ALL IN SHORT-TERM STRIKES AHEAD OF EARNINGS .. $AAPL $AMZN $NVDA $ATER $BTC $NTNX $MSFT " +"Sat Apr 30 14:21:19 +0000 2022","$MSFT along with $AAPL slowly nearing March lows #IBDPartner - As i explain in yesterday's Technical note- Breaks of March lows by $MSFT, $AAPL would make life difficult for $SPX, $QQQ and these are 12% of SPX @MarketSmith @IBDinvestors -Those are 270, 150 respectively- Happy Sat " +"Tue Apr 19 17:14:05 +0000 2022","$NVDA and $AMZN giving $TSLA a run for its money for top call premium paid so far today. Lots of puts being bought on $SPY, $QQQ, and $IWM. I imagine the ETF put buying represents hedging. " +"Fri Apr 22 02:41:26 +0000 2022","$SPY DD👨‍🚀 • SPY reject right at 450 level largely caused by $NFLX flop if market is to recover watch for $AAPL $MSFT to lead❤️‍🩹 • If SPY can reclaim 440 expect 444 to be tested…a CLOSE over 444 and 450 can print🚀 • If SPY fails 430 watch out for 420🐻 • Flow @unusual_whales " +"Fri Apr 29 00:53:13 +0000 2022","Global-Market Insights 1/1 -The US markets futures fell and Asia markets expected to be muted -The US market rally fizzled in after-hours trading as Amazon and Apple fell on weak earnings & guidance -Dow +614 (1.85%) to 33916 -S&P +103 (2.47%) to 4287 -Nasdaq +383 (3%) to 12872" +"Mon Apr 25 15:56:20 +0000 2022","Reason for $SPY this week rather than specific ticker is due to a lot of earnings this week plus high premium • $AAPL $MSFT $AMZN $FB $GOOGL all in $SPY 👀" +"Sun Apr 24 13:15:00 +0000 2022","🇺🇸EARNINGS THIS WEEK: -APPLE -MICROSOFT -AMAZON -ALPHABET -META PLATFORMS -TWITTER -INTEL -ROBINHOOD -PAYPAL -VISA -MASTERCARD -EXXON MOBIL -CHEVRON -MCDONALD’S -CHIPOTLE -DOMINO’S PIZZA -COCA COLA -PEPSICO -FORD MOTOR -GM -UPS -BOEING -CATERPILLAR -GENERAL ELECTRIC -3M $SPY " +"Sun Apr 24 13:01:24 +0000 2022","Massive Earnings this coming week $FB $AAPL $MSFT $AMZN $PYPL $GOOGL $KO $UPS $ATVI $TWTR $XOM $BA $F $GE $SPOT $PEP $ROKU $MMM $CVX $QCOM $VLO $RTX $CL $INTC $JBLU $V $WM $CAT $NOK $LUV $GM $DHI $HOOD $ENPH $CVE $MA $ABBV $OTIS $PHG $CMG $MCD $MRK $DORM $X $ADM " +"Wed Apr 13 12:46:04 +0000 2022","Big declines for the mega-caps over the last week has left them all down 5%+ YTD and only Tesla $TSLA remains above its 50-DMA. $NVDA $GOOG and $MSFT back to oversold. Has had a huge impact on the major indices. " +"Tue Apr 26 21:22:01 +0000 2022","FAANG stocks from 1/3/22 to today's closing: $FB/Meta📉 -47% $AMZN 📉 -18% $AAPL 📉 -14% $NFLX 📉 -67% $GOOG 📉 -18% === $TSLA 📉 -27% === $ARKK 📉 -48% #BillAckman 📉 $430M in less than 4mths (wen they're not so perfect) Q: Which one will have a further downside📉? NFA.🧐🥶🥹" +"Tue Apr 26 20:08:09 +0000 2022","TXN - more proof Semi cycle is done going up. -8% $SMH on way to $207 to start. $QQQ hit $314.86 PT on way to 312 then $303.50, $GOOGL FALLING HARD $MSFT FALLING HARDER" +"Thu Apr 28 18:30:47 +0000 2022","Bounce in the market. The weakest stocks are the strongest today. We will see if they can hold up. All eyes are on $AAPL and $AMZN. The market is still in a down trend. " +"Tue Apr 26 18:23:56 +0000 2022","fyi🚨we are at a massive support level right now on the nasdaq so if $msft or $googl take a shit tonight during earnings we are super fucked. just so you know😘😘plan accordingly🤍i have $sqqq calls if you follow along you know i’ve been preaching $sqqq for a long time " +"Fri Apr 22 17:42:10 +0000 2022","The white arrow is where the ""gurus"" started posting that the market has bottomed and tech earnings were going to be good. $QQQ $TQQQ Do your own homework #study " +"Fri Apr 29 18:05:44 +0000 2022","$AMZN Keeps making lower on that relative Weakness mentioned earlier. Also that 2600 level was key to downside $VIX trending higher $TSLA 🔻will take loss on last leg under 890 had good bounce trade earlier off 900 to 917 earlier, scratch for the day #updates" +"Sun Apr 24 21:16:33 +0000 2022","Could be a crazy week in the markets with so many of the large companies reporting earnings this coming week • Tuesday: Google, Microsoft, Visa • Wednesday: Meta • Thursday: Apple, Amazon" +"Tue Apr 12 17:35:39 +0000 2022","$SPY #sectors Consumer discretionary doing better today Not many trades today, $TSLA was nice early; waiting for 1K breakout and $NVDA $AMD Reversal VIX hanging around so , sideways action right now " +"Wed Apr 27 07:24:16 +0000 2022","You do not mean revert an index $SPX $NDX $SPY $QQQ when earnings miss for a major constituent like $GOOGL The tech rout is just starting we have $FB today and $AAPL & $AMZN tomorrow More blood will be shed" +"Sat Apr 23 19:59:01 +0000 2022","💥BIG WEEK OF Q1 EARNINGS AHEAD 👀👀 *Mon: $KO *Tues: $MSFT $GOOGL $V *Wed: $FB $PYPL $PINS $SPOT $BA *Thurs: $AAPL $AMZN $TWTR $HOOD $ROKU $INTC $MCD $CAT $MA *Fri: $XOM $CVX $DIA $SPY $QQQ $IWM $VIX " +"Tue Apr 26 22:16:06 +0000 2022","-Nasdaq hit 52-week low after falling 3.95%. -A top Russian official says threat of nuclear war real. -#Oil rose 3% back over $101 -Tesla $TSLA shares fell 12.2% as Musk looks to close his $44b purchase of Twitter $TWTR. -Alphabet $GOOG announces $70b buyback & weak earnings" +"Sun Apr 24 12:53:29 +0000 2022","Happy Sunday! *Here Are My #Top5ThingsToKnowThisWeek: - $AAPL $MSFT $AMZN $GOOGL $FB Earnings - $TWTR $INTC $HOOD $V $MA Also Report - $BA $CAT $MCD $GM $GE $XOM $CVX Results - U.S. Inflation Data - U.S. Q1 GDP *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Sun Apr 03 21:53:43 +0000 2022","$TSLA $NVDA $GOOGL $AAPL The big cap Nasdaq leaders are setting up in bases. The index is not going to run without its big dogs... earnings season is upon us... " +"Mon Apr 25 21:07:56 +0000 2022","Tomorrow after the market closes $MSFT $GOOG $V all report $FB on Wednesday and $AAPL $AMZN $INTC $MC $MCD on Thursday. That is about 40% (weighted) on the $QQQ ...." +"Thu Apr 28 14:01:05 +0000 2022","Obviously, $AMZN & $APPL are on deck after the close. I'm not sure if the markets will do a whole lot more ahead of these mega-cap reports. I'm watching the charts for clues. Anything I see I will post here. $SPY $QQQ $DIA $IWM #stocks" +"Sun Apr 10 17:43:11 +0000 2022","$PANW $AAPL $TSLA $FTNT I am keeping an eye on these tech stocks. Their earnings reports are due shortly.... as long as they are above their 50sma with rising moving averages I will not take my eye off of them.... " +"Tue Apr 19 15:50:52 +0000 2022","OH MA GOSH....You all banking on QQQ and/or SPY today??? Have boatish things to do and haven't traded but just took a peek at the markets and SPX is up almost $60. Dang missing a huge one. Hope you are all cashing in big! ❤️❤️❤️" +"Thu Apr 28 23:53:43 +0000 2022","$AAPL is the last Tech stock trading above the 200dma it just got shot AH today. $TSLA $AAPL are the only 2 I believe are above the 50 week ma. The generals are starting to get shot." +"Sat Apr 16 13:07:06 +0000 2022","GOOD LORD...Earnings Season upon us This week notables: $NFLX $TSLA Following week: $MSFT $GOOG $AMZN $AAPL $TWTR $FB OH MY. PLACE YOUR BETS. " +"Wed Apr 27 11:58:50 +0000 2022","On AH big tech earnings, you can play SPY QQQ until 4:15 EST. When ER is announced, SPY QQQ react. Easy way to add some green to your account 😊" +"Fri Apr 29 08:08:17 +0000 2022","FANG+ Constituents: $AAPL 160.86 -1.67% $AMZN 2649.95 -8.4% $BABA 103.75 +14.17% $BIDU 131.8 +9.21% $FB 205.42 -0.12% $GOOG 2386.12 -0.23% $NFLX 197.85 -0.77% $NVDA 195.13 -1.46% $TSLA 903.25 +2.9% $MSFT 290.62 +0.28% $TWTR 49.17 -0.02%" +"Wed Apr 27 21:56:25 +0000 2022","FANG+ Constituents: $AAPL 159.05 +1.47% $AMZN 2836.56 +1.76% $BABA 89.43 +6.41% $BIDU 119.25 +6.32% $FB 207.77 +14.82% $GOOG 2335.51 -2.26% $NFLX 191.25 -3.63% $NVDA 188.29 +0.22% $TSLA 891.58 +1.74% $MSFT 286.28 +5.93% $TWTR 48.91 -1.57%" +"Wed Apr 27 19:16:07 +0000 2022","@KobeissiLetter Apple. You have to look at weights index. So Apple, MSFT, and Tesla have been holding up index. It still has sold off pretty well? But majority of Nasdaq stocks are down over 50% since Feb 21. Worst damage occurred last year. Slow bleed there so Mega tech are now getting hit" +"Sat Apr 16 03:11:35 +0000 2022","If you are trading US markets, just focus on these 4 stocks/Index Options and make price action and volume your friend. $AAPL $TSLA $SPY $QQQ You will nevet feel a need to look for anything else." +"Thu Apr 28 00:12:03 +0000 2022","Easiest way to learn price action is to pull up $QQQ $SPY $VIX $IWM $AAPL $MSFT $FB $TSLA $NVDA and other high beta names and just sit & observe. How price correlates with each other, certain levels, certain times of the day, week. Patterns are in price also. It takes time 😀" +"Thu Apr 14 15:39:35 +0000 2022","$SPY $QQQ $AAPl $MSFT $GOOGL $AMZN $FB $NVDA $TSLA unless we rally a lot higher in the next 2 hours, we're going to see some ugly 4H reversals on all the leaders" +"Tue Apr 26 19:26:12 +0000 2022","EARNINGS TODAY AFTER HOURS: $MSFT $GOOGL $GOOG $GM $CMG $V $ENPH $TXN $QS $COF $FFIV $SKX $CNI $BYD $TX $MDLZ $JNPR $EXAS" +"Tue Apr 12 00:15:07 +0000 2022","Market conditions forcing more defensive action. QQQ's which include aapl, googl, nvda, tsla, amzn are all sells. Only 15% invested. There WILL be a terrific opportunity when the low is in; I mean a multi-year run with huge returns. Incrementally try again on follow through days" +"Tue Apr 26 13:20:51 +0000 2022","Many names have already went thru their dot com style crash. Those that haven’t decide the fate of the market this year. $AAPL $MSFT $GOOG $AMZN $TSLA. Some or all of these eventually having $FB $NFLX style sell is what can sink $SPY <400." +"Sun Apr 24 05:22:13 +0000 2022","Not surprising NASDAQ is -18.11% YTD - Look at some stocks! - AMAZON -15.29%, APPLE -11.11%, ALPHABET -17.49%, LAM RESEARCH -34.94%, META -45.62%, SNAP -36.12%, NETFLIX -63.92%, MICROSOFT -18.14%, INTEL -12.54%, BOSTON SCIENTIFIC +1.08%, TWITTER +14.70%, HWP -5.75%, EBAY -20.40%" +"Thu Apr 14 19:46:53 +0000 2022","What's happening to $MSFT $AAPL and $NVDA in this current correction, is very different then mkts over the past few years in weak overall periods. This action has been more source of funds type and doesnt bode well for a bounce anytime soon. Tech is still a SS or take trades." +"Fri Apr 29 11:30:57 +0000 2022","Tech earnings this week were strong/massively better than feared. China shutdowns a known variable that will impact Apple, Tesla other semi food chain names-NOT demand driven. Enterprise, cloud, cyber security strong while WFH/e-commerce names weak. Have/Have Nots in tech sector" +"Fri Apr 08 19:19:27 +0000 2022","Taking off, Some free alpha this week $PINS & $TSLA Monday 🚀 🐻 Semi’s Continuation $WMT cashed runners $TSLA short >1150 produced >125 point sell. $GILD 🚀 $ABNB 🐻 ❤️ if u benefited from at least 1 🙏🏻" +"Tue Apr 26 14:09:56 +0000 2022","$QQQ already taking out yesterdays lows. When the index that has the strongest bounce rolls over first that's pretty much a text book 'dead cat.' Right now we have big earnings from $msft, $googl, $amzn, $fb, $aapl so will probably be volatile." +"Thu Apr 28 17:47:37 +0000 2022","Question is: Between now and Monday, does the market keep ripping? ATR for $SPY was basically exhausted today. I expect $AAPL to beat, $AMZN to miss. Going to be really interesting on how this plays out. I'm shorting this pop." +"Tue Apr 26 05:10:41 +0000 2022","So I see futures are up but it doesn’t matter. Big tech earnings and guidance will dictate where the market goes this week. AAPL MSFT GOOGL AMZN With the Fed in their blackout period prior to next weeks FOMC meeting I don’t expect rates to do too much until then" +"Tue Apr 19 15:32:34 +0000 2022","Just remember that in AH's tonight, all the tech stocks will rise or fall based on $NFLX earnings as they set the tone for earnings season in the big tech space. $TSLA" +"Mon Apr 25 00:41:25 +0000 2022","Sunday night update: Equity futures down (SPX -0.5%, NDX -0.5%) as traders weighed more Fed tightening against a full slate of corp earnings this week (Tues - MSFT, GOOG; Wed - FB; Thurs - TWTR, AMZN, AAPL). 1Q GDP Thurs 1.0%E. Expect more $TWTR @elonmusk discussions this week." +"Mon Apr 25 12:44:14 +0000 2022","I don’t even think $QQQ waits until Tuesday to go green tbh. - $MSFT is STRONG (gaming & more) - $GOOG is STRONGER (YouTube 🔥) - $TSLA is on magic day 3 from destroying WS expectations - $AAPL has endless demand and supply chains are shrinking - should beat - $AMZN ! @awscloud" +"Mon Apr 25 21:22:07 +0000 2022","It's possible these two ""make"" numbers (though there's risk with MSFT's exposure to a sinking PC market), leading to a QQQ rally that then is undermined by AAPL and/or AMZN on Thurs. Personally, I'd prefer latter scenario. Suck buy-the-dippers in & then slaughter them." +"Thu Apr 21 13:58:32 +0000 2022","$QQQ Nasdaq weaker vs $SPY Names as VIX sticking with 20 level $TSLA Needs to break 1092 for next leg now but under Nasdaq Pressure $AMD $NVDA Pop/Drop at open $NFLX Heavy" +"Fri Apr 22 18:16:39 +0000 2022","AAPL - 500 @ 163's NVDA - 500 @ 197's TSLA - 1,000 @ 1002 FB - 400 @ 184's NFLX - 500 @ 211's GOOG - 50 @ 2387 CRM - 300 @ 171's HD - 300 @ 302's BA - 500 @ 177's WYNN - 500 @ 73's SHOP - 200 @ 457's CMG - 100 @ 1488's COIN - 500 @ 132's" +"Tue Apr 19 20:17:24 +0000 2022","$NFLX sucked all the life of the tech rally. Nasdaq already gave back half its gains in 5 minutes AH . Last hope is $ASML tonight. If that is bad, tomorrow will be a blood bath.🩸" +"Mon Apr 04 19:55:57 +0000 2022","Nice low volume grind day today. And 1/2 way through the AM TOS finally started to work right! $SQ $TWTR $FB $TSLA $AAPL Some tech names lead as the $QQQ closing right at the 200D. $CRWD continues to be on watch! HAGN!" +"Thu Apr 28 20:38:20 +0000 2022","What a day, missed the big move at lunch. but redeemed myself on $AAPL AH's. $AAPL good report.. $AMZN $INTC bad.... PCE in the AM going to be interesting. Night all NFL Draft time!" +"Thu Apr 28 16:27:09 +0000 2022","$SPX reclaimed 4223.. if there's a positive reaction to $AAPL $AMZN earnings.. SPX can move back to 4300 tomorrow $TSLA up 30 from the lows, above 851 can pop another 25-30 pts $NVDA to 200 possible if it runs again tomorrow" +"Wed Apr 20 19:22:26 +0000 2022","⚡️Insiders; - You should have a leg up in understanding what's happening with the $SPY & $QQQ . Right down to ""how"" its happening. - We will likely be trading an earnings report this week. Stay tuned for evening mailouts. Considering a few! 🔥" +"Thu Apr 28 14:08:03 +0000 2022","New bears now need to be a bit careful today around these 87/90 prints now 92 I think in anticipation of $aapl $amzn , $spy may be range bound I won’t be bear so close to this 87 now #ES_F $SPX $NDX $SPY $QQQ" +"Thu Apr 28 18:54:39 +0000 2022","Not sure why $AAPL is seen as the mean read for the market other than market cap. $AMZN has always been the read through to me as its is a conglomerate. AWS for cloud and software, Retail for e-commerce, Ads for ads." +"Mon Apr 25 20:03:50 +0000 2022","And Monday in the books. Oversold rally, nice hammer Candles on $SPY $QQQ many names. Does it hold? Huge earnings start in the am.. $TWTR going private Grats @elonmusk $54.20 a share" +"Thu Apr 28 18:19:30 +0000 2022","$AAPL already up 4.5% $AMZN already up 5% $SPY already up 10% • Make sure to book profits before earnings IV crush will be intense if we open flat ⚠️" +"Thu Apr 21 16:24:17 +0000 2022","Market looks vulnerable right now. Huge gap fill today on $QQQ after 50 day rejection. $TSLA also filling in gap. It's a bad sign when $TSLA can't rally on good earnings. Big cap tech looks precarious and is the only thing holding up market right now. Please exercise ⚠️ caution!" +"Mon May 23 12:01:00 +0000 2022","#NVDIA $NVDA - EARNINGS ALERT - out this week, price down -50% from Nov'21, #semiconductor #tech sectors struggling. Where next for the stock price? I take a look in #ChartOfTheDay: #stocks #StockMarket #trading " +"Thu May 26 16:21:45 +0000 2022","It is a glorious day ladies & gents My cost: .35 Asking price: 1.10 😁 $NVDA #Stock #StockMarket #stocks #stockoptions #optiontrading But more importantly #OptionCoach " +"Thu May 19 02:01:56 +0000 2022","#TCS #niftyit Stock in range. Break below the lower range can lead the price to lower levels till 3286 because 20 EMA support on monthly chart is present there. Keep on radar. #StockMarket #trading #investing #Watchlist #DowJones #NASDAQ " +"Tue May 24 21:29:05 +0000 2022","AI Predicted Price for $TSLA on 5-31-2022 is $822 🤔 Do you think the AI is right?? #stock #prediction $TSLA #tesla #StockMarket " +"Wed May 18 17:43:45 +0000 2022","#fintwit #fintech #RETWEEET #StockMarket Power of The Cloud! $QQQ is a Clouded Stock. A checklist: -Price is below cloud. -Cloud is red, not blue -Price is below 9 & 26 period (PD) lines. -9 PD < 26 PD. -Chikou isn't ""free"" (above price)... WHAT DOES THIS MEAN? Check it out👇 " +"Tue May 17 12:43:01 +0000 2022",".@KessInvesting shared their price target for SPDR S&P 500 ETF Trust $SPY, will reach $430 within 2 weeks. #stock #stockmarket " +"Wed May 25 08:18:07 +0000 2022","$SPY There is a chance that the correction will soon be over But don't rush, you won't get the best price because this is a market maker's thing . $spy $qqq $stock $Option #flow $TSLA #Elliottwave #Elliottwave $SPX #StockMarket " +"Fri May 06 19:43:53 +0000 2022","$AMZN Will at least hit $200 a share when it splits, and that’s a $4000 pre-split stock price — load the boat 🛥 #StockMarket #StocksToBuy" +"Wed May 25 13:10:45 +0000 2022","Apple, Inc. (AAPL) closed at $140.36 today. Stock price has gone down by 1.92% ($2.75) since previous close value of $143.11 #Stocks #Stockmarket #Equity #Apple" +"Fri May 27 02:24:15 +0000 2022","AI Predicted Price for $AAPL for 6-2-2022 is $135 🔮 Do you think the AI is right?? 📈🐂 prediction date 5-26-2022 #stock #prediction $AAPL #aapl #StockMarket @IoCuanto " +"Tue May 24 18:14:15 +0000 2022","Average price of a new home in the US... 2012: 288k 2013: 337k 2104: 325k 2015: 340k 2016: 369k 2017: 366k 2018: 385k 2019: 385k 2020: 360k 2021: 435k (+21% YoY) 2022: 570k (+31% YoY) #NASDAQ #StockMarket" +"Fri May 20 09:32:26 +0000 2022","#Tesla's stock price dropped 6.8% after being kicked out of the S&P 500 ESG index yesterday. #TSLA @elonmusk #StockMarket" +"Wed May 11 19:46:48 +0000 2022","The Tesla stock price reflects the sentiment of people with less conviction and less knowledge than you. It doesn’t reflect where Tesla is today and where it is going to be in 6-12 months from now. Hang in there! #Tesla $TSLA #stockmarket" +"Thu May 26 15:23:05 +0000 2022","I dont know what to say anymore about $TSLA - maybe trading isnt for me - everything I knew to follow on TA has been invalidated heavily - all price action everything just out the drain - so im gonna go cry for a bit #stock #tsla #stockmarket #OptionsTrading" +"Thu May 19 08:13:34 +0000 2022","Get ready to witness with your own eyes the $AMZN stock price above $4k from now on. #investing #stockmarket #amazon #stocks #timefornewhighs" +"Tue May 17 13:58:38 +0000 2022","$TSLA $500 @ $747.53 BOUGHT Risk :5 SHORT TERM: 1-3 months Goal: $200-$300 gain Not necessarily a safe stock but the current price is low enough that the gain outweighs the risk #StockMarket #investing #StocksToBuy" +"Mon May 02 08:28:14 +0000 2022"," ( #BKNG ) #Stock : $3,210 Price #Target And Strong Buy Rating - #StockMarket #Stocks #stockstowatch #StocksInFocus #Money #Finance #Business " +"Tue May 31 21:26:22 +0000 2022","First AI Prediction results! 🤖 $TSLA was at $628 after a massive drop, and the AI predicted a price of $822. Tesla's stock closed at $758.26 today (5-31-2022) ~91% AI Accuracy!! Time to learn & predict more #StockMarket #Prediction @IoCuanto" +"Fri May 13 12:38:13 +0000 2022","Good morning! ☕️ $SPY / $SPX + $VIX is all I need today. I'm watching $AAPL as well because I have a nice chunk of calls from yesterday. 💸 Watching for VIX downside continuation. " +"Wed May 25 04:09:59 +0000 2022","$SPY Market update - market has less liquidity but feels like market wants to push it up to test the resistance b4 it goes down next month. Well we will go with market first then we go behind for intra day. $qqq $spx $tsla $amzn $nvda " +"Sun May 22 20:05:48 +0000 2022","AAPL needs to hold 138 for spy to keep bouncing imo TSM looks good, nvda er this week...a forgotten beast IMO. PFE relative strength last week/Monkey poxx ...watch sector to keep ramping SQ consolidating nicely, decent vol accumulation, Investor day last week. " +"Tue May 03 03:04:08 +0000 2022","Market Analysis & Discussion for 05.03.22 $ES $SPY $QQQ $AAPL $AMD $AMZN $BA $BABA $IWM $CAT $FB $GOOG $SHOP $MA $MSFT $ROKU $NVDA $PYPL $OXY $SQ $TSLA Watch it " +"Tue May 17 03:20:41 +0000 2022","Market Analysis & Discussion for 05.17.22 $ES $SPY $QQQ $AAPL $AFRM $AMD $AMZN $BABA $FB $FDX $GOOG $MSFT $NFLX $NVDA $ROKU $SHOP $SQ $TSLA Watch it " +"Thu May 05 03:00:35 +0000 2022","Market Analysis & Discussion for 05.05.22 $ES $SPY $QQQ $AAPL $AMD $AMZN $BA $BABA $IWM $CAT $FB $GOOG $SHOP $CRM $MSFT $ROKU $NVDA $PYPL $OXY $SQ $TSLA Watch it " +"Wed May 11 03:44:06 +0000 2022","Market Analysis & Discussion for 05.11.22 $ES $SPY $NQ $QQQ $AAPL $AMD $AMZN $BA $CAT $CRM $DIS $FB $FDX $GOOG $MSFT $NVDA $NFLX $SHOP $TSLA $WMT Watch it " +"Mon May 02 00:19:15 +0000 2022","Market Analysis & Discussion for 05.02.22 $ES $SPY $QQQ $AAPL $AMD $AMZN $BA $BABA $COST $CAT $FB $GOOG $GS $MA $MSFT $NKE $NVDA $PYPL $SNOW $SQ $TSLA Watch it " +"Wed May 04 03:08:50 +0000 2022","Market Analysis & Discussion for 05.04.22 $ES $SPY $QQQ $AAPL $AMD $AMZN $BA $BABA $IWM $CAT $FB $GOOG $SHOP $MA $MSFT $ROKU $NVDA $PYPL $OXY $SQ $TSLA Watch it " +"Sun May 08 23:40:21 +0000 2022","Market Analysis & Discussion for 05.09.22 $ES $SPY $QQQ $AAPL $AMD $AMZN $BA $CAT $CRM $DIS $FB $FDX $GOOG $MSFT $NVDA $OXY $PYPL $ROKU $SHOP $TSLA $UPST Watch it " +"Sun May 15 23:40:13 +0000 2022","Market Analysis 05.16.22 $ES $SPY $QQQ $AAPL $AFRM $AMD $AMZN $BA $BABA $DIS $FB $FDX $GOOG $MSFT $NFLX $NVDA $ROKU $SHOP $SQ $TSLA $TWLO Watch it Mostly want everything to be done by me, i am not learning anything, so i am skeptical to continue. " +"Thu May 05 03:19:56 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 05/05 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY Keep following and show your support! ❤️ Good luck everyone! 💰💰💵💵💸 " +"Mon May 09 02:15:13 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 05/09 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY Keep following and show your support! ❤️ Like and retweet for more ❤️ Good luck everyone! 💰💰💵💵💸 " +"Wed May 11 02:50:18 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 05/11 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Mon May 02 02:55:41 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 05/02 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY Keep following and show your support! ❤️ Good luck everyone! 💰💰💵💵💸 " +"Fri May 20 19:32:05 +0000 2022","Hi Friends 👀 #BEARMARKET TERRITORY so 🙈if we close below SP 3837. -20% off market highs. WHAT TO BUY ? Our guests @EvaAgi @Gradient_Invest both liked some #FAANG names mentioned $AAPL $AMZN $GOOGL $FB in Our chat @TDANetwork #monkeypox whyNow? #Trending #Friday " +"Tue May 31 02:51:49 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 05/31 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Tue May 10 03:10:01 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 05/10 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Fri May 06 00:46:30 +0000 2022","Global-Market Insights 1/2 -Dow drops more than 1,000 points while Nasdaq ends at the lowest level since Nov. 2020 -Technology mega-caps slumped -Alphabet, Apple, Microsoft, Meta Platforms, Tesla, and Amazon all fell between 4.3% and 8.3%" +"Thu May 05 15:27:19 +0000 2022","📊 $SPY & $QQQ Data; I've explained to Insiders what I refer to as ""arching"" days & how that marks volatile, uncertain, conditions as well as weakness Look at the market action (see imgs). This is unprecedented in recent history. All in 4 hours of trading #StockMarket #stocks " +"Thu May 19 23:27:15 +0000 2022","Per @WSJ and @FactSet : ▪️ $MSFT $GOOGL $TSLA $NVDA $NFLX $AMZN $FB $AAPL have contributed -6.8% of $SPX losses ytd ▪️# of $SPX 52w lows Also… ▪️QT hasn’t even started ▪️Still record inflation ▪️Fed still hawkish, rates rising ▪️Consumer debt very high " +"Mon May 09 01:39:16 +0000 2022","$SPY $Sqqq with us coming out below the 5ma on $Spy I would like to think we would want to retest this triple bottom at $405, then proceed to filling the gap. $Sqqq as you can see the next level would be the weekly 48 at 52.76. That’ll be a level of resistance & support on $spy " +"Tue May 24 19:46:06 +0000 2022","$QQQ similar to SPY with a bit of bull RSI divergence forming on daily, it found support today same as Friday, VWAP off Dec. 2018 Tech wreck low (green) " +"Wed May 11 03:49:25 +0000 2022","The 7.5 year uptrend in the $AAPL + $AMZN + $FB + $GOOGL + $MSFT + $NVDA index was pierced to the downside, breaking down from a 2-year topping pattern. " +"Thu May 26 05:49:59 +0000 2022","Good morning and God bless! Reallocate your #FocusBudget to the #NextPlay. $APPL raising US wages 10%. $NVDA cutting sales guidance. $FB warns of losing “significant” amounts of money on the Meta project. Yet S&P 500 earnings estimates still trending higher. Yikes Wall Street. " +"Mon May 09 13:04:39 +0000 2022","Long Watches: $COST, $NVDA, $AMD, $MSFT, $UPST, $AAPL! Short Watches: $MSFT, $ADBE, $SNOW, $NFLX!! Tough environment, looking for a market bounce in the morning...BUT, becareful!" +"Sun May 08 03:53:34 +0000 2022","$TSLA $AAPL only nasdaq stocks yet to hit March lows, the previous mkt bottom. Apple almost there, others including $GOOG $AMZN well below. Tesla despite all the Twitter drama holding well. Mkt clearly rewarding $TSLA for earnings explosion & ability to navigate macros better." +"Sun May 08 16:54:07 +0000 2022","What a long strange trip it's been for $QQQ, which explored both the bottom and top of the cloud, briefly faking a breakout before slipping below both the bottom of the cloud and a key demand area with strong momentum. The tech-heavy ETF has a lot to prove now. Bears are favored. " +"Tue May 31 12:09:19 +0000 2022","Dead cat bounces are a hallmark of Bear Markets. The Nasdaq had 11 of them (>10%) during the Dot Com Bust, averaging a 23% gain over 4 weeks. $AAPL $QQQ $ARKK $TSLA $NVDA " +"Mon May 09 20:45:13 +0000 2022","Cred was a mess tdy: IG/HY cash spreads +7/+33.5; IG CDX +2'ish was ""best performer"". IG cos pulled their deals. Still think $SPY gonna drop at least 20% from highs (that'd = $384), but $355 - 50% retrace of entire post-Covid move- absolutely in play. $QQQ 261-285" +"Fri May 20 18:05:42 +0000 2022","With $AAPL $GOOGL $MSFT $QQQ and $TSLA all making much lower lows this week's, a sharp reflex bounce is never out of the question, but they are all in downtrends here. " +"Wed May 18 00:55:04 +0000 2022","Global-Market Insights 1/n -After strong retail sales in April relieved concerns about slowing economic growth, THe US indices finished significantly higher, boosted by Apple, Tesla, and others despite the Fed warning -Dow +431 to 32655 -S&P +81 to 4089 -Nasdaq +322 to 11984" +"Tue May 24 05:35:44 +0000 2022","$QQQ Daily. #QQQ weaker than $SPY today and likely underperforms tmrw after $SNAP news. Needs to hold 280.21. Failure to hold, next support levels 270, 266 and 260. $NDX $NQ_F $XLK #SPY #Nasdaq $AAPL $MSFT " +"Fri May 27 14:11:02 +0000 2022","Bounces off Mr Trendwatch's Measured Move Targets have been impressive AAPL 132 to 148..... AMXN 2000 to2240 area QQQ 280 to 305..... SPX 3800 to 4114....." +"Mon May 02 19:06:38 +0000 2022","#market #Update VIX found top at 37 for now, now testing 35 $TSLA over 880 and $AMD over 87.5 some key levels Ideally would love to see SPY bounce off 400 but touched 405 today! Using that $VIX level of 37 for rest of the day $NVDA similar look push over 192 if VIX fades " +"Mon May 02 11:46:45 +0000 2022","Fed on Wed so buckle up! $AMD reports this week and testing 85 support, $NVDA 181.50 and $INTC 43 in play. Delivery numbers an expected decline for $NIO and the gang with 15.90 only thing between it and March lows... giddy up! #Trading $HOOD $TSLA $INVZ " +"Tue May 17 21:05:43 +0000 2022","Update on the Nasdaq, S&P 500, Apple, Tesla, AMD, Nvidia, Nio, Paypal, Bitcoin, Amazon, Meta, Pfizer: Tech $SPY $QQQ $AAPL $NVDA $AMD $QCOM $FB Value $PFE $NKE $GDXJ $UAL $PBR $FDX Growth $TSLA $NIO $ENPH $FSLR $TWTR $BTC $ETH $XRP $PYPL $AMZN $SHOP $DDOG " +"Thu May 19 19:28:06 +0000 2022","$AAPL. Need to check my eyes- need eye drops or something but is aapl massively u/p the qqqs today and ARKK lol. What happened to Warren owning it argument today? " +"Fri May 27 19:01:41 +0000 2022","Epic week right so many winners high % gainers. So nuts off SPX 3800 and Qqq 280 then the buys of XRT TGT WMT TWTR then all the rest M SOFI CHPT DVA memes AMC GME call spread. NVDA call spread Wild A week of true wood choppin!!!!! 🪓🪵🥛" +"Tue May 24 20:05:06 +0000 2022","The Nasdaq fell on Tuesday as fears from Snap’s bleak warning spread to other tech names, while the Dow rallied into the close from its lows of the day. The Dow rose 0.16%. The S&P 500 fell 0.80%. The Nasdaq tumbled 2.35%. " +"Thu May 19 10:50:13 +0000 2022","HAPPENING NOW: - Big mega cap tech stocks down big - $AAPL, $MSFT, $GOOGL facing a slide - $AMZN, $TSLA down from record highs - Nasdaq approaches last week's low @TheDomino breaks down this morning's market movers: " +"Fri May 27 03:40:23 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 05/27 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Thu May 26 08:35:06 +0000 2022","FANG+ Constituents: $AAPL 138.62 -1.39% $AMZN 2137.75 +0.02% $BABA 82.84 +0.6% $BIDU 123.83 +4.21% $FB 183.29 -0.17% $GOOG 2115.37 -0.01% $NFLX 186.98 -0.37% $NVDA 160.03 -5.71% $TSLA 654.58 -0.65% $MSFT 262.13 -0.16% $TWTR 38.99 +5.03%" +"Mon May 09 17:48:47 +0000 2022","$SPY $QQQ $AAPL $MSFT $GOOG $AMZN $NVDA $UPST so many blue chip stocks are testing its low and bulls' patience. CPI number is expected to go lower than last month. The darkest hour is right before dawn. Hang in there." +"Thu May 19 00:25:14 +0000 2022","Many stocks have been in a Stage 4. Now we are most likely going to see $AAPL and $MSFT get there, and we will see what that does to the major indices.." +"Mon May 23 16:28:30 +0000 2022","FANG+ Constituents: $AAPL 142.63 +3.66% $AMZN 2123.58 -1.31% $BABA 87.28 +0.55% $BIDU 123.67 -0.62% $FB 196.49 +1.5% $GOOG 2232.82 +2.18% $NFLX 185.84 -0.29% $NVDA 167.33 +0.21% $TSLA 675.37 +1.7% $MSFT 260.95 +3.32% $TWTR 37.92 -0.99%" +"Mon May 09 16:45:19 +0000 2022","With all the major indices continuing their selloff, here’s what Art Cashin is watching in the markets: 1. 10-year above 3.15% 2. $SPX breaks below 4,000 3. $AAPL dips below $150 @CNBC " +"Tue May 03 23:56:03 +0000 2022","Be mindful of dead cat bounce especially in tech over coming weeks. Tech stocks remain in a bear 🐻 market with the Fed removing $1 trillion from the financial system & hiking rates Commodity stocks remain a source of light 💡 with the most earnings growth #MayThe4thBeWithYou" +"Sun May 01 03:17:36 +0000 2022","Not making any prediction or anything like that and could go 100% wrong. But the Nasdaq Index and tech heavyweights have entered a bear market. Get ready for Sipping" +"Thu May 26 12:43:02 +0000 2022","Good morning! ☕️ $VIX - watching 28 and 30 $SPY - watching 395 and 400 $AAPL - 140 is key $NVDA - interesting recovery so far from ER $TSLA - 670 is key $FB - $SNAP-induced gap to 195 👀" +"Sat May 14 13:47:34 +0000 2022","We’re either going to confirm 5 day reclaim on $qqq giving a 2nd day massive rally or we lose the 5 day and go back sell side . Key focus on biggest ATR names for this window of opportunity $amzn $tsla $nvda etc etc. Don’t have to be creative . Nice little gap down is perfect 🤞" +"Thu May 26 18:19:04 +0000 2022","NVDA E sparked the Semis as Instit Investors looked past guidance next qtr.....this is a plus and early sign there may be light at the end of the tunnel. #stocks #qqq #spy $AOSL $AMD $ACLS $SOXL $SITM $ADI" +"Fri May 13 13:08:44 +0000 2022","TSLA likes the fact that Twitter is onhold but mostly it is oversold after great earnings and ath 1200. ARKK will be squeezed. Bears will be killed. Silver was first. A big dump after pump. Now Cathie and soon the memestocks squeeze. The market will be so green ;) told ya. " +"Wed May 11 11:50:53 +0000 2022","Good morning! ☕️ CPI data @ 8:30am EST. Trend day in either direction with some volume would be welcome. Focused on the market and mega caps. $SPY + $VIX $QQQ $IWM $AAPL $NVDA $FB" +"Fri May 20 23:00:24 +0000 2022","There WAS.a notable change in character to the market for those paying attention this week.. throw out the AAPL, MSFT and watch equal weighted performance & why APPL often camouflages on upside and downside.." +"Thu May 12 20:56:10 +0000 2022","Someone please give the Nasdaq 100 a binky. QQQ intraday moves today: ⬇️ 2.4% ⬆️ 1.8% ⬇️ 1.4% ⬆️ 2.6% ⬇️ 1.1% ⬆️ 1.8% ⬇️ 2.6% ⬆️ 1.4% ⬇️ 2.3% ⬆️ 2.1%" +"Wed May 11 17:32:02 +0000 2022","PPI tmr morning another market balancing day here we’ve managed to keep spy above yesterdays lows as $AAPL is down 4% and sets in at good levels headed into PPI tmr" +"Wed May 25 10:13:48 +0000 2022","$TSLA unch’d at $628 pre-mkt as equities wobbled (SPX +0.1%, NDX +0.2%) in front of Fed May minutes (2pm ET). 10yrTY 2.747%, -0.4bp. $SNAP warning of slowing adv spend was a warning shot that Fed’s tightening path was pushing the US into recession. $TWTR AGM today 1pm ET." +"Tue May 24 19:46:41 +0000 2022","That is something I think of a lot. Right now $TSLA is down 50%, $NFLX $SNAP $PTON $PYPL are down over 50%, we are seeing stocks like $GOOGL and $AMZN down 30%. If the $SPY ever fell to $350 we wouldnt have many companies left! 😂" +"Mon May 23 20:34:44 +0000 2022","Good day. 🟢 $SPY 395c 5/25 (thanks @drippy2hard) $SPY 400c 5/25 (swinging runners) $AAPL 141c 5/27 $AAPL 148c 5/27 (swinging) $GM 38c 6/3 (thanks drippy) $QQQ 296c 5/23 (lotto) 🟡 $QQQ 296c 5/23 (lotto) - chopzilla got me the first time! 🔴 $SPX 4015c 5/23 (lotto)" +"Thu May 12 20:08:51 +0000 2022","Inner Circle was a glorious place today. We had fun and prospered. $TSLA 680-700 Long $AMD 85 under long $FB under 190 long $QQQ 287-285 long / as always we trim and trail in this bear mkt." +"Wed May 04 16:40:13 +0000 2022","Nice long setup forming 📈 $QQQ over 323 $SPX over 4200/4223 If positive FOMC we can catch some great calls. Watching $AAPL $FB $NVDA. Sizing medium/large if things align." +"Mon May 09 00:47:51 +0000 2022","No $SPY this week. Let’s do $QQQ. 📈📉❓ Post what $QQQ will open up at tomorrow morning! Submissions will close at midnight PST. I’ll be giving out a prize 🎁 to whoever is closest all the way down to the cents. POST EM! 👇🏽" +"Mon May 02 00:50:57 +0000 2022","I will be sharing my views on market and unusual options flow data tonight! Stay tuned .. $SPY $QQQ $TSLA $AMZN $FB $SE $TWLO $ETSY $BABA" +"Tue May 03 21:16:43 +0000 2022","$AMD $GOOGL $MSFT Stick with leaders. Long all 3 $TSLA $AMZN on watchlist. Waiting for FED reaction tomorrow before adding these to LT positions." +"Tue May 10 19:08:36 +0000 2022","Long setup I am watching 📈 $SPX over 4070 $QQQ over 309 $AAPL over 157/160 If positive reaction to CPI possible to catch some great calls. Sizing medium/large if things align. Further dated swings may work if large buying occurs." +"Tue May 03 01:57:35 +0000 2022","I would like to stop posting flows for rest of day. Here are some of them that I shared. Please review them, do your DD before taking a position. $NVDA $SHOP $FB $AMZN $TSLA $GOOGL $IWM $SPY If you think data helps and would like me to continue, let me know. Thank you! ❤️" +"Mon May 23 19:54:34 +0000 2022","@agnostoxxx Someone started to buy a sh*tload of $AAPL right after open, and $GOOG and $MSFT quickly followed, and that’s all that mattered for indices. Banks also had their own big-bounce. As I’ve been saying for a while, it’s a stock-market now. Because sometimes, it’s about stocks." +"Tue May 03 23:23:07 +0000 2022","BIG DAY tomorrow - FOMC at 2pm Who's ready to check out options flow data and daily market views tonight? $SPY $QQQ $IWM $AMZN $TSLA $BA $FB $SQ $AMD $NVDA $SE $AAPL $TWLO $ETSY" +"Fri May 20 16:49:40 +0000 2022","$TSLA 52W HIGH 1243 TRADING AT 633 $AMZN 52W HIGH 3773 TRADING AT 2122 $GOOGL 52W HIGH 3030 TRADING AT 2124 $AAPL 52W HIGH 182 TRADING AT 134 $MSFT 52W HIGH 349 TRADING AT 248" +"Mon May 02 20:27:41 +0000 2022","Alright guys. Hope you all had good day. See you tonight with options flow data and daily market views. Thanks for your support as always ❤️ $SPY $QQQ $AMZN $AAPL $FB $NVDA $CHGG $MSFT $SE $TWLO $MRNA $ETSY" +"Tue May 17 12:48:18 +0000 2022","Long setup I am watching 📈 $SPX over 4070 $QQQ over 303/309(better) I may consider further dated swings if the market closes near these levels (medium/large position). I first need to see if we hold this move and continue. Watching $NVDA $AMD $MSFT $FB $AMZN $TSLA" +"Wed May 25 15:33:57 +0000 2022","If $NVDA is up in AH's tonight after earnings, so will $TSLA. If $NVDA dips in AH's on earnings, so will Tesla. Just keep an eye on it and you'll know direction." +"Mon May 16 14:03:57 +0000 2022","Weekly plan called why I wasn’t too keen on $aapl at 147 (now back below 145), $Twtr at 41 now 39, $tsla at 780 (now 747) and $spy at 4030 (now 3980) 👇 #orderflow S&P500 overnight support holding market at 3980. Needs to probably be taken out within IB. " +"Sun May 01 15:03:40 +0000 2022","$QQQ 52W low. Support @ 310 basically here then 300. Big names have not been good $AMZN $GOOGL $AMZN $FB $INTC $MSFT $TSLA good $AAPL mixed need help here fast! " +"Tue May 10 15:52:04 +0000 2022","$SPX big reversal lower.. couldn't get through 4063.. now 3900 possible after CPI tomorrow, I'd wait for 4020+ to start looking at calls $AMZN to 2000 can come by Friday if we see tech continue to sell off $NVDA 160-162 coming if it closes under 170" +"Tue May 03 13:18:54 +0000 2022","$VIX 30, 31, 33, 35 pivots today for Market $SPY $QQQ $TSLA 895,880 support levels $AMD 88 Will be watching 10 min 34/50 Trend at open for all names" +"Thu May 26 13:26:27 +0000 2022","$VIX $SPY 28 Important Pivot for $VIX today and $SPY 399/400 (premarket highs) Rest will watch 10 min EMA trend $TSLA testing 670 resistance area premarket from overnight $NVDA bounce from 150 psych area to 160s now #markets" +"Fri May 13 20:44:36 +0000 2022","$QQQ haha looking like a TKOed Heavy weight boxer getting off the mat, and trying to not get counted out. 2-2 day up. Hammer on the weekly. Is the beating on Tech over? I do know You gotta get up, to get beat down. @GroupSepia #TheStrat @TrendSpider " +"Mon May 23 20:10:21 +0000 2022","Well interesting day.... $AAPL paid the bills over and over today, $ZM nice winner AH.. flat here $SPY @ the 8D big spot tomorrow! Nice to have a big day after last week! HAGN!!!" +"Fri May 13 13:25:15 +0000 2022","Most names are Gapping up with market here. Always good to let things settle down on such gap up days. Chasing Gap Ups skews risk/reward. Ideally pullbacks to EMAs or Gaps to fill before showing trend $AAPL nice move for us $SPY $QQQ" +"Wed May 25 13:40:48 +0000 2022","Strong Momentum in market at open as VIX failed under 30 Lets see if trend holds 34/50 EMA into 10 /10.15 AM EST $NVDA Earnings today after close main watch today, $AMD sympathy $TSLA strong bounce off 600 , anther one interest if consolidates over 620 area #plan" +"Fri May 06 14:18:56 +0000 2022","$VIX Rejection from 35 $AMD $AAPL strongest names and other names trying to reclaim intraday bullish trend and Call Flow coming in for $TSLA $AMD $NVDA" +"Tue May 24 19:58:06 +0000 2022","Days like today try everyone short or long. Stay focused and wait.. Small wins on $TQQQ $AAPL $SPXL then drilled the /ES But it wasn't easy keep your head in the game! HAGN!" +"Fri May 27 15:22:37 +0000 2022","$AMD 100 held again As VIX rejected here $TSLA back on track but needs to get over 755 All names need to get over recent highs for next leg $AMZN still not much volume there" +"Tue May 31 20:14:00 +0000 2022","Market held in strong today, even though remains hot. QT starts tomorrow... should be interesting! $AMZN monster move today, didn't trade it. /ES $WMT $TQQQ and $AMD HAGN!!!!" +"Wed May 04 16:10:36 +0000 2022","FANG+ ex-cash P/E: $FB 12.0x $AMZN 28.6x $AAPL 23.6x $NFLX 15.1x $NVDA 27.4x $MSFT 24.6x $GOOG 14.6x FANG+ NTM FCF yield: $FB 5.4% $AMZN 3.1% $AAPL 4.4% $NFLX 2.4% $NVDA 3.5% $MSFT 3.6% $GOOG 6.3% Apparently, all the Macro Big Brains tell me it's a bubble." +"Fri May 20 15:36:15 +0000 2022","S&P 500's 8 bigtech stocks responsible for ~50% of the index's loss YTD. $NFLX $FB $NVDA $MSFT $AAPL $AMZN $GOOGL $TSLA While energy stocks like $XOM $CVX $COP have helped the index from falling even more. Likely S&P 500 would follow Nasdaq to enter a bear mrkt next week." +"Thu May 12 16:22:56 +0000 2022","I Warned and sent u the charts of $aapl and $msft over a week+ ago that they were about to take the $spy thru lows of the year $spx @ScottWapnerCNBC that was the time time sell it short. $aapl $153ish and $msft $272ish. Now u cover and wait for a long set up IMHOP" +"Wed Jun 29 10:32:27 +0000 2022","$ES_F update My Bias is up towards 4000 and possibly 4100 and then nuke! So I will look for shorts via confirmation from those levels! We can rest by revisiting the 4h demands below the price! #Stock #StockMarket #US500 #SP500 #SPX $Nasdaq " +"Fri Jun 17 16:40:16 +0000 2022","🚨 Ascending Triangle Alert 🚨 $AAPL 5M chart Looking for a stronger 💪 break, over the 132.60 price for potential entry! Trade Idea: - $AAPL 6/24 140c at .39 #Stock #StockMarket #OptionsTrading #pattern " +"Tue Jun 14 13:03:06 +0000 2022","🚨 New feature is ready for you to explore 🚨 Check out our new Stock Forecast & Price Target feature! 👉Dive into fresh new data not only of $AAPL: #stocks #StockMarket #stocktrading " +"Tue Jun 21 19:12:20 +0000 2022","None of these industries can hold a candle to short sellers in the crypto sector While the crypto stocks’ negative price momentum may not over, the ability to short stock in size may be over. Follow Us🔔For more! $spy $iwm $qqq $spx $tsla $aapl #stocks #StockMarket #Cryptos " +"Tue Jun 21 01:19:03 +0000 2022","$GOOG 2157- hidden bullish divergence developing on daily. If we rally looking for 2270 level. I doubt we get much above unless market really pushes. $SPY $QQQ $TSLA $AMZN $AAPL " +"Fri Jun 24 20:02:14 +0000 2022","$EVFM Price Target: $5.44 $SPY $GME $AMC #StocksToTrade #Stock #Trader #Investors #fintech #fintel #MONEY #StockMarket #FinTwitt #cryptocurrency #Bitcoin " +"Thu Jun 02 05:06:12 +0000 2022","#AMZN Amazon is doing a 20:1 share split on June 6 2022. The new low price might attract many new investors. • • #sharesplit #stocks #stockstowatch #stockstobuy #stocks #stock #stockmarket #stockmarketnews #stockinvesting #stocktrading #investing #trading #stockmarketinvesting " +"Wed Jun 15 19:39:38 +0000 2022","#NASDAQ index is up by 374 points (+3.31%) sitting at the price of $11686 #NDQ Performance: 1 Week: -8.66% 1 Month: -5.80% 3 Months: -16.53% 6 Months: -26.28% YTD: -29.41% 1 Year: -17.57% From ATH To Date: -30.63% IGNORE: #StockMarket #Stock #Stocks #stockstowatch #recession " +"Tue Jun 14 15:20:48 +0000 2022","$SPY TRIPLE TOP Triple Top- chart pattern that consists of three equal highs followed by a break below support. I.E Bearish reversal pattern and stock price decrease #Stocks #OptionsTrading #Options #Investing #Stockmarket #StockEducation #Daytrading #Investingforbeginners " +"Mon Jun 06 08:53:55 +0000 2022","Very choppy market causes the gauge to swing wildly, from 39% last week to just 26% of stocks trading above their 50SMA $ASLAG IPO today, closed +2.5% $SMPH massive NFB P384m NFS in $AC and $CNVRG, big blues dropping like rocks $ACEX -18% due to share swap cancellation " +"Mon Jun 13 07:57:57 +0000 2022","Market breadth worsened to just 18% trading above their 50day MA Massive sell of in $ABA Properties flattish in a sea of red $ALI +0.17% $SMPH +0.54% $NIKL -5%, but $SCC and $DMC forming hammers after gapping down Broad NFS surprisingly not that big compared to prior days " +"Wed Jun 08 16:01:24 +0000 2022","For our first stock pick: Amazon (AMZN) Coming off a stock split trading around the same price it split at. I believe it can follow the trends like Tesla and Apple after their split. AMZN could take off once the SPY and market can turn bullish. #StockMarket #AMZN #StocksToBuy " +"Fri Jun 10 14:39:50 +0000 2022","Not seeing one green price post out of 5 accounts! DJIA 31,530.11 -742.68 NASDAQ 11,390.24 -363.99 S&P 500 3,913.95 -103.87 Russell 2000 1,803.26 -47.60 10 AM ET" +"Wed Jun 15 10:46:28 +0000 2022","Gamestop Corp (#GME-##NYSE)Buy @ $128.50 Stop/Use a protective stop of $125.50/Price Objective: $204.00/Risk $3.00 Reward $48.00 Ratio 𝐒𝐢𝐠𝐧 𝐔𝐩 𝐚𝐭 𝐰𝐰𝐰.𝐰𝐬𝐭𝐫𝐚𝐝𝐞𝐫𝐬.𝐜𝐨𝐦 . #stockmarket #stock #trading #ETF #ETFS #USD #NYSE #PPH #CIVI #XLRE #LUNA #TSLA #MRK #ATOM " +"Thu Jun 09 13:46:14 +0000 2022","UBS Upgrades #Tesla Stock ( $TSLA ) to Buy with $1,100 Target Price #StockMarket #trading " +"Wed Jun 22 09:31:17 +0000 2022","Wall Street Trader'Column™ ""Pic of The Day""/Buy Futu Holdings Ltd. (#FUTU-#Nasdaq)@$52.50 Stop/Use a Protective Stop: $48.50/Price Objective $72.00/Risk Reward Ratio #stockmarket #stock #commodities #Bitcoin #trading #ETF #ETFS #USD #NYSE #wealthmanagement #digital #financing " +"Tue Jun 14 12:52:59 +0000 2022","Good morning! ☕️ FOMC Tue-Wed VIXpiration Wed Powell Wed 2pm Powell Fri 8:45am Quad Witching Friday $SPY - Watching 370, 375, 380 $VIX - Watching 33, 34, 35 $AAPL $AMZN $META $PCALL (Put/Call Ratio all listed stocks) is back at March 2020 levels! " +"Tue Jun 28 18:43:53 +0000 2022","Do we still like $AMZN around this price or do you think it is going lower? #stockmarket #stocks #stock" +"Thu Jun 30 11:21:59 +0000 2022","$MMAT Meta Materials Inc. Our Artificial Intelligence foresees the price of this stock has a neutral short term outlook in a neutral short term market setup and has a neutral long term outlook #Investing #StockMarket #business" +"Wed Jun 01 12:45:46 +0000 2022","Good morning! ☕️ $VIX nice fade. If it continues, market should continue to rally. Watching 25 and 27 $SPY Above 415.31 I'm watching yesterday's HOD resistance at around 416.25 Will focus on the market but also watching $AAPL $AMZN $NVDA / $AMD / $QCOM (semis in general) " +"Thu Jun 16 18:35:23 +0000 2022","With the Nasdaq still leading the declines, @traderDanielle explains why she thinks the tech-heavy index could make a round trip all the way back to February 2020 levels, and has some names that she's shorting or trading in the near-term to weather the sell-off. $SARK $SQQQ " +"Sun Jun 26 20:44:12 +0000 2022","$AAPL $AMZN $META $NVDA (YTD charts) All of them have a thin volume profile above. I'll be watching these names if the market continues to move up this week. " +"Fri Jun 10 12:36:01 +0000 2022","Good morning! ☕️ CPI worse than expected. $SPY or $SPX $VIX $AAPL $AMZN $AMD $CHWY (from @AdamSliverTrade) $NET (from @ThetaWarrior) Big drop in SPY and big rip in VIX pre-market. " +"Thu Jun 02 13:21:21 +0000 2022","$QQQ if this isn’t a bullish sign I don’t know what is 👇🏻 $MSFT drops guidance and trades down modestly while other mega caps are up, some down. If this was a few weeks ago we would have cratered. $TSLA $NVDA and others are in position for a monster run IMO. " +"Thu Jun 02 12:15:51 +0000 2022","Good morning! ☕️ $SPY showing channel respect pre-market. Watching that. $VIX analysis below from yesterday. Watching 25 and 27 again today. $AAPL $AMZN $NVDA" +"Mon Jun 13 07:06:25 +0000 2022","Market Recap: The CPI report rattles the stock market + Charts $SPY $QQQ $IWM $DXY $GDX $XLE $TLT $TBT $VIX $VXN $AAPL $TSLA $BTC $MOS $FMC $ADM $NTR " +"Sat Jun 11 22:01:34 +0000 2022","Closing chart: 'MAGMA', ytd' - ©️ @ThatsMyQuant $META -47.8% $AAPL -22.6% $GOOGL -23.3% $MSFT -24.4% $AMZN -34.2% -- All five giants are m/t broken, reflective of the broader market. @petenajarian " +"Mon Jun 06 03:16:31 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 06/06 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Thu Jun 09 19:56:20 +0000 2022","My trades today $TSLA 800c +108% $MSFT 270C +59% $SNOW 140c +80% $SPY 411c open Big CPI numbers out tomorrow. We should see better price action over the next week. This price action is just about spotting momo & getting paid quickly! Aim for a piece of the pie, not greed 😀 " +"Mon Jun 06 12:52:46 +0000 2022","Good morning! ☕️ $SPY - nice gap up, watching $416.25 $VIX - 25 is the pivot still :) $AAPL $AMD $NVDA $AMZN $TSLA Watching the market and mega caps today. 6/10 is the CPI data release." +"Mon Jun 27 11:51:13 +0000 2022","Good morning! ☕️ I’ve got a decent worklist to start the week. Watching pre-market and the open to focus on a handful to watch. Indices should be enough if you want to keep it simple $VIX $SPY $QQQ $ARKK $CHPT $GOOGL $TSLA $AMZN $NVDA $OXY $ZM $AAPL $MSFT $META $U $NIO $AMD" +"Tue Jun 21 18:08:29 +0000 2022","SPY +1 ATR AAPL +1 ATR AMZN just shy of +1 ATR TSLA +1 ATR and then s'more META almost -1 ATR from call trigger NVDA +1 ATR Nice. Did you take any trades on these tickers?" +"Fri Jun 10 12:25:01 +0000 2022","Good morning TRADERS 💥👍 CPI today means EVERYTHING, these names and levels may not hold come 830📈🤷 $BABA same play as yday off $118, big rally still fade here👀 $AMD possibly the best LONG after upgrades this AM and dipped to 99 support 💪 $NFLX $AAPL short #stickynote " +"Fri Jun 10 03:25:39 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 06/10 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY $DOCU $MRNA Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Wed Jun 08 15:51:03 +0000 2022","$SPX PE multiple since 2000. We’ve contracted, but do we go lower? ▪️QT set to roll off starting June 14th ▪️ CPI due Friday, inflation still an issue ▪️ .75bps likely for the next 2 meetings $AAPL $MSFT $GOOGL $NVDA $TSLA $FB $NFLX $AMZN " +"Wed Jun 29 03:02:17 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 06/29 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY $DOCU $MRNA Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Fri Jun 17 03:36:51 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 06/17 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY $DOCU $MRNA Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Tue Jun 28 03:26:45 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 06/28 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY $DOCU $MRNA Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Mon Jun 27 02:39:38 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 06/27 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY $DOCU $MRNA Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Wed Jun 01 07:14:09 +0000 2022","$GOOG in Uptrend: price may jump up because it broke its lower Bollinger Band on May 24, 2022. View odds for this and other indicators: #Alphabet #stockmarket #stock " +"Wed Jun 22 03:34:16 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 06/22 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY $DOCU $MRNA Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Wed Jun 15 11:01:13 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 06/15 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY $DOCU $MRNA Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Fri Jun 03 16:10:47 +0000 2022","Ball goes back to the #BEARS 🐻… #tech Nasdaq⬇️2.6 % . $AAPL #WWDC22 #MONDAY $snow upgrade $184Target. #semis ⬇️ $mu -7%, #johnmowery likes $LRCX , @LarreaWealth likes $MO $DIS $HLT S&P2022⬇️14%,Nasdaq⬇️23% $TSLA haltsFThiring #TECHJOBCUTS @TDANetwork #ObiWan ❤️#Bitcoin #NYC " +"Fri Jun 03 01:52:19 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 06/03 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Wed Jun 08 02:12:16 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 06/08 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Mon Jun 13 03:01:16 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 06/13 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY $DOCU $MRNA Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Tue Jun 21 02:25:22 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 06/20 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY $DOCU $MRNA Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Thu Jun 02 03:28:33 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 06/02 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Mon Jun 06 16:51:36 +0000 2022","In the weekend video, the ""light for the markets"" turned yellow late last as the $SPY $QQQ flirt w the 5 DMA (which is beginning to flatten) The ⚓️VWAP from Fed on 5/25 has been heavily defended, a break (which holds) of 409SPY and 304 QQQ could lead 2 test of VWAP low (green) " +"Wed Jun 15 16:31:07 +0000 2022","The ⚓️VWAP from the CPI report is being tested in $QQQ today while it and $SPY $IWM all remain above the WTD AVWAP and the AVWAP from the low Primary trend still lower and mkts below decl 5DMA, more volatility ahead with Fed catalyst, know your important levels of interest " +"Tue Jun 07 02:53:45 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 06/07 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Thu Jun 09 02:50:33 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 06/09 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Wed Jun 01 16:31:27 +0000 2022","$SPY I think if feds stick to their existing plan (FOMC on June 14-15) we may possibly see SPY touch 290-310 zone in the upcoming months. Alongside with that we'll see names like $TSLA $AMZN $AAPL follow for another haircut imo " +"Mon Jun 27 21:44:36 +0000 2022","Who's ready to checkout options flow data tonight? 100 ❤️ and 🔄 if you are ready for it. Thank you ❤️❤️ $SPY $QQQ $AAPL $AMZN $TSLA $MSFT $AMD $META $TWLO $GOOGL $BABA $SHOP $ETSY $JD $SQ $MU $NKE " +"Tue Jun 28 02:14:12 +0000 2022","6/28/22 Watchlist 🤑 $AMZN 109/110p < $114.3 $NVDA 180/182.5c > $167.9 Liquidity has fallen on smaller names this week, to be expected. Two mega caps on deck for tomorrow. Expecting similar $QQQ & $SPY magnitude. Will review and revise in the AM! #optionstrading #StockMarket " +"Fri Jun 03 00:45:00 +0000 2022","Wall Street ended sharply higher on Thursday, led by Tesla, Nvidia and other megacap growth stocks in a choppy session ahead of a key jobs report due on Friday " +"Thu Jun 30 00:16:46 +0000 2022","6/30/22 Options Watchlist 🤑 $AMZN 107/106.5p < $109.45 $TSLA 750/740c > $685.8 Ebbing and flowing in the $SPY & $QQQ . Morning data may cause some big changes. Will review & revise in the AM per usual. Flow data included below. #optionstrading #stocks " +"Thu Jun 30 21:02:44 +0000 2022","Who's ready to check out options flow data tonight? 100 ❤️ if you are ready for it. $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $MSFT $SQ $SE $META $IWM $BABA $BA $TWLO $FDX $TGT" +"Mon Jun 13 02:21:37 +0000 2022","6/13/22 Watchlist 🤑 $PYPL 70p < $80.05 $NFLX 160p < $186.1 Will be in transit but will do my best to provide adjusted entries. I believe we'll see a gap down in the $QQQ & $SPY by AM. Gauge the environment, be strategic. Flow via @unusual_whales #followtheflow #optionstrading " +"Tue Jul 19 07:50:09 +0000 2022","Soon in positive territory $Tkwy … some fund managers will cry not learning how to do simple math on a 0.2 Price to Book value high Growth company with Giant $amzn entering its capital structure Just Eat Takeaway is THE #Stock to put in portfolio #StockMarket #EURUSD " +"Fri Jul 29 15:44:47 +0000 2022","The stock price of $GOVX has increased by an astounding 190% during the last five days. #Pennystocks #stocks #StockMarket #trading #investor #otc #NASDAQ" +"Tue Jul 05 05:14:16 +0000 2022","Amazon keeps struggling, even after the stock split. Price hasn’t been able to touch the 50 day average since April Is the next $10 higher to break above the 50 day or lower to make new lows for 2022? $AMZN #Amazon $QQQ #StockMarket " +"Mon Jul 25 05:09:24 +0000 2022","Busy week ahead of us. The brokers would love all the hedges on/off action we plan to do this week. $AMZN $AAPL $MSFT $META $GOOGL and the #FED on Wednesday will be the ones to watch. " +"Mon Jul 18 23:15:28 +0000 2022","Brief analysis of recent price action on $spy. 50% fib level was a great spot to grab puts and previous day low was a great spot to either sell or hop in calls for an EOD scalp. Still have gap to fill to the downside from last week. #stocks #StockMarket #investing #stocktrading " +"Thu Jul 28 20:47:52 +0000 2022","Apple and Amazon post better than expected Earnings and Send NASDAQ Flying. Every Single Level to the Upside was Swept. A Record day. 😢😩🥺 Tomorrow incoming Rally. Mega Bullish. " +"Tue Jul 19 18:05:34 +0000 2022","This is the result of True SMT divergence. Just because Nasdaq did not follow the other two it meant Wall Street was building their position on Nasdaq. A weaker SMT means only accumulation not a Weaker index. Nasdaq was the move of the day as I predicted. " +"Sun Jul 17 19:12:02 +0000 2022","An action Packed week ahead with earnings season finally kicking off zoom into this picture Tesla is the key company and Netflix. They will set the stage for Nasdaq. " +"Mon Jul 25 12:21:45 +0000 2022","#Netflix continues to beat competition | NFLX Price Prediction #nflx #StockMarket #StocksToBuy #faang #Stock #StocksInFocus #investing #invest" +"Thu Jul 14 12:04:11 +0000 2022","Shares of 86260J102 NASDAQ PILLAR Stran & Company, Inc. $STRN saw an abrupt price boost 🚀 on above average volume! The stock trades currently at $1.96, up 20% since previous trading day close. I might look into this one. #stockMarket #wallstreet #tradingTips " +"Wed Jul 06 14:41:34 +0000 2022","Netflix (NASDAQ: NFLX) continues to draw viewers in with its flagship Stranger Things series and stock may be among the leading names to consider. Read more: #FPMarkets #SharesNews #StockMarket #Stocks #Netflix " +"Thu Jul 14 16:56:28 +0000 2022","$ETSY algos are buying. Stock price is putting in lower lows and the #FlowIndex is putting in higher lows. Lets watch to see how this places out! #FlowTrade #ETSY #divergence #bullish #bullishdivergence #technicalanalysis #daytrading #swingtrading #stockmarket $SPY $QQQ $ES " +"Sun Jul 31 10:43:02 +0000 2022","Looks like a nice #RUN supernova 👀👀price $50 for Getty Stock on Monday .😱😱😱😱🤔🤔 #gety #stock #usa #Monday #alert 📈📈💵🚀💵📈 #love #nasdaq #Supernova #business #Bullish #apes #money #stockmarket #nasdaq #people" +"Thu Jul 14 11:15:14 +0000 2022","Tesla started at buy with $1,000 stock price target at Truist $TSLA View more: #Ainvest #Ainvest_Wire #TradingTips #WallStreet #StockMarket " +"Fri Jul 29 11:37:33 +0000 2022","Amazon stock price target raised to $175 from $155 at Deutsche Bank $AMZN View more: #Ainvest #Ainvest_Wire #WallStreet #OnlineTrading #StockMarket " +"Thu Jul 28 12:55:34 +0000 2022","Meta Platforms stock price target cut to $200 from $235 at Deutsche Bank $META View more: #Ainvest #Ainvest_Wire #BullMarket #Trending #StockMarket " +"Tue Jul 26 20:20:48 +0000 2022","#EARNINGSSEASON The reports are out ! not bad at all … $CMG. $V $MSFT $GOOGL $TXN all trading higher except Microsoft. @TDANetwork have a great night Dow down 228 today , $WMT ⬇️ $SPOT ⬇️ " +"Tue Jul 19 16:15:51 +0000 2022","Session highs ⬆️ every sector ⬆️ Dow ⬆️500 points. #Netflix afterthebell ⬇️~70% 2022. $IBM $JNJ ⬇️ after ern. ⛽️ ⬇️> 30 days. $TWTR says #Musk has Buyer’sRemorse, @TDANetwork Nasdaq best Mo since Oct,⬆️5.5% July. #stocks #heatwave NYC I ❤️🔥IT ! #twitter $NFLX #housingsoftening " +"Fri Jul 22 16:26:28 +0000 2022","Hi Friends 👋 #FridayFeeling #stocks hover near 6 wk highs but a little selling at this moment. #NASDAQ up almost 4% now this wk. July +8% ERN nextWk: $AAPL $MSFT $META $GOOGL $AMZN #Fed Is MOST important $TSLA ⬆️8 days $Snap ⬇️39%. @TDANetwork @NYSE #trending #BITCOIN 23k " +"Fri Jul 01 14:51:56 +0000 2022","Micron Technology, Inc. (#NASDAQ : $MU ) had its price target lowered by analysts at #Bank of America Co. from $100.00 to $70.00. They now have a ""buy"" rating on the stock. $AMD $NVDA $INTC $SPY $QQQ #stockmarket " +"Mon Jul 18 20:01:19 +0000 2022","🟢 $META 172.5c $AAPL 148p $SPY 385p $NVDA 157.5p $SPY 380p Review $VIX 25 was key $SPY Bulls needed 390, Bears got 385 $QQQ Rejected at 296 $AAPL $NVDA $LULU decent $LCID $OXY +1 ATR too fast 😅 How about those market guideposts?! 🎯 How did your day go? " +"Sat Jul 16 11:57:41 +0000 2022","Earning week ahead. Last week to get off the train b4 $SPY derail n break the floor down as $SPY EPS are shrinking. Or u can wait for announcement earning as mega cap in play next 2 week.I m back n see u Live stream Monday 18th. $qqq $tsla $nflx $msft $googl $spx " +"Thu Jul 07 13:10:41 +0000 2022","Good morning! ☕️ $VIX 26, 27 $SPY 385 key pivot $QQQ 290 key pivot $AAPL similar to QQQ $AMZN similar to QQQ $WMT daily squeeze Setting up bullish, but EMAs are resistance and we're still in a bearish trend daily and weekly. Keep that in mind. No bias. " +"Sat Jul 02 09:20:21 +0000 2022","XPeng Inc. (NYSE: $XPEV) was downgraded by analysts at Nomura from a ""buy"" rating to a ""neutral"" rating. They now have a $36.30 price target on the stock, down previously from $64.60. $SPY $QQQ #StockMarket $NIO $TSLA $LI " +"Fri Jul 01 13:08:27 +0000 2022","Robinhood Markets, Inc. $NASDAQ : $HOOD was upgraded by analysts at The Goldman Sachs Group, Inc. from a ""sell"" rating to a ""neutral"" rating. They now have a $9.50 price target on the stock, down previously from $11.50. #SPY #QQQ #StockMarket " +"Fri Jul 01 21:18:11 +0000 2022","$ZIM was downgraded by analysts at Bank of America Co. from a ""buy"" rating to an ""underperform"" rating. They now have a $40.00 price target on the stock, down previously from $79.00. $SPY #QQQ #StockMarket " +"Tue Jul 19 20:41:20 +0000 2022","""It's always been important,"" says @MarkNewtonCMT on $AAPL impact on the market. ""It's had a stealth rally of about 16% off the lows at the time when many investors are sitting around...wondering whether the Fed is going to hike 75 or 100...technology is kicking back into gear."" " +"Tue Jul 19 22:12:10 +0000 2022","Naz+3.1% Accum Day clearing the 50d led by $NVDA $QCOM $AMZN and $AAPL shrugging off y'day news Breadth was good....NYSE's better than Naz Seems like tradeable bear rally getting traction to step a toe or two in water.....control risk. #stocks #qqq #arkk #spy " +"Mon Jul 04 17:18:19 +0000 2022","How has #Facebooks stock market journey changed over the past 10 years? Read more at #Facebook #Meta #Stocks #StockMarket #IPO #Jobs #Hiring #Technology #Recruitment #BCjobs #BCtech #CanadaTech #Tech #Global #News #Content #Statistics #Data " +"Fri Jul 01 13:12:46 +0000 2022","Tesla, Inc. (#NASDAQ: $TSLA) had its price target lowered by analysts at Mizuho from $1,300.00 to $1,150.00. They now have a ""buy"" rating on the stock. $SPY $QQQ $NIO #StockMarket " +"Wed Jul 27 22:52:36 +0000 2022","NYSE breadth strong at 5-1 Adv-Dec; Naz little weaker at 3-1 Adv-Dec. QQQ's led way after $MSFT $GOOGL shrugged off their E miss. $ENPH star of day w Gap Up on Beat/Raise Rpt. New Highs improving in Naz #stocks #qqq $spy " +"Wed Jul 20 16:21:01 +0000 2022","Last quarter Nasdaq lows skyrocketed during Tech earnings. This season is just starting. So far, the market has been kind to Netflix which lost a million subscribers. A lot of short covering taking place right now. After the close, Tesla. " +"Wed Jul 06 13:03:47 +0000 2022","Good morning! ☕️ $VIX 27, 28 $SPY 380, 385 $QQQ See tweet below $GOOGL Split coming $AMZN $WMT $MRNA $CRWD everyone is watching this one 😅 FOMC meeting minutes @ 2pm EST. Could chop around until then. Patience!" +"Mon Jul 11 12:18:19 +0000 2022","Good morning! ☕️ Here is everything on my worklist right now. $VIX 25 and 27 $SPY 385 $QQQ 293 $AAPL $AMZN $GOOGL $ZM $ENPH $U — $MRNA $XBI $RBLX $CRWD $META $SNAP $WMT $LULU $NVDA $QCOM $TDOC $TSLA $TWTR $AMC CPI Wed. OpEx Friday. Good luck!" +"Tue Jul 19 20:02:12 +0000 2022","I ❤️ Trend 🟢 $SPY 390c (what more did you need?!) 🔴 $NVDA 155p (chopped out early!) Review VIX 25 fade and then sideways SPY 385 send it QQQ 290 pre-market send it SPY, QQQ, GOOGL, AMZN, NVDA, META +1 ATR 👀 AMC +1 ATR in 10m 🤣 then fade AAPL nearly +1 ATR TSLA choppy" +"Thu Jul 21 20:04:05 +0000 2022","Choppy start. Pretty good afternoon. 🟢 $SNAP 16c 7/29 $SPY 400c 7/25 $SPY 405c 7/25 Review Market guideposts worked well $SNAP the big winner with a 1 ATR move $AAPL good long $GOOGL good AM short $AMZN and $NVDA were kinda choppy" +"Thu Jul 28 12:31:46 +0000 2022","Good morning TRADERS 💥👍 $F out with a big Q and confidence to go LONG off a great EPS BEAT and outlook 📈💯 $META feels a bit ""kitchen sink"", so let's watch the $159 ish bottoms for a LONG 💪 $PLTR was huge yday, let's try again😎 $AAPL earnings tonight!! #stickynote " +"Mon Jul 04 22:40:33 +0000 2022","Some of you are foaming at the mouth to grab large/mega cap stocks like $APPL and $AMZN during this bear market. I have my eye on small to midcap stocks with cash that will survive this, but get their stock price beat down 90% during this time. We are not the same #StockMarket" +"Sun Jul 10 23:42:29 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 07/11 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY $DOCU $MRNA Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Mon Jul 04 14:55:20 +0000 2022","🇺🇸Happy Independence Day USA🇺🇸 VNKUMAR DAILY MARKET VIEWS - 07/04 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY $DOCU $MRNA Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Fri Jul 29 03:05:47 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 07/29 $SPY $QQQ $AMZN $TSLA $GOOGL $MSFT $FB $NFLX $NVDA $PYPL $DDOG $SHOP $BABA $IWM $TWLO $ETSY $DOCU $MRNA Keep following and show your support! ❤️ Like and retweet for more ❤️❤️❤️ Good luck everyone! 💰💰💵💵💸 " +"Fri Jul 01 01:23:24 +0000 2022","7/1/22 Watchlist 🤑 $AMD 77c > $75.95 $AAPL 137/138c > $136.3 $TSLA see notes Low vol day, institutions looking at 0 DTE or 4 DTE on next week & economic data is settling. Chance of a bounce on some names that can provide upside. Will review in the AM! #stocks #StockMarket " +"Tue Jul 19 02:24:36 +0000 2022","US stocks gave up their early gains on Monday afternoon after reports about slowing spending at tech group Apple reignited concerns about a potential recession.The S&P 500, swung from 1% up to a 0.8% . The Nasdaq Composite also slid 0.8%." +"Sun Jul 03 16:34:15 +0000 2022","Looking at options flow data, I think market can still move up till mid of next week before it start showing weakness. Data shows tech and airline stocks are bullish for next week. Let's see how it goes. 🔥🔥 $SPY $QQQ $AMZN $AAPL $TSLA $META $BABA $BA $AAL $MSFT" +"Sun Jul 10 15:40:43 +0000 2022","Looking at options flow, I see that there is not much put activity on tech stocks yet - $AAPL $AMZN $TSLA $META. $GOOGL has nice call flow on Friday. We may see further upside and will track puts/calls activity daily before CPI day. I will keep you all posted. Thank you ❤️❤️❤️" +"Tue Jul 19 19:44:35 +0000 2022","The Nasdaq 100 broke through & closing above the 50SMA. Plus we have a breakout, and have been seeing lower lows. All three things are bullish. I closed out of hedges. I don’t expect tech earnings to be strong for the disrupted companies, but the chart says what it says. $QQQ " +"Sat Jul 23 20:27:59 +0000 2022","🚨Get Ready For Mega Cap Earnings Week; $MSFT $XOM $GOOG $META $AMZN $INTC $AAPL $GE all on deck! This will dictate market direction! Not just about trading opportunities. If we see heavy earnings compression in major names, that will hammer markets📈 #StockMarket #stocks " +"Sun Jul 24 18:30:15 +0000 2022","Big week this week: $AAPL $AMZN $META $GOOGL $MSFT earnings. FOMC, PCE and GDP. All 3 indices reclaimed the 10-week MA last Friday - probably some very wide ranges this week. Will see if we get some upside follow through. " +"Thu Jul 28 05:44:41 +0000 2022","$QQQ Daily. #QQQ bullish reversal after #FOMC, but still got $AAPL and $AMZN earnings this week. upcoming test of 100sma ~310/315 where I'd expect a larger pullback $NDX $NQ_F $XLK #SPY #Nasdaq $AAPL $MSFT " +"Tue Jul 19 18:10:00 +0000 2022","$SPY over the 390 spot. Great recovery from yesterdays close to now. My worry however is how many times have we seen this pre-major tech earnings run up in the past? 🤔 $NFLX reports after hours. Hopefully it doesn’t bring “Stranger Things” to this market… lol" +"Wed Jul 27 05:01:53 +0000 2022","$SPY Daily. #SPY managed to hold 50sma, needs to hold > 390 or likely tests bottom of the bear flag. Break > 395, 100 sma test inbound more big tech earning and #FOMC tomorrow $SPX $ES_F #SPX #ES_F $QQQ " +"Wed Jul 27 14:18:23 +0000 2022","Trading higher after earnings in July: $GOOGL $MSFT $NFLX $SHOP $TSLA $TSM $TXN $SHOP higher so far after posting a loss and guiding down. $QQQ $SMH holding over flattening 50-sma. " +"Sun Jul 17 04:41:52 +0000 2022","🚨Sniper Trades Weekly Prediction 🚨 7/18 - 7/22: The end of the week looks extremely bearish with big tech earnings like $TSLA $NFLX on watch this week. Follow us on Twitter @SnipeTrades for more Technical Analysis. Not investment advice! $SPY $QQQ " +"Fri Jul 22 01:02:42 +0000 2022","Global-Market Insights 2/n -The US markets were higher third day in a row -Tesla shares rally on better-than-expected earnings while Snapchat pulls media tech stocks lower in extended hours -Dow up 162, S&P500 +39 and, Nasdaq +162 -Snapchat is down 26% while Tesla is up 9%" +"Fri Jul 08 12:14:35 +0000 2022","Four of the six mega-cap Tech names have moved back above their 50-DMAs this week -- $AAPL $MSFT $GOOG $AMZN Meta $FB and Tesla $TSLA are the two that remain below. " +"Mon Jul 25 19:58:09 +0000 2022","Nice start to what should be a pretty big week for the markets. Major #Earnings $MSFT $GOOG $GOOGL $META $AAPL $AMZN reporting this week plus #FOMC Meeting Wednesday." +"Fri Jul 08 20:03:00 +0000 2022","Weekly Recap #VIDEO Nothing easy. $QQQ leading.. $SPY pushing a bit... $AAPL $AMZN $MSFT $SMH $GOOGL very strong Earnings and CPI next week Thoughts below have a great weekend! " +"Wed Jul 06 18:41:55 +0000 2022","$VIX now at 27 as SPY pushing higher here $AMD over 75 $TSLA breakout over 799 $META over 170 $AMZN 115 $SPY 385 important level" +"Wed Jul 06 19:24:04 +0000 2022","#markets #update 💰 See before and after $META best move for us that 170 level really helped $AMD solid over 75 $TSLA testing 700 $AMZN solid off that 114 $AAPL off that 142 Not bad , held uptrend after FOMC VIX now faded to 26.50 guided us " +"Sun Jul 31 17:42:56 +0000 2022","The Top Tech Stock Charts On Watch For This Week 0:00 Intro 0:55 $AAPL Apple 1:53 $AMD Advanced Micro Devices 2:45 $AMZN Amazon 3:30 $CRWD Crowdstrike 4:44 $DDOG Datadog 5:40 $GOOGL Google 6:41 $META Facebook " +"Mon Jul 25 11:48:52 +0000 2022","Big earnings week + #Fed! $SNAP below $10 with many downgrades, fade. $BABA still with bearish chart 50 EMA on daily and $103 resistance. #monkeypox stocks high vol early in premarket with $SIGA 15.20 breakout and 16 double top. #trading $GOVX $AMD $AMC " +"Mon Jul 25 01:57:49 +0000 2022","CUES FOR TODAY: - SGX Nifty -75 Pts as Wall St has a muted Friday - Nasdaq -2%, Snap -39% - Fed Meet outcome on Wed - Big Earnings Week in US: Apple, Google, Amazon & Microsoft report - Oil slips to $103 amidst volatility - FIIs sell 675 Cr in Cash, Buy 1182 Cr in Index Fut 1/3" +"Fri Jul 29 14:11:26 +0000 2022","This concept working on most names and $SPY $AMD $NVDA $TSLA $QQQ $AMZN etc $SPY strong since reclaiming the 400 key level $VIX approaching 20 Support level 👇👇" +"Tue Jul 26 17:11:57 +0000 2022","The $SPY trading volume is very light today. This is because tonight and tomorrow is such an important time period. After the close, we get earnings from $GOOG $MSFT & $V. Then tomorrow afternoon is the FOMC announcement, so many participants are likely on the sidelines. #stocks" +"Sun Jul 17 14:06:57 +0000 2022","Tech charts going into earnings 0:32 $AAPL Apple 1:23 $AMD Advanced Micro Devices 2:04 $AMZN Amazon 2:29 $CRWD Crowdstrike 3:10 $DDOG Datadog 3:40 $GOOGL Google 4:10 $META Facebook 4:58 $MSFT Microsoft 5:25 $NVDA Nvidia 6:04 $SHOP Shopify 6:53 $SNOW Snowflake 7:25 $TSLA Tesla " +"Thu Jul 28 20:40:59 +0000 2022","The QQQs are up another 1.6% after hours on big upside moves from $AAPL and $AMZN on earnings. $QQQ Read our Conference Call Recaps for these two mega-caps over at " +"Sat Jul 09 14:41:09 +0000 2022","***MARKET UPDATE THREAD*** 07/08/2022 $SPY $SPX $QQQ $TSLA $AAPL $VIX HEADLINE: NONFARM PAYROLL INCREASE GIVING FEDS MORE CAUSE FOR TIGHTENING MIXED MANUFACTURING DATA - MARKETS MOSTLY IGNORED " +"Mon Jul 25 17:09:33 +0000 2022","FANG+ Constituents: $AAPL 153.82 -0.18% $AMZN 121.58 -0.68% $BABA 100.77 +0.14% $BIDU 140.79 +0.57% $META 166.79 -1.47% $GOOG 108.42 +0.05% $NFLX 220.66 +0.07% $NVDA 169.55 -2.11% $TSLA 812.58 -0.5% $MSFT 259.38 -0.39% $TWTR 39.16 -1.71%" +"Mon Jul 25 16:31:29 +0000 2022","This week is going to be 🔥! Coming up at 1pm @GuyAdami, @RiskReversal & @CarterBWorth will preview the big earnings & what it could mean for the markets $SPY $AAPL $MSFT $GOOGL $AMZN $META $MCD $KO $UPS Sponsored by @FactSet Powered by @OpenExchangeTV " +"Thu Jul 28 01:01:42 +0000 2022","Blog post: Day 8 of $QQQ short term up-trend; 69 US new highs, 122 new lows; 91% of Nasdaq 100 stocks rise; $AAPL up against declining 30 week average as it reports earnings " +"Fri Jul 15 19:27:17 +0000 2022","FANG+ Constituents: $AAPL 149.27 +0.54% $AMZN 114.49 +3.48% $BABA 102.04 -1.65% $BIDU 139.68 -1.69% $META 164.16 +3.87% $GOOG 2247.66 +0.86% $NFLX 188.64 +7.92% $NVDA 156.87 +2.04% $TSLA 718.11 +0.45% $MSFT 255.51 +0.56% $TWTR 37.55 +3.46%" +"Tue Jul 12 13:03:30 +0000 2022","Good morning! ☕️ $VIX 27 pivot $SPY 380 and 385 key $AAPL $AMZN prime day starts today $ABBV $NVDA $AMC Get free levels to use to trade my watchlist here: CPI data tomorrow. OpEx Friday." +"Fri Jul 01 12:58:33 +0000 2022","Good morning! ☕️ $VIX 28, 29 $SPY 375, 380 $SPX 3760, 3800 $AAPL $AMZN $NVDA $META $KSS New Swing Levels for July and Position Levels for Q3 available today." +"Mon Jul 11 15:40:55 +0000 2022","What a beautiful sell off on $TSLA today. Gap down on the market after digesting Fridays job report and as market prepares for CPI which comes out on Wednesday. $SPY $QQQ" +"Mon Jul 25 13:06:39 +0000 2022","Good morning! Hope you had a great weekend. $VIX 24 key $SPY 395 key $QQQ 302 key $AAPL $NVDA $NIO $RBLX $CHWY Big tech ER gauntlet FOMC / Interest rate decision Wednesday GDP Thursday CPE Friday This week will test us. I may not trade at all." +"Sat Jul 02 14:59:57 +0000 2022","Who's ready to checkout options flow data from yesterday! 100 ❤️ if you are interested and ready for it. Let's go! $SPY $QQQ $AAPL $AMZN $TSLA $META $BABA $BIDU $JD $TGT $HD $LOW $NVDA $LRCX $AM $SQ $SHOP $TWLO $BA $AAL $XOM" +"Wed Jul 27 09:43:27 +0000 2022","$TSLA +2.2% to $794 pre-mkt. Equities surged (SPX +1.0% NDX +1.6%) after $MSFT (+3.8%) gave strong current yr rev guidance and $GOOGL (+4.0%) search adv revs beat low expectations. Fed widely expected to increase rates +75bp and signal 50-75bp hike in Sept. 10yrTY 2.794% -1.3bp." +"Fri Jul 22 18:45:55 +0000 2022","We may have some bearish engulfing candles today but the charts may be influenced by more than just daily signals as everyone gets positioned into the major earnings & FOMC finale next week. Tues 7/26 AMC: $MSFT $GOOGL $V Wed 7/27 AMC: $Meta **FOMC** Thurs7/28 AMC: $AAPL $AMZN" +"Wed Jul 20 02:01:48 +0000 2022","Shall I continue to post options flow? Give me ❤️ and retweet if you are interested. $SPY $QQQ $AAPL $AMZN $TSLA $AMD $NVDA $SE $SQ $META $NFLX" +"Sat Jul 23 15:35:36 +0000 2022","Techs led a retreat Friday, but the market rally had strong weekly gains, breaking above key resistance. Now comes a massive wave of earnings - $AAPL, $GOOGL, $META $AMZN $MSFT $XOM $PFE $MRK $CVX and so much more - and another big Fed rate hike. (1/4) " +"Mon Jul 18 20:10:32 +0000 2022","Big rejection today from the market. $SPY $QQQ $AAPL $TSLA all pulled back. Let's see if market flush more this week. Who's ready to checkout options flow data from Friday? 100 ❤️ and retweets if you are ready for it. $AMZN $META $GOOGL $SQ $SE $AMD $NVDA $MU $LRCX $GME $AMC" +"Thu Jul 21 21:11:28 +0000 2022","So $SNAP earnings suck, exemplifying the problems tech companies are having right now, hence why the $QQQ & $ARKK have gotten destroyed. Just because a stock/index is down big doesn't mean they can't go lower when their ugly reality is exposed. Be careful $META $PINS $TWTR longs" +"Mon Jul 18 19:04:24 +0000 2022","Who's actively following charts, trade ideas and options flow data I post here? $SPY $QQQ $AMZN $AAPL $META $IWM $TSLA $SQ $SE $BABA $GOOGL" +"Sat Jul 09 16:53:44 +0000 2022","CPI Data coming next week. Who's ready to checkout options flow data and dark pool activity from Friday? 100 ❤️ if you are ready for it. $SPY $QQQ $AAPL $AMZN $TSLA $META $SQ $BABA $JD $TWLO $ETSY $BA $AAL $GME" +"Sun Jul 24 18:12:13 +0000 2022","This week: 35% of the $SPX is scheduled to report earnings. 49% of market cap. 21% of the consumer is reporting, 43% of market cap and 30% ex $AMZN. Largest: $AAPL, $MSFT, $GOOGL, $AMZN, $V, $META, $XOM, $PG, $MA, $PFE, $CVX, $KO." +"Wed Jul 27 19:18:00 +0000 2022","Overall bearish on the market🐻 📉 With big tech earnings on $META, $AMZN, and $AAPL approaching they're heading to 🔑 🔑 resistance levels... Jump to 11:08 for my segment on CNN Business👇 " +"Thu Jul 21 15:02:36 +0000 2022","🚨 Pls Share this one. $TSLA earnings analysis, the S&P 500 and NASDAQ!! How to read the economy for $SPY & $QQQQ data thet Feds adjust rates on (or ignore) Why $GOOG has 0.05 increments and more. #StockMarcket #StockMarket " +"Fri Jul 15 18:46:49 +0000 2022","Oh boy I just realized we have the Super Bowl of earnings week (Big tech $AAPL $GOOGL $AMZN $MSFT) combined with next FOMC meeting. Going to get spicy July 26th-28th $SPY $QQQ" +"Fri Jul 29 10:42:52 +0000 2022","S&P Futures just got an extra boost on Blow Out Big Oil Numbers. That said to buy all these Giant Tech Stocks going higher like $AMZN and $AAPL. MM's have to sell something . Most Notable drops today are in Big caps $BABA and $INTC." +"Tue Jul 19 17:54:24 +0000 2022","Twitter interaction is getting better and better now. Get those ❤️ rolling $AAPL 🚀 $AMZN flow play was amazing. $SPY said it looks different at 390 and it 🚀. We are in sync with the market. If you want to read about $META from weekly report 👇🏼 " +"Tue Jul 26 11:06:48 +0000 2022","Playing out in PM as expected. Everything will ride on Google earnings tonight. If not like SNAP, all tech will go up. If not, all last week rally will be gone in a few days. $TSLA" +"Thu Jul 28 19:45:57 +0000 2022","AH's is going to be fun. If $AAPL misses, the tech sector will tank tonight/tomorrow. If $AMZN misses, it won't affect markets. If both miss and drop, it's going to be an ugly options expiration tomorrow. If Apple beats, it will hold the rally. If both beat, up we go. $TSLA" +"Thu Jul 21 19:46:34 +0000 2022","$spy and the markets this week are trading like inflation is not 9.1%, 2 consecutive quarters negative GDP, Housing Market bubble about to burst, The war in Ukraine is not happening, $aapl , $msft and $goog are not pulling the reins on hiring, and everything else is great! 🤡" +"Wed Jul 27 00:02:45 +0000 2022","Although I believe $SPY is way overvalued (priced for Fed Goldilocks, terrible risk/reward), you know the market is skewed bearish when $GOOG $MSFT both miss, yet both up nicely AH. Also helps that everyone, their neighbor, and their Uber driver is bearish. 👀 on Fed tomorrow!" +"Fri Jul 29 13:55:22 +0000 2022","📊The Nasdaq and S&P 500 are up, but don't let that mislead you! $SPY & $QQQ up on $AMZN & $AAPL (the #1 & #3 most heavily weighted $SPY & $QQQ stocks) rising post earnings But there's a lot of red $INTC $BABA $ROKU & $META Markets are mixed right now. #StockMarket #stocks" +"Fri Jul 29 13:34:26 +0000 2022","📉📈 $QQQ rose all the way to $314.88 then fell all the way down to $311 in the pre market. $SPY saw similar movement. Not surprised, the market will take time to sort the current scenario with positive company earnings and concerning economic data. #StockMarket #stocks" +"Mon Jul 25 14:00:47 +0000 2022","$SPY - 1/2 of SPX mkt cap reports this coming week alone. History shows a tendency for the market to lag on the busiest week of earnings. On this equivalent week, my work shows the Dow Jones down that week 8 of the last 10 times, and Nasdaq down 7 of the last 10 examples @ BAML👀" +"Tue Jul 19 21:12:48 +0000 2022","💭 $QQQ looking strong and don’t see a huge resistance above 299 until 304-305. - $NFLX earnings was terrible but not as terrible and that was exactly what street was looking for. ✅ - Chips bill not in action. ❌ Let’s kill it tomorrow Snipers. Have a good rest of the day." +"Tue Jul 05 18:33:35 +0000 2022","$QQQ Nasdaq Names stronger than $SPY today VIX under 28 now as market continues to show strength SAAS/Cloud names impressive rally $MDB $TEAM $CRM notable" +"Tue Jul 12 16:15:09 +0000 2022","$SPX $QQQ stuck in a range all day, the market may be waiting for CPI numbers tmrw morning.. SPX held 3838 so far on the back test $AAPL relative strength today, possible to see 150 tmrw if it holds here above 147" +"Mon Jul 25 20:09:29 +0000 2022","Just noticed, but big names like $AAPL $TSLA $AMZN $NVDA and even $QQQ all created lower levels today compared to Friday's low. $SPY however, made a nice green inside day. Even $VIX was up green 2% at close. Now ask yourself, is $SPY lagging? Or is it predicting?" +"Thu Jul 28 19:21:07 +0000 2022","I expect some misses from $AMZN & $AAPL However, unless its substantial, I don't see an impact on the $SPY / $QQQ markets or a move that would substantiate the IV drain on an options swing. Particularly with market optimism right now. Watching, not trading #StockMarket #stocks" +"Wed Jul 20 20:12:46 +0000 2022","And that's a wrap! Very distracted this week, but managed trade on $SOXL and $RIVN off flow an caught $TSLA AH Markets very strong but $QQQ getting hot.. inside day? HAGN!" +"Thu Jul 07 20:38:25 +0000 2022","💭 Do you all want #LottoFriday watchlist? Jobs report can gap the market up or down and the list might not be valid. ❤️ $SPY $QQQ levels posted. Wonderful week, don't show the profits away." +"Sat Jul 16 17:10:25 +0000 2022","$GS $NFLX $TSLA headlines the earnings next week, investor sentiment is super bearish so we might need an really bad guide from one of the big techs to take this market down to new lows." +"Thu Jul 14 09:52:52 +0000 2022","Good Morning!! Futures down $HP u/g Overweight @ Barclays $JNPR u/g Overweight @ JPM pt cut to $36 $CSCO d/g Neutral @ JPM pt cut to $51 $U d/g to Neutral @ Cantor pt cut to $1?? $TSLA ini a Buy @ Truist pt $1000 $GOOGL pt cut to $2900 @ Citi $AMZN pt cut to $180 @ Citi" +"Sun Jul 17 22:08:02 +0000 2022","Stock futures inch higher ahead of a busy week of earnings. Gotta watch $GS $BAC tomorrow morning. $NFLX $TSLA sets the tone for tech $QQQ $SPY maybe even $SNAP" +"Sat Jul 02 15:08:19 +0000 2022","MARKET UPDATE 07/01/2022 THREAD - $SPX $SPY $QQQ $TSLA $AAPL and others. HEADLINE: PCE DATA, PMI DATA THIS WEEK DOES NOT SHOW GREAT SIGNS + ATLANTA FED LOWERS Q2 GDP EST TO -2.1% -- WOW" +"Mon Jul 25 12:50:41 +0000 2022","Big week for earnings for my portfolio and general + macro data. $AMZN, $META, $AAPL, $MSFT, $GOOG all reporting this week. Here are some of the things investors should be looking out for when these names report: 👇" +"Sun Jul 17 16:03:58 +0000 2022","Hope the chart updates were helpful this weekend. Reviewed quite a few: $SPY $QQQ $BTC $ETH $AMZN $NFLX $AMD $AAPL $RBLX $NIO $NVDA $TSLA $IWM $DAL $GOOG $META $UAL $XOM" +"Wed Aug 17 23:30:07 +0000 2022","Investor Jeremy Grantham On 2000 Amazon Stock Price Crash 💎🙌 $AMZN #MultiBagger #Amazon #investing #investor #valueinvesting #stockmarketinvesting #stocks #finance #investment #stockmarket #stockmarketcrash " +"Mon Aug 22 17:00:01 +0000 2022","Investor Jeremy Grantham on $ARKK Stock Price Cras 📈📉 #shorts #investing #investors #valueinvesting #stockmarketinvesting #stocks #stockmarket #stocks " +"Sat Aug 13 14:57:07 +0000 2022","$BBBY This meme stock has headroom. c. 32% left to go in this price cycle?✅ $QQQ $SPY $RUT #investing #investment #money #trading #invest #investor #business #stockmarket #bitcoin #stocks #finance #cryptocurrency #financialfreedom #wealth #trader #1000perweek " +"Sat Aug 20 17:56:04 +0000 2022","$BILL stock soars 17% on strong results, revenue guidance. Better than expected outlook. Price long way to go... #trading #investing #stocks #canslim #NASDAQ #NYSE #TradingView #earnings #usmarket #growthstocks #stockstobuy #StockMarket " +"Mon Aug 29 13:57:47 +0000 2022","When you will see the price of Just Eat Takeaway $JET $TKWY above €40 you will say to yourself HOW COME I DID NOT USE MY BRAIN 🧠 WHEN IT WAS BELOW €20 FOLLOWING iFOOD disposal for 1.8BILLION EURO #stocks #StockMarket #stock #Bitcoin #TAKEOVER $tesla $amzn $fb $amtd $grfx $bac " +"Wed Aug 31 11:08:44 +0000 2022","#Apple #AAPL (key leadership stock). Broke its key 200 day moving average y'day (although not on high volume). Next stop 50 day mav. Key price action to watch. #S&P500 #stockmarket " +"Fri Aug 12 17:03:15 +0000 2022","On August 11, $TTOO stock was among the top gainers for the day. #Shares of $TTOO stock rocketed up by more than 26% at EOD. Excitingly, we also witnessed a 10% increase in the $TTOO #stock price after hours. #NASDAQ #StockMarket #Investor" +"Wed Aug 17 16:33:20 +0000 2022","The $EAR stock, which increased by more than 77% during trading on August 16th, was another significant gainer. After business hours, we witnessed a significant 22% increase in the price of $EAR stock. #nasdaq #stock #shares #investors #StockMarket" +"Mon Aug 01 16:08:54 +0000 2022","The price of $EOSE #shares increased significantly on Friday. Shares of $EOSE were up over 17% at EOD, which is a significant increase. The primary cause of $EOSE stock's current popularity is that significant rise. #stock #StockMarket #nasdaq" +"Mon Aug 08 15:52:34 +0000 2022","Absolutely insane move here on $SPY and $SPX. I was very confident on this move but it blasted past my price target so I held until we approached the demand zone shown in grey. Done trading for the day, massive gains across the board. #StockMarket #DayTrading " +"Thu Aug 11 15:15:55 +0000 2022","Price targets hit exactly on $SPY 🙏🏾 #StockMarket #DayTrading " +"Fri Aug 12 20:19:49 +0000 2022","I post at 9 am $tsla to $900.69 Thanks @elonmusk meanwhile I was gambling ( some say pumping) and winning in $tsla in stock price action crowd in Stocktwits #stocks #stockmarket $amc @reddit " +"Mon Aug 01 10:08:02 +0000 2022","$FELE Ex dividend date 2022-08-03 Dividend amount 0.195 USD Stock price 90.82 USD #StockMarket #NASDAQ #NYSE #Dividends #dividend #MONEY #startup #FinTechNews #investor #investment #trading #stocks #stockmarkets #NewYork #wallstreetbets #WallStreet #markets" +"Mon Aug 01 10:08:57 +0000 2022","$DKL Ex dividend date 2022-08-03 Dividend amount 0.985 USD Stock price 55.14 USD #StockMarket #NASDAQ #NYSE #Dividends #dividend #MONEY #startup #FinTechNews #investor #investment #trading #stocks #stockmarkets #NewYork #wallstreetbets #WallStreet #markets" +"Mon Aug 01 10:10:58 +0000 2022","$MATX Ex dividend date 2022-08-03 Dividend amount 0.31 USD Stock price 91.67 USD #StockMarket #NASDAQ #NYSE #Dividends #dividend #MONEY #startup #FinTechNews #investor #investment #trading #stocks #stockmarkets #NewYork #wallstreetbets #WallStreet #markets" +"Mon Aug 01 10:03:16 +0000 2022","$IDA Ex dividend date 2022-08-02 Dividend amount 0.75 USD Stock price 111.72 USD #StockMarket #NASDAQ #NYSE #Dividends #dividend #MONEY #startup #FinTechNews #investor #investment #trading" +"Thu Aug 25 14:15:35 +0000 2022","Tesla stock price is back at around $300 due to 3-1 stock split. Now is the time to purchase shares if you’ve been waiting for an entry point! #StockMarket $TSLA #Tesla #Elon" +"Thu Aug 25 13:44:03 +0000 2022","For the second time in 2 years, $TSLA is splitting its stocks, this time 3:1. To be precise on how Tesla share price will move in the next few weeks to months, see this now: #tesla #stocks #stockmarket #elonmusk #fmcapitalgrp " +"Thu Aug 04 04:50:00 +0000 2022","U.S. stocks surged higher on Wednesday, with the Nasdaq closing nearly 2.6% higher. Megacaps Apple, Amazon and Meta finished the session with big gains $AAPL $AMZN $META " +"Tue Aug 09 16:23:54 +0000 2022","Markets are undergoing some profit taking right where they were supposed to as the $SPY ""broke out"" past the May high, the $QQQ ran into the down trend line and YTD ⚓️VWAP and $IWM ""broke out"" and pushed briefly past the YTD AVWAP " +"Mon Aug 15 05:17:03 +0000 2022","$spy in my zone now. I know futures has pushed up a bit today but I think we're getting close. But all eyes on Apple which has been holding the market up. When that pushes down so will the market. Vix is getting closer..some positive signs and been going down for quite some time " +"Tue Aug 16 04:40:18 +0000 2022","Quantitative tightening is still intact, inflation is still too high, & dollar index remains quite strong. TSLA & AAPL are once again quite overvalued. Don’t confuse the bear market rally with the new bull. Avoid getting greedy & hedge heavily at this stage. For a dead cat jump," +"Mon Aug 22 14:38:37 +0000 2022","The tech stock concentrated Nasdaq Composite has a powerful Island Reversal sell signal. Overvaluation of big tech stocks, worry over Fed interest rate hike and up 23% in 2 months is too much are reasons for the index to come down.The fear gauge VIX is raising its ugly head. " +"Mon Aug 29 12:49:03 +0000 2022","Morning! Going to be patient today. If you missed out on Friday, please no FOMO today. Find your setup and manage risk. Watching $VIX 27.5 as my pivot for the market. $SPX / $SPY $QQQ + Megatech in general $AMZN is in the gap, that's a top watch Have a great day! " +"Wed Aug 24 18:06:24 +0000 2022","No surprise that Russell outperforms AAPL and MSFT “ballast names” and breadth heals a bit here as we run the All Clear Echo. Have to respect too that crypto is bouncing while longer rates hiccup higher. Wild juncture. Still not fully cooked up for the bears yet. Patience. " +"Fri Aug 26 18:00:39 +0000 2022","Trade Idea Blog: Market Performance At A Glance After Hawkish Powel... $spx, $compq, $indu, $vix, $gld, $gbtc, $aapl, $tsla, $amzn, $goog, $meta, $msft, $nvda, $qcom, $intc " +"Fri Aug 12 20:17:19 +0000 2022","Choppy morning. Beautiful trend afterward albeit a little grindy at times. Only took one trade on SPY but we mentioned a few good ones in the discord today. 🟢 Chat ideas $SPY 424c $SPX 4250c @dreyonthemoon $NVDA 195c @dreyonthemoon $AAPL 172.5c SPY on break of HOD 🚀 to 1 ATR. " +"Tue Aug 23 04:46:00 +0000 2022","$SPX $SPY $ES_F The charts for $AAPL and $QQQ were ultimately much easier to interpret. I proposed for markets to find a bottom Monday/Tuesday, though did not really expect a pull back this deep. Let's see what happens today. " +"Tue Aug 09 00:24:53 +0000 2022","Despite the downside reversal that should be respected, the silver lining is the Naz had Net NH of 67 today, the biggest number for all of 2022. Watch any pullbk carefully to get a read on mkt underpinnings #stocks #qqq #spy " +"Wed Aug 24 20:17:37 +0000 2022","Looks like the market is waiting for Powell on Friday. Makes sense! 🟢 $SPY 415c $SOFI 6p 🔴 $AMZN 130p (swing) Other great ideas from chat $META 165c $TSLA 905c / 910c" +"Wed Aug 03 20:04:10 +0000 2022","Hope you had a fun day. Watchlist was all home runs! $SPY, $AAPL, $AMZN, $META all went 1+ ATR! $DOCU which I posted about later did as well. Days like these are super fun. Now reset and tomorrow is a new day! 🟢 $AAPL 162.5c 🟢 $AMZN 140c 🔑was 23 fade on $VIX" +"Thu Aug 11 20:07:53 +0000 2022","First live with the group! 🟢 Voice $SPY 324c and 327c $QQQ 330c $SNAP 11.5c (went to 1+ ATR) Chat $AMZN 135p 8/19 $NVDA 175p (h/t @dreyonthemoon) 🔴 $AMZN 135p 8/19 (swing starter, closed AM 🫠 sucks) Also $LYFT from watchlist almost 1 ATR as well! Hope you had a great one!" +"Tue Aug 16 23:23:23 +0000 2022","$Aapl $Amzn $Googl $Tsla $SPX 4300 p .45-12.30 At 4:10 ( military time ) all the faang names wicked up , aapl sold off w vol , and the 200ma on spy couldn't break Premiums on these 4300 were around 5.00+ earlier in the day , spx was up 22$ at the time ,and they were at .4-.5 " +"Fri Aug 19 20:28:49 +0000 2022","Great week! Some ideas from today's live voice/chat with @dreyonthemoon 🟢 $SPY 422p $AMZN 138p $AAPL 172.5c $SPX 4225p 🔴 $SPX 4260c Missed $NVDA 180p! Went -1 ATR fast. Was probably the best one lol. How did you do? Have a great weekend!" +"Tue Aug 09 19:45:44 +0000 2022","Slow drawn-out price action before tomorrow's Cpi. I got in a few scalps in MSFT & took more profits on SPY short swing. Tried $NVDA twice but stopped for breakeven. $MSFT 285c +40% $MSFT 282.5c +30% $SPY 413p +81% I'll happily take whatever the market is giving. 😀 " +"Mon Aug 29 12:25:46 +0000 2022","Good morning traders 💪💥 Rout continues here today, looking SHORT on the #stickynote today 📉 $AMZN weak retail continues and we had this $138 FRIDAY, today let’s try $130👊 $META now under $160 SA until a strong hold above 😅 $AMD chip weakness cont… $PLTR $8 $TSLA $280 🚗 " +"Tue Aug 30 16:00:40 +0000 2022","Nice almost -1 ATR move on SPX/SPY. 🟢 I took these live with the group $SPY 400p $SPY 396p Also suggested these. Both went ITM. Some folks banked on them. $AMZN 128p $NVDA 155p And of course @dreyonthemoon nailed SPX $SPX 4000p 🔥 Done trading for the day. 🚀" +"Wed Aug 17 03:28:32 +0000 2022","After $ZM put in a 3rd lower high on the weekly, there was a major drop. Chart 1 ZM & $QQQ Chart 2 $AAPL vs QQQ Chart 3 $AAPL, QQQ, $TSLA, & $GOOG Chart 4 All Is #apple holding up the $NASDAQ? " +"Mon Aug 22 13:23:48 +0000 2022","8/22/22 Options Trading Watchlist 🤑 $AMZN 140/141c > $136.45 $META 160/162.5p < $168.6 $SPY & $QQQ dropping sharply into the AM. Momentum entries in thread. Trade smart, size strategically. High volatility as we open. #stockstowatch #optionstrading " +"Wed Aug 03 13:21:40 +0000 2022","8/3/2022 Stock Options Trading Watchlist 🤑 $AAPL 160/157.5p < $163.4 $META cancelled Stock markets have gapped up with $QQQ & $SPY moving in after/pre market. $META gapped and eroded the upside of the trade. Np! Projection was🎯 Trade smart! #StockMarket #optionstrading " +"Mon Aug 29 19:59:09 +0000 2022","These 7 stocks make up 48.6% of $QQQ and 24.7% of $SPY. It's going to be hard for markets to rally if they're all losing momentum (except for $AAPL) and only 3 are gaining relative strength ( $AAPL, $TSLA & $AMZN). $MSFT and $GOOGL are losing both and $NVDA/ $META losing momentum " +"Wed Aug 03 00:47:12 +0000 2022","8/3/22 Stock Options Trading Watchlist 🤑 $AAPL 157.5p < $160.9 🍎 $META 167.5/165c > $158.65 We nailed $NVDA today, $AAPL is back on deck. $SPY & $QQQ are settling into a new base / range. Will review and update in the AM! #StockMarket #stocks " +"Mon Aug 22 03:03:54 +0000 2022","8/22/22 Options Trading Watchlist 🤑 $AMZN 143/144c > $138.45 $META 157.5/160p < $169.5 $QQQ and $SPY down tonight but there's a lot of time to open. Tight and narrow list. Being conservative as its Monday - will update in AM based on market action! #stocks #optionstrading " +"Thu Aug 04 00:28:20 +0000 2022","8/4/22 Stock Options Trading Watchlist 🤑 $AMD 100/101c > $98.65 $META 162.5/165p < $167.05 $WMT $129.2 < 129/130p $GOOG (watching) Jobs report in the AM will be a key driver of the stock markets. I'll be monitoring and will adjust accordingly. #Stock #StockMarket " +"Thu Aug 04 01:55:16 +0000 2022","From IBD Wednesday Night. We KNOW what to look for. We own all but one, from MUCH lower. *Higher low setup. ""AAPL stock, (AMZN),(MSFT), Meta Platforms (META), (TSLA) & (GOOGL) were among the leaders."" Charts for you! Good to study. VIP's own them also. #stocks #investing " +"Sun Aug 28 14:43:55 +0000 2022","Tech led the rally on $SPY from lows of $362.17 to highs of $431.73 - so you will want to watch $SQQQ (inverse $QQQ ) this week as it hits the 200MA @ $41.80. 👀 Other factors to keep in mind: • US 10 Year Treasury Note: Which recently cracked 3% this past week. Good luck!🍀 " +"Tue Aug 16 01:22:40 +0000 2022","🚨3 bigly tech gaps for if tech continues to run $TWTR above 44.81 = 47.47 gap close $SNAP above 12.4 = 16.57 gap close $NFLX above 251.65 = 353 gap " +"Sat Aug 20 21:25:06 +0000 2022","$BTC isn’t looking well. $COIN puts looking good. $TSLA is headed downwards, weak all day Thursday/Friday. Let’s see if it can break $904, otherwise ⬇️ it will go. $AAPL beast up through Friday, but then started showing weakness. Next week, Red? We’ll see. $SPY $QQQ" +"Tue Aug 02 02:52:24 +0000 2022","$AMC I had $SPY originally green tomorrow. Given the news of Pelosi visiting Taiwan, & Monkeypox related news, I have the broader market red. BUT, as we saw today, that does not necessarily mean the same for $AMC. TA looks fantastic, & earnings comes on Thursday.👌🏼 #AMCSTOCK" +"Tue Aug 30 01:47:45 +0000 2022","The largest drops in RS over the last two weeks have come from Tech, Software, High Beta, Nasdaq 100, Mobile Payments, Cloud Computing, Homebuilders, Mega Cap Growth, and Data Sharing $XLK $XSW $SPHB $QQQ $IPAY $XLOU $XHB $MGK $BLOK " +"Sun Aug 21 19:14:14 +0000 2022","Another HUGE week of #EARNINGS It's going to be a week of opportunities and the ability to go to the next level $NVDA $ZM $SNOW $PTON $CRM $XPEV $M $PANW $DLTR $JD $AFRM $INTU $DKS $ULTA $DG $SPLK So many opportunities to play LIVE in the Greatest Chatroom " +"Tue Aug 09 22:20:21 +0000 2022","📈 $QQQ Wedged into close with the CPI print coming in at open. If 315 is lost the bull gap gets filled with the target to 312. Breaking higher 319 and 322. Currently $SMH $TSLA have been a leading indicators for the runs in the market and they are falling off. " +"Wed Aug 31 01:52:41 +0000 2022","The S&P 500 currently trades at 18x NTM earnings. Still a significant premium to the historical valuation $SPY has traded at during periods of high inflation. $QQQ $AAPL $TSLA $NVDA $MSFT " +"Thu Aug 04 21:37:45 +0000 2022","🔥 4 top tech weekly charts below ❤️ I will do my write-ups in a bit 🔄 Like & share to spread the love! $AAPL $TSLA $AMZN $MSFT Charts courtesy of @Trendspider " +"Tue Aug 09 03:30:37 +0000 2022","Looking for big bar up at open on $SPY $NASDAQ based on way futures are back and filling here in Asian markets. Should coincide nicely with the $AMC alpha. 🟢" +"Wed Aug 03 14:58:37 +0000 2022","$AAPL Still with Relative strength holding that EMA trend #update Market sideways for a bit but held the pullbacks $VIX testing support $AMD also watching pullbacks to hold but position there(See other posts on $AMD) $QQQ next leg over 320.40 " +"Wed Aug 10 23:14:44 +0000 2022","Payday! Swung $SPX 4200c (8/11 exp), $META, $GOOGL and $NFLX we’re some of my big winners. Guidance always appreciated by the always excellent @EliteOptions2 thank you for putting together an excellent group of people. " +"Wed Aug 10 00:53:04 +0000 2022","*WHAT HAPPENED OVERNIGHT* - SPX -0.42%, Nasdaq -1.19% - Weakness in semiconductor chip cos after Micron (after Nvidia on Monday) sounded cautious - UST 10y yield +2 bps to 2.78% - Oil -0.3% to $96.40/bbl - DXY index higher towards 106.50 - Up ahead: U.S. CPI on Wednesday" +"Tue Aug 16 03:46:59 +0000 2022","$SPY $QQQ What I’ve learned trading this year is that the entire market is being held together by $AAPL ‘s massive P/E ratio and can only be taken down by $SNAP ‘s missed ER. 🫡" +"Wed Aug 10 11:47:23 +0000 2022","Patience til #CPI in case of surprise. $TSLA post Elon sales 855-57 support in play. $COIN earnings bad but short int dictates open trade off 81 low. $TTD up with a 64 break looming. $AMZN 138 resistance breaking early. #markets #trading $U $SSNT $MEGL " +"Tue Aug 23 11:45:51 +0000 2022","$ZM guides poorly, down big, 90 resistance on a pop. Chips weak yesterday, $NVDA looms, 169.50 big support with resistance 171.50, 173.50. $XPEV wider loss vs expected dragging $NIO down to that big 18.60 level! #stocks #trading $MRIN $INDO $APE " +"Mon Aug 08 16:13:30 +0000 2022","At some point this morning , $QQQ was up more than 1.5%. It is flat now. In the meantime, oil names are starting to perk up a bit - $XOP. Probably the market is starting to price in high CPI readings on Wednesday. " +"Mon Aug 08 14:43:39 +0000 2022","Markets $SPY $DIA $QQQ $IWM are holding up well today despite the $NVDA news. This tells me they are looking at the CPI report due out Wednesday morning. Its always looking ahead. #StockMarket #stocks" +"Sat Aug 06 13:38:04 +0000 2022","***THREAD: MARKET UPDATE 08/05/2022*** $AAPL $QQQ $TSLA $SPX $SPY AND MORE. THIS WEEK HEADLINE: STRONG JOBS REPORT PUT A DAMPER ON RALLY***SIGNALING POTENTIAL AGGRESSIVE RATE HIKE IN SEPT 75BPS*** " +"Wed Aug 03 13:19:09 +0000 2022","Morning! Market Pivots $VIX 23 $SPX / #ES_F 4115 $SPY 410 Watchlist $AAPL $AMZN $META Also $280B Chips bill signed $NVDA / $AMD / $INTC / $MU / $TSM Early access to discord will roll out over the next few days. Expect a link to Beware of scammers!" +"Tue Aug 09 20:25:21 +0000 2022","$QQQ To me, long we hold the 50EMA we are still on a nice uptrend. The STO/CCI needed a good ol' fashion reset before tomorrow's news. Still bullish that we see lower CPI and market may turn up on 50bps fed future rate hike. $SPY " +"Tue Aug 02 13:05:15 +0000 2022","Morning! Market Pivots $VIX 24 $SPX 4100 $SPY 409 $QQQ 313 $IWM 186 Watchlist $AAPL - Daily 21 EMA in play on market weakness $AMZN - Gap in play on market weakness $TSM - Pelosi in Taiwan (alt. $NVDA, $AMD, $MU) $MARA - Crypto fade" +"Thu Aug 11 17:58:21 +0000 2022","Ok this is enough chop now. Have added my final bullet & am back to working on more algos 08/26 $QQQ $300p 10/21 $SPY $370p Am also still short $TLT Now $422 & $326 One more large as heck trip down 📉 for the lols by 10/21 plis" +"Sat Aug 06 23:35:27 +0000 2022","WoW just found hidden divergence but remember Market still looking bullish and trend line is intact (I will record video over Sunday n show u divergence. Stay tune in. $spy $qqq $tsla $msft" +"Wed Aug 31 02:26:43 +0000 2022","Both SPY & QQQ closed below their 50-d Moving Avg. w/ higher volumes. If they can’t reclaim levels quickly, more algorithms’ll get triggered. As I tweeted repeatedly, this rally was a bear mkt rally. I’m glad I traded true to my views. I’ll stay on the sideline til 9/13’s CPI." +"Mon Aug 08 13:09:39 +0000 2022","$NVDA dragged tons of names down with it Alongside the market Breakouts will have to wait alongside with rejects on open now. Need price action on market to actually formulate $SPY $QQQ" +"Wed Aug 03 09:57:27 +0000 2022","$TSLA +1.3% to $914 pre-mkt in front of tomorrow’s AGM. Equities rose (SPX +0.4%, NDX +0.4%) as tensions cooled as Speaker Pelosi departed from Taiwan. 10yrTY 2.754% +0.5bp fueled by hawkish comments by Fed members. Sen Dems racing to vote on Inflation Reduction bill by weekend." +"Tue Aug 09 22:33:29 +0000 2022","Big day tomorrow. Can the trend be changed or going to grind up more. Let's see! Who's ready to checkout the options flow? 100 ❤️ if you are ready for it. $SPY $QQQ $AAPL $AMZN $TSLA $GOOGL $META" +"Thu Aug 04 11:50:27 +0000 2022","It's a risk-on market rally right, but risk isn't exactly off either. A lot of big earnings movers this morning - many are up but not all. $AAPL $ARKK $FTNT $LLY $LNTH $ACLS $ELF $LCID $MCK $PWR $LNG $DDOG $BABA " +"Tue Aug 09 03:06:38 +0000 2022","Two months bulls have a nonstop rally, all the bad news were priced in, market just ignored and moved higher. Many stocks rallied to the🌙. I think big money taking profits on $AAPL $AMZN $SPY today. I will check data tomorrow too but expecting one big flush day coming this week." +"Tue Aug 23 22:37:28 +0000 2022","Trimmed tech positions around $SPY 430 area Eyeing $AAPL $AMD $GOOGL $TTD $MSFT for adds Watching $VIX $SPY $QQQ for reversal signs" +"Fri Aug 05 23:04:32 +0000 2022","I am expecting CPI numbers to come below estimates this time (July). Good numbers are bad, so market may sell off this time. We will see. $SPY $QQQ $AAPL $AMZN $TSLA" +"Sun Aug 07 13:24:54 +0000 2022","I expect CPI numbers to stay inline or come below estimates. $SPY possible to see a weak price action on Monday , Tuesday and move up 425 level by Friday post CPI numbers. Let's see! 🚀🚀🚀 $QQQ $IWM $AAPL $AMZN $TSLA $SQ $SE $AMD $NVDA $MU $LRCX $GME $AMC $BABA $JD $SPY $COIN" +"Sun Aug 07 13:35:20 +0000 2022","$SPY $QQQ $IWM completed 8 weeks uptrend. $SPY moved from 360 to 416 $QQQ moved from 270 to 325 $IWM moved from 163 to 191 $AAPL 129 to 167 Power or bear market rally 🚀🚀🚀" +"Mon Aug 22 14:27:08 +0000 2022","Here’s a look at tech stocks reporting earnings this week: $PANW $ZM $INTU $JD $XPEV $NVDA $CRM $SNOW $ADSK $NIO $SPLK $NTAP $BOX $ZUO $VMW $MRVL $WDAY $DELL $AFRM $SUMO $JKS " +"Tue Aug 02 00:04:34 +0000 2022","Who's interested in checking options flow data tonight? $SPY $QQQ $IWM $AAPL $AMZN $TSLA $META $GOOGL $SQ $SE $AMD $NVDA $MU $LRCX $GME $AMC $BABA $JD $BIDU $PDD" +"Fri Aug 26 12:23:27 +0000 2022","The Dow and NASDAQ improved over the last hour but $TSLA didn't. My earlier assumption of a flat to weak day is now even at a higher confidence. Regardless of Fed speak. MM's don't care about the outcome. They want their premiums." +"Sun Aug 07 23:44:46 +0000 2022","Watchlist for next week: $SPX $SPY $QQQ $VIX $GBT $VRTX $MSTR $NVDA $META $AMZN ❤️ = 50 for levels ❤️ = 100 for Charts with levels View" +"Tue Aug 09 14:34:48 +0000 2022","Watchlist results in 2 min. Please like & share when it posts! ❤️💪 Adding scrnshts straight from my feed. Happy to see so many doing well & learning! Recognize so many insider names! $NVDA Off for the day. Only runners if you have them already on. $AAPL / $META = on for now" +"Thu Aug 18 04:06:19 +0000 2022","Despite the $QQQ closing near flat, most names fell today with $AAPL being the leader and pulling averages up. Mostly modest drawdowns but we'll watch claims in the AM and see how PM activity plays out." +"Mon Aug 01 15:37:25 +0000 2022","$SPX held 4100 on this morning dip, SPX price action more choppy today after last week's run.. Let's see if SPX can base above 4132 for the next 2 days $TSLA down 30+ from the highs, best to close through 915 to set up for 929 again $META to 169 if tech can run tomorrow" +"Tue Aug 09 16:30:35 +0000 2022","Why is NASDAQ getting hit so hard today? Amazon and Apple are holding up pretty well, yields are normal and no inflation concerns today popping up. Seems $TSLA is dragging down the NASDAQ and QQQ today. It's starting to be a leading indicator now on the daily charts." +"Sun Aug 28 15:20:38 +0000 2022","💭 Lot of dirty looking charts: Wedge Break down on $TSLA Double top neckline loss on $NVDA Island Tops on $MSFT $NFLX on many tech $AMZN penetrating the earnings gap Careful Snipers." +"Mon Aug 29 14:58:36 +0000 2022","$SPX tried to break higher at the open but failed.If SPX can't hold near 4020 we should see it back test 4000 soon $AAPL under 160 can pull back to 157 this week. Puts can work under 160 $AMZN tried to hold 130 at the open, setting up for 125 next" +"Tue Aug 23 04:11:54 +0000 2022","Do y’all enjoy the charts? 📈 Reviewed $SPY $AMZN $QQQ $AAPL $VIX on HIGH watch tomorrow. If we get over $24 market will dump. I’m personally thinking we see a little pump tomorrow. I doubt it will last though." +"Tue Aug 09 20:19:30 +0000 2022","💭CPI Market Implied Premiums Pricing for Tomorrow: - $SPY: +/- 5.0 - $QQQ: +/- 5.9 Implied Premiums Pricing for the week on some stocks: - $AAPL: +/- 4.1 - $TSLA: +/- 41.2 - $META: +/- 6.5 - $GOOGL: +/- 3.15 - $AMZN: +/- 4.6 Going to be a fun week. Lot more move possible." +"Wed Aug 31 15:22:45 +0000 2022","See how happy 😃 ad businesses today are just because $snap cutting 20% workforce and it’s putting floor in S&P500 If all companies in S&P500 cut 20% we may even trade 6000 $goog $meta $msft" +"Mon Aug 22 17:25:44 +0000 2022","$SPX weak all day, couldn't reclaim 4167 after breaking under.. if it breaks under 4132 we can see 4100 tomorrow.. Powell also speaking on Friday morning as well $AMD setting up for a dip to 90 if $NVDA misses earnings this week $AMZN no signs of strength it should test 130" +"Tue Aug 16 20:00:00 +0000 2022","$SPY 200D hit.. Meme's went nuts $BBBY $GME etc. Overall another strong day, $XLF lead, tech was a bit weaker but rotation has cooled things off Market at a big spot here HAGN!" +"Tue Aug 09 20:15:00 +0000 2022","Very do nothing day ahead of CPI in the am. $AAPL $MSFT notable strength.. $SMH getting killed.. See if we get a nice cool number tomorrow! HAGN!!!" +"Mon Aug 15 16:56:36 +0000 2022","💭 What a fun day! $TSLA almost 100% trade. Runner left. $META chop indicator showing end of chop coming, might result in a pop here. $SPY bear gap filled almost. Very tiny bit left." +"Wed Aug 24 13:26:00 +0000 2022","From Sams private twitter Join us oxy 75.2 76 mdb up down 20-25 tomorrow on tech earnings spx needs 4152 under 4091 really dives GS now says powell will signal slowdown of rate hikes interesting cmg 1650 is a nice lotto into powell if he says slower hikes 1700 poss" +"Thu Aug 25 20:11:14 +0000 2022","And that is a wrap, Huge ramp into the close on volume. PCE and Powell tomorrow, but market saying who cares? $SPY Above the 8D ... $BABA $PINS gave great trades today... $TSLA splat after split! HAGN!" +"Wed Aug 17 09:55:51 +0000 2022","Good Morning!!! Futures down Retail Sales and FOMC minutes today $AAPL u/g to Outperform @CS pt raised to $201 from $166 $SE d/g NEUTRAL @ Daiwa $HUYA d/g NEUTRAL @ Citi $WEBR d/g SELL @ Citi $APP ini Outperform @ Wolfe pt $40 $AI ini Peer Perform @ Wolfe" +"Tue Aug 09 14:00:44 +0000 2022","$SPY dropped for a 4th consecutive session, while the $QQQ underperformed after Micron $MU, the largest US maker of memory semiconductors, said sales may come in at the low end of or below its previous guidance. Treasury yields climbed, while USD fell $TXN $NVDA $AMD $INTC $ADI" +"Wed Aug 03 22:16:15 +0000 2022","Nasdaq $QQQ just posted one of best months in 20Y w/ tightening Fed (+98% of other CBs), mixed earnings/muted outlooks, stubbornly high core inflation (ex-commods), slowing growth, declining econ fwd indicators (PMIs, conf), & QT (just starting) How the bear mkt rally gets ya!" +"Fri Sep 09 03:37:48 +0000 2022","How will the new iPhone release affect Apple's stock price? #Apple $APPL #iPhone #productlaunch #stockmarket #nasdaq #stockmarketnews #iPhone14Pro #AppleEvent " +"Tue Sep 27 15:09:57 +0000 2022","AMAZON Stock Price Analysis & Forecast - Now GREAT VALUE & TIME TO BUY? via @YouTube $AMZN #Amazon #stocks #StockMarket #trading #investing " +"Mon Sep 26 20:48:07 +0000 2022","The anatomy of a bear market. Risk on became risk off very quickly. $META, $AAPL, $AMZN and $MSFT actually finished positively, could have been much worse. Lots of mega cap index distortion positively and the $SPX still finished down, Data: @t1alpha " +"Mon Sep 26 16:51:40 +0000 2022","The $RUBY #stock was among the top gainers on Friday. At EOD on Friday, $RUBY stock shares had soared by more than 6.2%. This recent gain is all the more alluring given that the price of $RUBY stock has plunged by more than 29% in the last month. #NASDAQ #investor #StockMarket" +"Mon Sep 26 18:49:25 +0000 2022","Shares of $FFIE #stock are rising with gains of 2% and significant volume on Friday, September 23. The price of $FFIE #shares has plunged by over 85% during the past six months. As a result, #investors should take note of this recent action. #NASDAQ #StockMarket" +"Fri Sep 02 19:29:01 +0000 2022","Sleepy Joe and the Democrat (Nasdaq) #stockmarket since last September. Price of goods up. Retirement portfolio's down! $QQQ -23% in a year! Your one million turned into $770K if you were lucky enough to not be hit harder. Vote in mid-terms and let em know! #inflation #gasprices " +"Wed Sep 14 12:18:41 +0000 2022","#morningmarketmin for sept 13! #cpi data came in way higher than expected . #market adjusting itself to price in 100 bps #interest rate hike this sept . #cryptotradingn #money #success #investor #stockmarket #stocktrading $spx $qqq $tsla " +"Fri Sep 02 14:52:02 +0000 2022","Apple $AAPL might see an increase in its stock price❗️📈 #apple #aapl #stock #stockmarket #stockstowatch #stockstobuy #stockstotrade #stocktrading #stockinvesting #appleevent #stocks #bullish " +"Fri Sep 02 14:55:43 +0000 2022","Is the Stock Market about to change direction⁉️ All 3 ETFs $SPY $QQQ $DIA are showing bullish price action signs. • #etfinvesting #stockmarket #stockmarkets #stocktrading #stocks #stockmarketnews #stockmarketinvesting #stocktrader #stockinvesting #stockmarketeducation " +"Wed Sep 21 07:33:48 +0000 2022","Markets have been down but @Meta's stock price loss is astounding. #MarkZuckerberg has lost $70 billion after #metaverse leap v/ @IntEngineering #StockMarket #meta " +"Fri Sep 02 02:59:41 +0000 2022","$SPY future is volume popping when market goes in sell off mode finding bottoming out and I also notice today unusual market reversal mode last 1hh b4 market close. $qqq $tsla $aapl $nvda " +"Tue Sep 20 15:53:58 +0000 2022","As mentioned on Sunday … All were 🐻 on AAPL WTD $AAPL +4.3% $NFLX +3.4% $TSLA +3% " +"Wed Sep 21 08:44:58 +0000 2022","Despite the drop-off of late, the $SPX still has further to fall - so says @SmeadCap's Bill Smead - here's why names like $AAPL, $MSFT, $AMZN & $GOOG are the next to get 'whacked' on @CNBCi #tech @StreetSignsCNBC @tanvirgill2 $NDX " +"Fri Sep 16 17:22:14 +0000 2022","$NBRV was another penny stock that had a significant increase on September 15. By EOD, the price of $NBRV stock had surged by an astounding 42%. #StockMarket #investors #trading #NASDAQ #stocks" +"Thu Sep 22 23:01:22 +0000 2022","🙏💸 $PLCE in Downtrend: its price expected to drop as it breaks its higher Bollinger Band on August 16, 2022. View odds for this and other indicators #stockmarket #stock #stockmarketcrash $JFK $CEMI $SPY $TSLA $SHOP $AMZN $NVDA $ROKU $AIM $AAPL $AMD " +"Fri Sep 23 03:58:40 +0000 2022","$SPY Market update as S & P 500 Market has lots of sellers lined up having no buyer in market as every little bounce today market was selling off. I notice so many cycle today. $qqq $tsla $spx $amzn " +"Fri Sep 09 03:18:01 +0000 2022","$SPY Market update as Market could not take the previous day low but did poke thru previous day high today as I said it looked bullish today. Rest detail in video. $spx $qqq $amc $nio $btc $tsla $aapl " +"Mon Sep 05 08:32:36 +0000 2022","Market's quite muted today, no US trading tonight $JFC +1.2% gaps up with NFB +P151m $ABA +5.5%, attempted to break 2.5 but failed to close above it $DMC +4%, stronger than $SCC -1.5%, a shift in exposure preference? $ACEN -4.7% breaks ST support " +"Tue Sep 13 03:11:34 +0000 2022","$SPY Everyday Market update : CPI print might bring 200SMA testing soon. Market looks bullish but I found hourly chart MACD divergence. $btc $qqq $spx $tsla $nio $amc $lcid " +"Tue Sep 20 16:59:23 +0000 2022","AAPL upgraded, AAPL and TSLA are up but other major technology stocks are down; German CPI higher than expected and European stocks are down; it is believed that the Federal Reserve will raise interest rates by 0.75% tomorrow. $SPX remains below the 3900, trend is down. " +"Tue Sep 13 20:13:04 +0000 2022","WHAT A DAY: $SPY $399p $0.55 ➡️ $6.40 $SPY $390p $1.50 ➡️ $3.92 $AAPL $157.5p $2.02 ➡️ $4.50 $MSFT $250p $1.40 ➡️ $2.54 $META $155p $2.64 ➡️ $4.15 " +"Thu Sep 22 21:00:33 +0000 2022","ANOTHER BEAUTIFUL DAY BABY : $AAPL $155p $1.70 ➡️ $4.40 ( overnight swing ) $SPY $380p ( overnight swing ) $2.71 ➡️ $7.35 $SPY $375p $2.66 ➡️ $4.00 $SPY $362p $4.31 ➡️ $6.64 $META $143p $1.36 ➡️ $1.76 " +"Tue Sep 06 12:40:35 +0000 2022","Found something really interesting on the Nasdaq $NQ Checkout how many days are between the start and end of each drop I think we see A LOT more DOWNSIDE $SPY $QQQ $AAPL $TSLA $SPX " +"Fri Sep 23 12:20:32 +0000 2022","$TSLA is > 30% off it’s June lows, but $QQQ and $SPY are close to now. For $QQQ, I’ve seen weak names with weak growth prospects fall further past their June lows. A stock picker’s market. Avoid top-down macro ETFs that try to stock pick bottom up. They can’t. See $ARKK vs $QQQ " +"Thu Sep 29 18:14:47 +0000 2022","Very true. Still have some more time left in the day. My guess is that if this divergence breaks today and $HYG heads lower, we can see QQQ and even $SPY tag the lower weekly EM. " +"Sun Sep 11 13:57:29 +0000 2022","$SPY held 390 and tested 388 last week both held upside rn is 408 / 410 / 412...415 poss reject this 407.50 level n its 404.85 / 402.50 / 400 lots of big events this week to turn the tide $AAPL $GOOGL $AMZN $TSLA all at big spots IMO " +"Tue Sep 06 03:43:13 +0000 2022","VNKUMAR DAILY MARKET VIEWS - 09/06 $SPY $QQQ $IWM $AAPL $AMZN $TSLA $META $GOOGL $SQ $SE $AMD $NVDA $MU $LRCX $GME $AMC $BABA $JD $BIDU $PDD Keep following and show your support. ❤️ Like and retweet for more ❤️❤️ Good luck everyone! 💸💸💵💵💰 " +"Mon Sep 19 12:53:47 +0000 2022","Morning! Watching $VIX 27.5 (market pivot) $SPX / $SPY $AAPL 150 key for AAPL and the market $NFLX 250 bottom of gap possible on relative strength $ABNB could be heading to 110 this week" +"Thu Sep 22 12:32:15 +0000 2022","What a day yday💥,thanks for 👀todays #stickynote Big cap tech in focus as many names are at or below 52 week lows📉👀 $AMD I like the Long as it was strong pre-fed💪, watching $74 $META also liking LONG $144 break, support $142 $AMZN Short $120, consumer 🤮 $MSFT $241 SS " +"Tue Sep 13 13:34:29 +0000 2022","$SPY $QQQ $TSLA $AMZN $AAPL When everyone was bearish at $390 I gave you the divergence we got a bounce to $411. Everyone turned bullish at $411 gave you the heads up a reversal was due. Thankfully I got size yesterday had we had a gap up I was going all. " +"Fri Sep 16 12:27:25 +0000 2022","Todays #stickynote with some SHORT ideas, can not see the market up today 📉🤷can you? $AMZN on $FDX weakness, looking to fade any pops $124.50 $AMD big trade yday, look to repeat $78 $TQQQ $QQQ mkt not going green, SS $26 $GOOGL 52 week low is 101.88 SS when we get there " +"Mon Sep 19 12:27:26 +0000 2022","Big week ahead, thanks for checking out the #stickynote 👀📈 $AMD lets stay in our lane, should be shorted against key $77 and $78 levels 💰 $NFLX wow, now we looking at $250, so strong, buy dips💪😎 $AMZN bad week, looks awful under $125, SS $124 $MSFT 52 week low $241.50 " +"Sat Sep 17 03:43:24 +0000 2022","$SPY 09/19 386c solid flow. More data to come over the weekend! Set notifications ON! --- $QQQ $AAPL $AMZN $TSLA $BABA $MSFT $GOOGL $AAPL $SQ $SE $TWLO $ETSY $AMC $GME $BA " +"Thu Sep 29 15:42:57 +0000 2022","$QQQ surprisingly, this still hasn't reached June lows while every other major index has. $AAPL is down 4.4% and $TSLA is down 5.4% today. Not what one would expect. Think this says more about how large the bear market rally was for tech in Jul/Aug & less about relative strength " +"Wed Sep 07 02:03:56 +0000 2022","US stocks slumped on Tuesday after intraday gains Dow was boosted by defensive stocks such as Johnson & Johnson and Coca-Cola. But finally closed 173 pts down Nasdaq fell 0.74%%, weighed down by tech stocks reversing earlier gains, such as Apple, Tesla, Nvidia and Microsoft" +"Tue Sep 13 05:04:32 +0000 2022","$QQQ Daily. #QQQ looking bullish as the 50sma crosses above the 100sma just like $SPY. All that matters is the #CPI print tmrw. Obviously high #CPI print not good for tech, note the bear flag. Short-term upside levels 315, 320, 325 $NDX $NQ_F $XLK #SPY #Nasdaq $AAPL $MSFT " +"Fri Sep 16 20:50:53 +0000 2022","$SPY $QQQ $TSLA $AMZN $AAPL $NVDA $ARKK Signing off on the day what a start to September for me smash the like button if you loved these setups. Enjoy your weekend everyone. " +"Fri Sep 16 20:48:48 +0000 2022","📽️VIDEO Stock Market Analysis 9/16/22 $SPY $QQQ $IWM $SMH $IBB etc VIEW HERE 👉👉👉 all week we spoke about ⚓️VWAP from the CPI, always set anchors to key market events! HAGW Like & RT! " +"Fri Sep 02 19:33:06 +0000 2022","US stocks have closely tracked the Financial Conditions Index throughout this year. The overlay suggests new lows are ahead for $SPY. $QQQ $AAPL $TSLA $NVDA " +"Thu Sep 01 17:48:22 +0000 2022","⚡ Stock Momentum Trend ⚡ 🚀 Ticker: $BZFD 🚥 Price: $1.54 🥇 Win Rate: 90.0% Use promo code: barpotfirst50off #BZFD #investingtips #stockmarket #TSLA #money #stockmarketinvesting #investment" +"Sat Sep 03 19:43:33 +0000 2022","$AAPL $MSFT $GOOGL $TSLA weekly Largest market cap companies continue their downtrend. (side note really like the multi symbol feature on Trendspider now) " +"Tue Sep 13 13:38:25 +0000 2022","$SPY $QQQ $AAPL $AMZN $TSLA I saw the sell setting up took some size smash the like button if you banked on this setup. Gave you the bull setup at $390 and bear at $411 in a span of 7 days, can't get any much better than this." +"Tue Sep 20 15:20:27 +0000 2022","Wanted to share some of my mid day scans with you guys Inside Bars Forming on the hourly: ❤️if this interest u $AMD $SHOP $DKNG $META $MU $NFLX $SQ $PINS " +"Sun Sep 25 18:11:03 +0000 2022","Weekly ETF Market Evaluation & MAXLIST Review - Sep 25 2022 In the MAXLIST Review, we are looking at: AAPL, AMZN, BIDU, FB, GOOGL, GS, MA, MSFT, NVDA, TSLA, TWTR, and V #ETF #MAXLIST #MissionWinners " +"Thu Sep 22 21:13:12 +0000 2022","Trading with a TRULY incredible #office with a view here in Switzerland while celebrating to return of OTC spikers like $GMER $TXTM $GTII $VNTH & higher priced spikers like $PIXY $SPRO $SAVA despite the truly fugly $DIA $SPY $QQQ whewww, such an interestingggg September This is! " +"Sun Sep 04 20:21:43 +0000 2022","Slow for earnings and economic reports. Fed Chair and Vice Chair will speak, which is likely to spark short-term volatility. Both houses of Congress return with spending issues front and center. Apple Product event on Wed. 3900 remains my Focus. #Futures #ES_F $ES_F $SPY" +"Sun Sep 18 18:08:03 +0000 2022","Weekly ETF Market Evaluation & MAXLIST Review - Sep 18 2022 In the MAXLIST Review, we are looking at: AAPL, AMZN, BIDU, FB, GOOGL, GS, MA, MSFT, NVDA, TSLA, TWTR, and V #ETF #MAXLIST #MissionWinners " +"Mon Sep 19 19:49:28 +0000 2022","Not a bad day, $SPY filled it's gap.. now can we push to the 8D? $AAPL $TSLA leaders today. See what tomorrow brings, nimble til after the fed! HAGN 2 Games tonight, Duke sticking his tongue out at you! " +"Fri Sep 09 20:45:13 +0000 2022","$SPY $AMZN $AMD $TSLA #recap #EMAclouds #tradingtips Trend Day in markets, review of EMA clouds how the golden rule ""bullish bias over 34/50"" helped to keep bias As always $SPY with 400/401 reclaim & VIX downtrend all day guide #system No Noise, Just Trend Huge day on $SPY " +"Fri Sep 09 15:55:56 +0000 2022","Quick 📊🧵- charts by @AnthonyOhayon $SPY retraced back to the AVWAP from covid lows, where previously it undercut then shot over. Does this confirm a higher low? During this retracement, the nasdaq has still be relatively strong and gaining…thread 👇 " +"Sun Sep 18 16:21:44 +0000 2022","Weekend Review, 9/18: Market in Correction Nasdaq and S&P 500 closed down 5.48% and 4.77% for the week respectively, finding resistance at the 50-day/10-week SMA. The market headwind remains strong with indexes below major moving averages. $QQQ $SPY " +"Thu Sep 29 12:01:58 +0000 2022","EPS miss by $BBBY, though turnaround story and short int moves it. $XPEV and Chinese EV's down. If 12 holds look for bounce. $AAPL right back below 148, $META and $NFLX were strongest, 142 big for the former. 238 dips on latter for support. $SNTI $NVDA " +"Thu Sep 22 12:02:51 +0000 2022","#Markets trying to bounce off FED lows. $HOOD ⬆️as pay for orderflow could remain, $10 a good base. $GOOGL under 100 level. $NVDA strong yesterday. 131 support and the 135 resistance key levels. $RIVN on a big ledge 34.80 on the daily! $SPRO $TSLA $META " +"Wed Sep 21 11:45:36 +0000 2022","Patience til the #FOMC hike. $AAPL carried the market now 158 and 50 EMA on the daily loom. $TSLA resisted $310 yesterday while $GOOGL primed for a 100 test downside. EV's in play again. $F 13 floor and $LCID 15 will be big. #Markets $SOBR $TELL $RIVN " +"Fri Sep 30 11:53:49 +0000 2022","Dollar strength and inventories hit $NKE hard, $84 holds can have a bounce. $MU cutting costs missed guide, trading higher. $AMAT a fade today. AI day for $TSLA and $CCL earnings due soon. $META 135 support key today. #markets #stocks $AIMD $FDX $AAPL " +"Mon Sep 19 00:00:13 +0000 2022","$AAPL - Over 150 - Trade Idea 💡 - Sept 23 152.5C $AAPL - Under 150 - Sept 23 145P Closed at 150.70 If AAPL can defend 150 it is possible to see a bounce towards 157 Under 150 can back test 145 - $ARKK $AMD $AMZN $BA $META $MSFT $NFLX $NIO $ES_F $NVDA $QQQ $SPX $SPY $TGT $TSLA " +"Wed Sep 07 13:18:31 +0000 2022","=SPX 4000 Gamma =Premarket Gap Down $NIO (#earnings) UP $COUP $PINS $CHPT =Fed Fund Rates ⬆️ =Economic Calendar 10 am FED Mester 1155 am FED Brainard 2 pm Barr y BeigeBook =1 pm #AppleEvent =Sector Fuerte $TAN Bull Flag (↘️ Wedge) =MA200 SP500 S5TH Nasdaq Comp NCTH" +"Thu Sep 01 13:55:03 +0000 2022","HUBEOS MARKET ALERT @ 2022-09-01 09:40: -3.78% LOSS in AMD Stock (Advanced Micro Devices, Inc.) – Price $81.66. More info: RT #stockmarket #marketalert " +"Wed Sep 28 13:16:23 +0000 2022","Can someone tell me how $AAPL is down 3% and $SPY is green? What holdings of $SPY is keeping it up premarket? All I see if every tech name slightly red premarket. I’m not complaining just generally confused. 🤨" +"Thu Sep 15 20:52:29 +0000 2022","Final heat map of the S&P 500's performance from today. $MSFT $GOOG $AMZN $TSLA $AAPL $META $MA $JPM $BAC $GS $NVDA $JNJ $LLY $ABBV $UNH $BMY $VRTX $REGN $UPS $HD $WMT $XOM $CVX $KO $HON $NEE $COP $LIN $CNC $ELV $CI $HUM $NFLX $NBIO $WINH #StocksToBuy #StockMarket #stockstowatch " +"Mon Sep 12 16:35:00 +0000 2022","🎉🚨💫 MKT Call with @GuyAdami & @CarterBWorth is coming up @ 1p -Does the market rally have legs? $SPY -CPI report tomorrow -Semis sending a warning for big tech?$SOX -Big week for software stocks $IGV Sponsor @FactSet Powered by @OpenExchangeTV " +"Fri Sep 09 00:01:27 +0000 2022","Some of the largest stocks by market cap are all under a flat or declining 200dma. It's hard to be aggressively bullish in this scenario. $aapl $amzn $tsla $nvda $goog $meta $nvda $msft $brkb $tsm " +"Tue Sep 20 14:27:10 +0000 2022","$AAPL $TSLA duo-handedly holding up market. If Powell is hawkish, rates are 75bps and these names dont muster strength, this week will experience another September 13th. If somehow we get a 100bps hike, thats just GG. $SPY $QQQ" +"Tue Sep 27 12:02:35 +0000 2022","$aapl will give some clues of early Strength holds, builds, or fades. Can anything $spy $qqq get a stay above yesterday’s high. (That’s my thought). Feeble bounce, or does to last a few sessions? " +"Sun Sep 11 00:40:34 +0000 2022","Just took a quick look at the market and can say from looking at the weekly timeframes. We look good, potential higher low + bullish engulfing's on a TON of names in big tech including $SPY $QQQ" +"Sun Sep 18 17:36:46 +0000 2022","Meta down Netflix up Crypto down Silver up Apple sideways down and up with Tesla up Oil down Fakefutures down Memestocks surge. That would be my guess. A strange market with strange spikes. Like an earthquake in the stockmarket with some vulcano's." +"Thu Sep 22 03:13:13 +0000 2022","Hit ❤️ if you like me to share free plays tomorrow. -- $SPY $QQQ $AAPL $AMZN $META $TSLA $NVDA $AMD $SQ $SE $GOOGL $ETSY $BABA $TWLO" +"Tue Sep 06 18:28:12 +0000 2022","100 ❤️ and retweets if you want me to continue looking at live market data and post good potential winning trades! $SPY $QQQ $AAPL $AMZN $MSFT $TSLA $AMD" +"Sun Sep 25 00:55:25 +0000 2022","Posted options flow data for $SPY $QQQ $IWM More data will be shared tomorrow, give a ❤️ if you are following! Thank you! $AMZN $AAPL $NFLX $GOOGL $BABA $META $SQ $SE $TTD $MA $V $TWLO $ETSY" +"Fri Sep 16 14:50:59 +0000 2022","We will get very good opportunity to make 10x on $SPY $QQQ $META $NVDA in next two weeks, we just need to time it. My guess is next Friday market will see a huge bounce." +"Mon Sep 12 18:01:23 +0000 2022","Mondays are busy days with work but trying my best to share flow to everyone. Who's following my posts and would like me to continue sharing. $SPY $AAPL $AMZN $GOOGL $TSLA $MSFT $NIO $CVNA $BBBY" +"Fri Sep 09 19:42:56 +0000 2022","Forget September bearishness, this time it's different. In 2022, market is driven by CPI numbers, FOMC, GDP etc.. IMO $SPY $QQQ $AAPL $AMZN" +"Mon Sep 19 18:49:46 +0000 2022","How many are following my posts? Hope it's worth my time and energy by sharing my inputs here. Thank you ❤️ $SPY $QQQ $AMZN $META $TSLA $BABA $GOOGL $NVDA $AMD $SQ $SNOW" +"Mon Sep 05 03:55:38 +0000 2022","Shared $SPY $QQQ $IWM Options flow data. I will be sharing more flows tomorrow depends on response from everyone. Good night! $AAPL $AMZN $TSLA $MSFT $GOOGL $TWLO $BABA $ETSY $LULU $SQ $SE $PYPL $BA $UPST $AMC $GME $BBBY $CVNA" +"Tue Sep 20 20:04:28 +0000 2022","Good recovery for $SPY $QQQ post lunch. Big day tomorrow. Who's interested in checking out flow data to night? $SPY $QQQ $IWM $AAPL $AMZN $TSLA $META $GOOGL $SQ $SE $AMD $NVDA $MU $LRCX $GME $AMC $BABA $JD $BIDU $PDD" +"Thu Sep 22 20:02:44 +0000 2022","Verrrrrry interestying to see such a weak $DIA $SPY $QQQ $BTC $ETH market environment while former Supernova OTCs like $GMER $GTII $TXTM $SMME uptrend/spike nicely...it's been a while! Brush up on your pattern knowledge, we're baaaaaaaaaaack!" +"Sun Sep 18 18:34:53 +0000 2022","Based on options flow data, I see market is bullish short term but possible to see one more round of sell off post FOMC. Let's see! I will continue to monitor options flow data and share to everyone. Plz do follow and set notifications. Thank you! ❤️ $SPY $QQQ $AAPL $AMZN $TSLA" +"Fri Sep 23 23:48:28 +0000 2022","Some see red, I see opportunity getting closer for the long haul. Tough times don't last forever 💪 $SPY $QQQ $AAPL $TSLA $MSFT $META $NVDA $AMD " +"Thu Sep 22 01:39:26 +0000 2022","I am expecting market to bottom tomorrow for this month. All major events for this month are done, now possible to see some relief rally next week. Let's see! $SPY $QQQ $AAPL $AMZN $TSLA $META $GOOGL" +"Thu Sep 15 00:31:52 +0000 2022","$AAPL trading below 50 & 200dma $MSFT trading below 50 & 200dma $GOOG trading below 50 & 200dma $AMZN trading below 50 & 200dma $META trading below 50 & 200dma $NVDA trading below 50 & 200dma $TSM trading below 50 & 200dma $TSLA trading above 50 & 200dma Tesla bucking the trend" +"Mon Sep 19 18:05:42 +0000 2022","Accumulate stocks on dips, short term bigger bounce is coming in 2-3 weeks. Expecting stock prices will be above today highs by first week of Oct'22. $SPY $QQQ $AAPL $AMZN $META $NVDA $GOOGL $BABA $AMD $SQ" +"Wed Sep 28 12:03:28 +0000 2022","$AAPL below 148 level on reports of slowing iphone 14 production. Short back to 148, $TSLA falls below 280 and $MU still short in front of $50.60 and earnings tomorrow. $BIIB lifts Alzheimers names after breakthough study. #stocks #markets $ABOS $PRTA " +"Thu Sep 29 20:03:31 +0000 2022","Good close $SPY $QQQ $AAPL $META $AMZN Gap up to $368 possible, all depends on PCE numbers tomorrow. Let's see! Have a nice day. 🌅" +"Sun Sep 11 14:34:03 +0000 2022","Things to pay attention to next week: Tuesday morning CPI data - I would swing calls for the SPY COIN AAPL TSLA overnight on Monday. Friday morning inflation sentiment - I would swing calls too here on Thursday night. It is very possible we close near the 200SMA this week." +"Sun Sep 04 22:46:51 +0000 2022","$AAPL $TSLA $AMZN $META $GOOGL All ugly charts with bearish engulfing candles with that huge reversal we had on Friday. $GOOGL and $META notably weak as well with $TSLA. $AAPL and $AMZN have gotten hit too but much further off their lows then the others. Charts below 🧵" +"Fri Sep 16 15:30:31 +0000 2022","No one knows the bottom, if you believe in the company just accumulate stocks on dip and hold long term. $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $AMD" +"Tue Sep 27 20:23:14 +0000 2022","$SPY $QQQ $AMZN $META $AAPL market keeps going down but if there are any chances of recovery in next three days, weekly calls can print 500-1000% easy! Market is oversold and going in single direction last two weeks." +"Mon Sep 12 17:09:32 +0000 2022","$SPX held 4100 on the dip, this should test 4167 by Wednesday if there's a positive reaction to CPI tmrw $QQQ above 312 can move to 315-319 $AAPL strong, possible we see 170 if it can close through 165 this week" +"Fri Sep 16 11:10:34 +0000 2022","$AAPL $AMZN $GOOGL $META $MSFT names represent the core of the indices and institutional risk appetite, so the whole market will move as they move. What are they telling you? Charts below." +"Wed Sep 07 14:44:17 +0000 2022","My plan called last night I can not be intraday bear 🐻 above 3892. Very little trading below my 3892 and now we are trading 50 handles higher. Powered by OrderFlow. Bulls 🐮 now need to take 3935. Watch $aapl below 155 👍 #ES_F $SPX $NDX $SPY " +"Sun Sep 25 16:30:57 +0000 2022","If we do get the oversold bounce, some names to watch $TQQQ (leveraged QQQ, fairly obvious why) $NVDA (sitting on huge shelf & 50sma. 125 is a huge spot, can risk 120 to potentially get 140+) $AAPL (closed above 150 Friday, can use 148 area as a stop) $SNOW (held 170 Friday)" +"Tue Sep 20 15:49:41 +0000 2022","$AAPL Blowing up 1,5% and the S&p is still down 1%? That's saving the market today. In order for any big drop like 100 down on s&p $AAPl would need to be down." +"Thu Sep 08 11:14:18 +0000 2022","Many are asking my current positions. Here you go. I know, I'm heavy tech and FAANG $TSLA 10,500 @ 293 3,000 @ 281 1,500 @ 275 1000 $NVDA @ 166 (ouch) 1,000 $AMZN @ 133.13 1,000 $GOOG @ 112.62 1,000 $META @ 158.28 500 $QQQ @ 293.33" +"Thu Sep 22 02:16:59 +0000 2022","META, GOOGL, MSFT all broke their June 2022 lows in the past month. why shouldn't the QQQ, SPY do the same? is energy going to hold up spy? healthcare/retail/other tech hold up qqq? unlikely." +"Tue Sep 06 22:26:08 +0000 2022","$SPY & $QQQ made lower lows despite trying to hold. $TSLA while making a lower low still managed to stay in the 3 day range. $SOXX has not made a lower low in 3 days either. It's troubling that $NVDA has zero lift. The sector can't rally without it. Also... #Notetoself" +"Wed Sep 07 02:53:44 +0000 2022","Not Even Looking at Individual Names lately, when time is right will trade all individual names as usual Focus been on $SPY $QQQ $VIX $TQQQ $SQQQ etc Although Eyes always on $AMD $TSLA Small Caps Also dnt have same Vol as Early August Maybe market waiting on next CPI" +"Fri Sep 23 14:39:38 +0000 2022","@agnostoxxx Why i have a ton of aapl downside. Passive outflow flip, HF consensus “ballast long,” retail hideout, AND snb? Just wait until they warn like Intel in Sept 2000 - goodnight noises everywhere." +"Mon Sep 12 19:59:13 +0000 2022","Still bearish? Maybe tomorrow is your day CPI,.3% expected. $AAPL raged. $AMZN $TSLA $XLE $DNV Strong Play the names ignore the noise and the indexes!! HAGN! Duke says. Woof Woof!" +"Tue Sep 20 19:40:21 +0000 2022","One hell of a choppy session. Fed and Powell tomorrow... $AAPL $NFLX $TSLA some of the better names today HAGN!" +"Thu Sep 15 15:20:22 +0000 2022","Very wild session. Pre we talked about $SPY 396 as key level to break or the uptrend @ 392 area Market gave nice trades both ways so far. $NFLX $TSLA $AMZN longs.. and shorts or markets shorts. head on a swivel here" +"Tue Sep 20 09:53:32 +0000 2022","Good Morning! Futures down $AAPL pt raised to $190 @ Evercore $LAC assumed Overweight @ Poper $BLUE pt raised to$10 @ RJ $PXD ini Overweight @ Keybanc pt $290 $WDC d/g HOLD @ DB pt $40" +"Fri Sep 23 14:09:46 +0000 2022","New 52-week Lows: $NVDA $INTC $T $GOOGL $SHOP $META $MU $WBD $JBLU $SQ $CLF $TSM $CSCO $RIO $ROKU $PARA $FDX $CRM $GSK $AA $UPST $ERIC $SE $V" +"Thu Sep 08 18:10:45 +0000 2022","$AAPL holds prices w/ inflation - $GSAT underwhelms Elon Musk going to trail $TWTR Saudi Arabia wants LGBTQ+ content pulled from $NFLX $AAPL $GOOGL $META anti-trust stalls UPGRADES: $FSLR X 2 $MAXN $MRNA $ROKU $WWE $SNAP $TXRH $ALGT $CHGG $ALBO 230% $ANVS 280% $ASXC 190%" +"Tue Sep 27 15:54:02 +0000 2022","@MaryMichelleNay @MrDylonDuPlooy @RSAMMD @DrReginaHurley Temp bounce back in : S&P Dow Nas Short lived !! People trading qqq spy dia Should be buying txtm - concomitantly Just my opinion Wish I could buy !!! - Lol …" +"Tue Sep 27 13:01:20 +0000 2022","Personally, I’ll be waiting for key level retests or breaks, if we hold PM lows around $SPY 367, I’ll look for bounces on strong names ( $AAPL $TSLA $NVDA). If we break below, will watch for weaker PM names ( $MSFT $GOOGL $META)." +"Sat Sep 10 22:37:27 +0000 2022","I hope today's charts & ideas were helpful! Have a great night ✌️ Reviewed: $SPY $QQQ $AAPL $AMZN $META $NFLX #Bitcoin #Ethereum $GOOG $NVDA $TSLA $CGC $COIN" +"Wed Sep 07 20:48:14 +0000 2022","Charts done for today. Posted most of them during market hours. Make the charts on @TrendSpider and track from here! Posted: $TSLA $AAPL $TAN $FSLR $ENPH $ES_F $BTC #Ethereum $CGC $AMZN $COIN $HOOD $GOOG $DAL $AMD $META $NQ_F" +"Thu Oct 20 17:57:34 +0000 2022","STOCK-MARKET: #SP500 & #Nasdaq - S&P 500: $SPX $ES1! $SPY, - Nasdaq $QQQ $NQ1! $IXIC - Technical-Analysis - Key Price-Levels to Watch #Stocks #Stockmarket New Episode: " +"Wed Oct 05 19:10:06 +0000 2022","The price of $CORZ stock increased significantly during trading hours and after hours on Tuesday, October 4. #NASDAQ #stocks #shares #investors #StockMarket #MinaMarGroup #MMG #wednesdaythought" +"Thu Oct 20 18:17:51 +0000 2022","The most recent analyst to offer their opinion on the $CABA stock is Wells Fargo. The company's rating by the analyst firm is still Overweight, with a $4 price objective. #NASDAQ #StockMarket #investors #stocks" +"Mon Oct 17 19:04:49 +0000 2022","The $GOEV stock estimate price from R.F. experts is now just shy of 1,000% (971%) higher. #NASDAQ #investors #stocks #StockMarket" +"Mon Oct 17 19:04:47 +0000 2022","The most positive opinion on the penny stock is now held by experts at R.F. Lafferty. They gave a Buy rating and a $15 price target in their most recent report. The price of $GOEV shares was about $1.40 as of Monday's opening bell. #NASDAQ #investors #stocks #StockMarket" +"Tue Oct 25 20:17:17 +0000 2022","Nasdaq in the Gutter. Well was worth a Try. Seasonals out the Window. America in a recession for sure. Only in 2008 did both Microsoft and Google Miss targets. " +"Fri Oct 14 22:03:08 +0000 2022","The stock market closed and this was the most important news: 🟣 $BYND will significantly reduce its workforce 🟣 $GS reduces $TSM price target to $89 from $126 🟣 Elon musk under investigation by federal authorities, according to $TWTR #StockMarket " +"Fri Oct 28 21:29:44 +0000 2022","This was today's stock market highlight: 🟣 $TT managed to increase its global auto production in September, making 887,733 vehicles worldwide 🟣 Credit Suisse analyst Scott Deuschle raised the price target on $LMT to $384 from $375 #StockMarket $SPY " +"Fri Oct 21 12:51:49 +0000 2022","$TSLA #stockmarket update wisdom of the day: — ""when its time to buy a stock you're not gonna want to"" Daily almost identical to May 24. Wallstreet might want to do a scare by pushing price < $200 for short time. Time to get greedy = see my entry points. (no invest advice) " +"Tue Oct 04 11:09:31 +0000 2022","WTL WorldCall Telecom Limited has selected NASDAQ for its Listing. Stock price increase 55% as material information upload on PSX website. #WTL #PSX #KSE100 #StockMarket #Bullrun #Technology @PakistanGas #AllPakistanandWorldBussinessSector " +"Thu Oct 20 15:25:59 +0000 2022","$TSLA #stockmarket check sell-off after the close clearly algo driven evident by the fast slip in stock price. Goal to push #TESLA #stock down + profit from reversal to trend also scare (retail) traders into selling or buying puts for @TESLA. (no invest advice) @28delayslater " +"Wed Oct 12 13:31:39 +0000 2022","U.S. stock futures were higher Wednesday but pared some earlier gains as investors weighed producer price data that came in slightly higher than expected. $DIA $SPY $QQQ $AAPL $INVO #stocks #StockMarket #trading #wednesdaythought #HumpDayMotivation " +"Fri Oct 21 15:06:58 +0000 2022","🙏💸 $PLCE in Downtrend: its price expected to drop as it breaks its higher Bollinger Band on August 16, 2022. View odds for this and other indicators #stockmarket #stock #stockmarketcrash $JFK $CEMI $SPY $TSLA $SHOP $AMZN $NVDA $ROKU $AIM $AAPL $AMD " +"Mon Oct 03 15:51:59 +0000 2022","$AIMD stock was among the top gainers on Friday, September 30. By EOD, the share price had soared by an astounding 35% to more than $1.89. #NASDAQ #stocks #shares #investors #StockMarket" +"Mon Oct 17 19:03:31 +0000 2022","This raises the price of the $GOEV stock anticipated by R.F. analysts by slightly over 1,000% (971%). #NASDAQ #investors #stocks #StockMarket" +"Wed Oct 12 03:35:16 +0000 2022","$SPY Market update as Market trying to get up n go but seller lines up to book profit taking previous day low as well as creating new low of 2022. $spx $qqq $tsla $amd $aapl " +"Thu Oct 06 10:58:17 +0000 2022","Tesla stock price target cut to $370.00 from $391.67 at Mizuho $TSLA View more: #Ainvest #Ainvest_Wire #StocksInNews #StockMarket #Investment " +"Thu Oct 20 17:57:24 +0000 2022","STOCK-MARKET: #SP500 & #Nasdaq - S&P 500: $SPX $ES1! $SPY, - Nasdaq $QQQ $NQ1! $IXIC - Technical-Analysis - Key Price-Levels to Watch #Stocks #Stockmarket New Episode: " +"Fri Oct 14 02:22:59 +0000 2022","✨#Pakistan's #StockMarket Snapshot (Oct 13,2022) #PSX: 3⃣2⃣ #stocks sunk to record lows in 30 days!📉 ❤️‍🩹Top Loser: MetaTech #Health Ltd. (META) - Change Rate: ↓86.68% - Share Price: Rs.13.41 - Volume: 36,500 - SHARES: 7,432,425 🇵🇰 #Karachi #Stock 🔗 " +"Tue Oct 11 13:02:30 +0000 2022","Here is $AAPL, $AMZN, $MSFT, $META zones and levels I watch these intraday to give added conviction to my $SPY trades, or just take one of these if I really like the setups! " +"Fri Oct 28 02:26:44 +0000 2022","Today was wild! Let me catch you up! Tmrw will be even wilder, I got you there too! 10/26/22 Stock Market Review $AAPL $TSLA $SPY $AMZN $INTC $PINS $SHOP $TWTR " +"Fri Oct 28 16:04:56 +0000 2022","Again, not suggesting $SPY repeats, but eerily similar right??? The catalyst last time: $AAPL earnings. 400-410 seems possible on a rally. Looking for $VIX fade to 24-25, that zone is where we rallied 3 times this year. Downside, look for another pullback to the Daily 21 EMA. " +"Thu Oct 20 23:56:43 +0000 2022","$SPY $SPX RSI breaking out on the weekly. Price holding above the 200 Weekly SMA and the 2018 Low AVWAP but is pinned under the Covid Low AVWAP. $AAPL $GOOGL $AMZN $MSFT among other big names report earnings next week 👀 These four will determine if we get the bear market rally. " +"Tue Oct 04 16:18:45 +0000 2022","Another leg up for Nasdaq. As the Twitter Deal sees Increased Volume on the Index. Source Saxo Futures platform. The weekly Fair Value gap is the Target 🎯. Tech stocks Rally. This is my last Tweet on the Plane back to London Uk. Have a safe trade. Sad to miss all this." +"Thu Oct 27 21:02:32 +0000 2022","The $SPX MCO was down again but it's still extremely overbought. Despite AMZN's big drop in after hours, the bulls can cling to AAPL's better than expected earnings and the coming Fed pivot next week but with the MCO at 104 the odds are in favor of another down day tomorrow. " +"Mon Oct 03 01:54:24 +0000 2022","Let's get ready for the week... Last week, Big Tech stocks fell led by Apple after Bank of America's downgrade. $AAPL is now trading ~22 fwd P/E. $META $GOOGL $AMZN $TSLA $MSFT $AAPL $NFLX $NVDA " +"Thu Oct 27 20:19:01 +0000 2022","Here is the 15-minute chart of Nasdaq futures with the impact of after-hours earnings releases (read: misses) from $GOOG, $META and now $AMZN. $NQ_F " +"Sun Oct 30 21:57:26 +0000 2022","This week: $TSLA - watching for push over $230 for continuation to $240 $AAPL- earnings push. Over $156 to see $160 $SPY- beautiful push over the downtrend line. Key watch over $390 $AMD - entered into a small consolidated zone here $59-62 so watching over $62 for cont " +"Sun Oct 23 21:33:39 +0000 2022",". $AAPL - next push is over $150 . Earnings are on 26th. . $TSLA - stayed in the $200-220 zone last week. Really watching over $220 for this week. . $SPY - nice break over the downward trend line. Watching over $374 for possible $377 test. Under $370 can see back to $366 zone. " +"Sat Oct 22 13:42:36 +0000 2022","BIG Earnings week coming! ⭐️ $AAPL $AMZN $MSFT $META $GOOGL $UPS $SHOP $INTC $GE $MMM $ENPH $V $CMG $MCD $CAT $PINS $MA $XOM " +"Wed Oct 26 22:18:00 +0000 2022","@Mayhem4Markets We all know how this is going to go. Microsoft alphabet and Mets earnings all suck. Stock market barely budges. Aapl earnings will suck and stock will go up anyway and entire market will absolutely rip. Spare me please" +"Fri Oct 14 14:12:39 +0000 2022","$SPY - Trading above declining 5dma, CPI & WTD AVWAPs. Price still has not hit its EM for the day (shaded box). Currently below MTD/QTD AVWAP. 15 min chart. $QQQ - About to test Daily EM WTD & CPI AVWAPS. " +"Mon Oct 17 17:03:20 +0000 2022","Huge week ahead with EARNINGS on deck. 👀💯 I am really looking forward to: $NFLX (recent moves) $TSLA (do we take $200?) $SNAP (effects many names, $META $GOOGL ) What are you TRADERS looking towards, what did I miss? credit: @eWhispers " +"Fri Oct 28 12:33:51 +0000 2022","Good Morning Traders! 💥 #stickynote RETWEET pls!! 🙏💯 Lets see what Friday brings to the NASDAQ!! $AAPL nice report, finally we can look LONG again, $144 $AMZN Still can look SHORT, $95, but could bounce of $92 $INTC cost cutting, looking LONG $PLTR $8.40 " +"Thu Oct 27 13:53:48 +0000 2022","Nasdaq back to support 11,294 am tracking next supports 11,229 and then 11,091 res: 11,367, 11,431, 11,550 earnings reports from $MSFT, $GOOG and $META have been bad... but we get the big ones tonight with $AAPL and $AMZN $NQ #NASDAQ " +"Tue Oct 25 11:41:28 +0000 2022","$SPX pushed right up to resistance but hasn't been able to break through yet today shifts the focus to earnings, a slew of reports ahead of the bell today and the megacaps start reporting after the bell today $MSFT and $GOOG after the bell $FB tomorrow, $AAPL and $AMZN on Thr " +"Wed Oct 26 20:33:06 +0000 2022","Nasdaq another bad earnings report, this time out of $META, which goes along with $MSFT and $GOOG yday $AMZN and $APPL report tomorrow #Nasdaq appears to be taking this in stride $NQ same levels as yday, another res hit at 11,700 and support still holding > 11,367 " +"Wed Oct 05 12:28:38 +0000 2022","Was it a trap? lets see, tks for checking todays #stickynote 👀📉 $TSLA still on watch, more selling needed by @elonmusk ? lets see, $240 SS $OXY Oil making moves, so is this name, $67 L🛢️ $AMD always on radar, SS rips to $68.25, possible SS hit $66.50💥 $AMZN $118 support😎 " +"Tue Oct 18 19:49:23 +0000 2022","100 ❤️ if you are following and would like me to continue doing live sessions for ER season! $SPY $QQQ $AAPL $AMZN $NFLX $TSLA $AMD $NVDA $BABA $SQ $UAL $ISRG $ALLY $ABT $PG" +"Wed Oct 26 13:29:50 +0000 2022","$QQQ Just want to remind everyone these are the top 10 holdings of the QQQ etf as of today. We still got $AAPL $AMZN $META earnings coming today and tomorrow which could drastically move the index… " +"Tue Oct 25 22:42:16 +0000 2022","#Futures open red 🔻🔻 after $MSFT and $GOOGL print today. ▪️ $META tomorrow, $AAPL and $AMZN Thursday. PCE Friday Rally bros, hope you had fun while this fake rally lasted…😮 $SPY $QQQ " +"Fri Oct 28 00:42:16 +0000 2022","10/28/22 Trading Watchlist 🤑 $META 100c > $96.1 $NFLX 290p < $304.1 Two names on deck. Lots to parse from $AMZN and $AAPL tonight. Also watching $PYPL. Flow via Unusual Whales - $META only, nothing substantive on $NFLX. Will update in the AM per usual! #stockstowatch #stocks " +"Mon Oct 24 00:02:01 +0000 2022","Big week coming with $AAPL $AMZN $META $GOOGL $MSFT earnings, IF $SPX can hold 3750 through Tuesday it can make a move towards 3838 and possibly 3900 by the end of the week. I would stay bullish as long as SPX holds above the June lows at 3645. Calls can work above 3750 this week " +"Mon Oct 10 23:40:24 +0000 2022","10/11/22 Options Trading Watchlist 🤑 $TSLA 195/197.5c > $221.80 $NVDA 126/127c > $115.65 $NFLX $210p < $231.9 $AAPL 134/135p < $142.25 October is volatile as always. $VIX is up. Four stocks on deck. Monitoring markets. Review in AM. Flow via Unusual Whales. #stockstowatch 💪 " +"Wed Oct 12 20:25:57 +0000 2022","This is an interesting trend going into CPI day. . A ton of confidence that we can rally .. 5 days data on $spy Also $tlt is showing algo divergence $nflx and $nvda as well.. somethings gonna give and tomorrow is the showdown " +"Tue Oct 18 20:22:22 +0000 2022","QQQ-closed as a dark cloud cover but held another HL on 65 min....5 day curling, 10 day support on the pullback....IWM SPY both closed over the 20EMA and QQQ might do so tmrw. Might have pushed higher today if the AAPL production news didn't hit. " +"Wed Oct 19 00:56:04 +0000 2022","Global-Market Insights 1/n -The US markets continued to rally for the 2nd day as corporate results helped -Goldman Sachs, Netflix, Lockheed Martin posted better-than-expected earnings -However, Nasdaq closed off highs after reports that Apple is cutting its iPhone 14 production" +"Sun Oct 02 16:13:03 +0000 2022","THE STOCK MARKET AND PRICE ACTION. ONLY DOES TWO THINGS. FROM BEGINNING TO THE END OF TIME: TREND AND/ CONSOLIDATE. That’s it. During phase of consolidation (rest). That we look for entry. #StockMarket #SPY_FAMILY " +"Tue Oct 18 21:26:58 +0000 2022","$NFLX beating should not be a real shock. Bar is very low now for most tech names, in terms of consensus going in, given recession situation. Most will likely beat. Which could be another major bull catalyst to push $SPX & entire market in general up now. 🟢 $AMC $SPY $QQQ $DJI" +"Sun Oct 23 13:19:21 +0000 2022","Se viene LA semana en los earnings. Reportan aapl, amzn, googl, meta, msft, v, ko, mcd, xom, cvx... casi todo el spy. " +"Fri Oct 28 15:03:28 +0000 2022","5 tech megacaps ($AAPL $AMZN $GOOGL $META $MSFT) that reported are down ~9% on avg this wk (have covered many shorts & buying $AAPL today) & S&P passed this test up ~3% on 1% lower $USD & ~25 bps drop in 10Yr yields. Expect bear mkt rally to continue & less aggressive Fed on 11/2" +"Tue Oct 18 23:06:22 +0000 2022","NFLX beat which move QQQ which will move Amzn, Aapl, Amzn and Meta, which will move SPY up. This will seem like a bottom and it may be for the short term, but eventually it will all come crashing. Long for the very short term." +"Thu Oct 27 13:11:49 +0000 2022","doomers & late bears ""what the heck? bull-trap, all-in short"" yep with TSLA MSFT GOOGL, FB/Meta all missed big & guided lower doomers wondered? why $SPX not tanking 20% see below thread, weeks ago before TSLA earnings report my prediction was a flat/up mkt but SPX up & way up" +"Thu Oct 27 13:09:32 +0000 2022","doomers & late bears ""what the heck? bull-trap, all-in short"" yep with TSLA MSFT GOOGL, FB/Meta all missed big & guided lower doomers wondered? why $SPX not tanking 20% see below thread, weeks ago before TSLA earnings report my prediction was a flat/up mkt but SPX up & way up" +"Mon Oct 10 01:43:47 +0000 2022","$SPY $QQQ $ARKK PPI CPI Earning season kicking off this week. Stay nimble and patient with your setups the volatility will get worse this coming week.." +"Fri Oct 28 12:01:53 +0000 2022","Save us $INTC? more like $AAPL but the former up on earnings and trying to break trend. $PINS very strong relative numbers big 26.50 resistance. buyer in front of 23. Chinese names down again and $LI 14 room to go. #stocks #markets $AMZN $HTCR $NVDA " +"Thu Oct 27 05:25:40 +0000 2022","$GOOGL, $META, $TSLA and $MSFT is 16.4% of the S&P. Throw in $AMZN and it’s roughly 20.1%. Which means 1/5th of $SPY is down over 10% in the last three days, but yet it keeps going up? Gonna need this to make more sense, because right now it does not." +"Wed Oct 26 23:38:59 +0000 2022","$META's weak outlook – especially Q4 revenue guidance & 2023 expense guidance - isn't even computed in the losses in FANGMAN market cap today which was >$400bn after bad tech earnings from $MSFT and $GOOGL. Remember when tech mattered? $AAPL is last General standing. $SPY" +"Wed Oct 19 12:01:57 +0000 2022","$NFLX strong earnings beat, up a ton so risk of 270 break down at open, above 280 room to 3. $DIS 102 a huge level in sympathy. $UAL great qtr. dips in front of 37. Asian names weak overnight. $XPEV 8! $NIO 11.70 #trading #stocks $TSLA $ROKU $INTC " +"Sun Oct 23 15:13:22 +0000 2022","🇺🇸EARNINGS THIS WEEK: -APPLE -MICROSOFT -ALPHABET -AMAZON -META PLATFORMS -INTEL -SHOPIFY -PINTEREST -EXXON MOBIL -CHEVRON -COCA-COLA -MCDONALD’S -FORD -GENERAL MOTORS -VISA -MASTERCARD -UPS -BOEING -SOUTHWEST AIRLINES -CATERPILLAR -3M -GENERAL ELECTRIC -KRAFT HEINZ $SPY $QQQ" +"Fri Oct 14 12:06:21 +0000 2022","$MS IB #'s lead it lower, $JPM higher after a beat. Like 80 resistance on former. $BYND job cuts. Bounces off 13 2nd time this week, Squeeze if that holds, short 15. $AAPL strong, but $META 131-32 resistance is juicy. #stocks #markets $INTC $LASE $NFLX " +"Tue Oct 18 11:51:10 +0000 2022","$NFLX 250 breaking, 255 daily big level pre earnings. $TSLA above 227 has room, if 225 doesnt hold open careful. $GS strong beat and restructure gap above $316 dip buys to 310. $META $142 for sells and $F 12 finally! #stocks #markets $RBLX $LASE $META " +"Fri Oct 21 20:01:00 +0000 2022","$SPX defended the June lows again and reclaimed 3700. Possible we see a move to 3838-3900 next week if there's a positive reaction to $AAPL $AMZN $GOOGL earnings. HAGW! 🙏 $SPX 3750C $6.00 to $25.00 $SPX 3720C $5.40 to $37.40 $QQQ 272C $2.25 to $5.90 $NFLX 282.5C $1.25 to $8.00 " +"Thu Oct 27 16:15:53 +0000 2022","It looks like we are on pause until $AAPL & $AMZN earnings tonight. The bar has been lowered so I have no clue how the market is going to react to these numbers. We shall see. $QQQ #stock #StockMarket" +"Wed Oct 26 23:38:13 +0000 2022","$AMLX $AMGN $TDW $HLIT ... the headline number on the $Nasdaq looks bad... but there is some underlying strength in this market that is not FANG... more stocks making new highs... " +"Thu Oct 27 11:42:58 +0000 2022","Happy Thursday! *Here Are My #Top5ThingsToKnowToday: - $AAPL $AMZN $INTC $SHOP $PINS Earnings - $CAT $MCD $MA $LUV $MRK Also Report - $META Plunges 20% On Weak Outlook - U.S. Q3 GDP, Durable Goods, Jobless Claims - ECB 75Bps Rate Hike *May The Trading Gods Be With You 🙏 $SPY " +"Sun Oct 23 12:45:17 +0000 2022","Happy Sunday! *Here Are My #Top5ThingsToKnowThisWeek: - $AAPL $MSFT $GOOGL $AMZN $META Earnings - $BA $UPS $F $GM $MCD $KO $V $MA Results - $XOM $CVX Also Report - U.S. PCE Inflation Data - U.S. Q3 GDP *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Sat Oct 22 20:23:50 +0000 2022","💥BIG #EARNINGS WEEK AHEAD 👀👀 *Mon: - *Tues: $MSFT $GOOGL $V $UPS $KO $GM *Wed: $META $BA $F *Thurs: $AAPL $AMZN $INTC $SHOP $PINS $MCD $MA $CAT $LUV *Fri: $XOM $CVX $DIA $SPY $QQQ $IWM $VIX " +"Thu Oct 27 16:44:27 +0000 2022","FANG+ Constituents: $AAPL 145.51 -2.58% $AMZN 111.07 -3.98% $BABA 67.03 -2.16% $BIDU 82.67 -1.82% $META 100.99 -22.21% $GOOG 93.12 -1.79% $NFLX 298.14 -0.15% $NVDA 132.18 +2.5% $TSLA 224.91 +0.12% $MSFT 226.41 -2.12% $TWTR 53.95 +1.12%" +"Mon Oct 17 16:53:26 +0000 2022","FANG+ Constituents: $AAPL 141.83 +2.49% $AMZN 113.06 +5.76% $BABA 77.58 +6.24% $BIDU 103.27 +2.96% $META 133.88 +5.62% $GOOG 101.05 +3.97% $NFLX 244.38 +6.24% $NVDA 118.74 +5.76% $TSLA 221.5 +8.05% $MSFT 236.4 +3.44% $TWTR 50.73 +0.56%" +"Fri Oct 14 17:04:29 +0000 2022","All major markets like $DIA $SPY $QQQ $IWM generally move in the same direction. What the #Nasdaq lags at the moment will more than be made up once the REAL RALLY begins. Buy as much $ARKK $BBIG $DKNG $PTON $SHOP as you can right now. 🍀" +"Fri Oct 28 15:21:48 +0000 2022","If I had told you on Sunday that $AMZN would be down 15% this week, $GOOGL would be down 6.6%, $META would be down 23% and $MSFT would be down 3.5%, where would you have guessed the $SPX would be? I'm willing to bet its *not* UP 3% WTD, and yet here we are. @ScottWapnerCNBC" +"Sat Oct 29 10:30:00 +0000 2022","We look at the tech stocks that reported earnings this week, with EPS beats and analyst expectations for next quarter’s YoY EPS growth: $XM $PINS $INTC $SHOP $AMT $UPWK $AMZN $ZEN $TDOC $NOW $MA $V $MSFT $AAPL $DLR $SPOT $META $GOOGL $FSLR @ycharts " +"Sat Oct 15 15:09:51 +0000 2022","Earnings season is here, going to be busy next 5-6 weeks with many companies reporting earnings. I have some exciting news for followers! Please subscribe and set notifications ON! I will share details soon. $SPY $QQQ $AAPL $AMZN $TSLA $AMD $NFLX $META " +"Thu Oct 27 12:05:01 +0000 2022","Meta’s EPS miss was latest in series of dismal earnings reports from blueist chips: Alphabet & Microsoft slumped 10% and 8% following Q3 EPS reports, helping S&P Top 50 Index to underperform S&P by 1.3% MTD (3.4% YTD); Equal Weight doing relatively well ⁦@SPDJIndices⁩ " +"Sat Oct 29 04:11:42 +0000 2022","I played SPY all week and had a lot of fun with it but boy if there was a day I wish I would have played SPX, it was today. I know some of you banked huge! My big wins were SPY, MSFT and AAPL @TheRealNasa00 IV Flush 😊 More studying this weekend!" +"Thu Oct 27 05:10:46 +0000 2022","META's shares temporarily put the NASDAQ to the sword y'day (-2%) after a decent European session. Oil $95: Cable $1.1614: Asia uninspiring. Opening calls reflective though DJIA may push on (AAPL & AMZN earnings) - FTSE -17 @ 7035 DAX -28 @ 13166 CAC -11 @ 6270 DJIA +179 @ 32018" +"Mon Oct 24 01:09:57 +0000 2022","33% of the S&P 500 is set to report earnings this week. Analysis on how to interpret the action of $AAPL $AMZN $GOOG $META $MSFT & more in this week's write-up! Enjoy! Among Us " +"Wed Oct 26 16:11:44 +0000 2022","Battle today between lower int rates (10yrTY 4.01% -9bp) and falling tech ests after $GOOG (-6.3%) and $MSFT (-5.7%) missed last night. ECB decision tomorrow (+75bp E), Fed decision next Wed (+75bp E). $META (tonight), $AAPL $AMZN (tomorrow) are key. 3Q GDP Thur, Core PCE Friday." +"Mon Oct 10 14:52:22 +0000 2022","Many good companies, completely oversold down over 50%+ If CPI numbers comes below expectations on 10/14, market will see huge bounce and we may see extended rally for next week. All eyes on CPI numbers. If numbers are high, $SPY going to 338 (Covid highs). $QQQ $AAPL $TSLA" +"Wed Oct 12 19:30:45 +0000 2022","Have a feeling CPI numbers comes in line with expectations and MMs gonna kill both sides. Just keep it small on both sides. $SPY $QQQ $AAPL" +"Mon Oct 10 14:56:34 +0000 2022","I am yet to post my CPI play, will do it tomorrow before close. Will be checking options flow data today and tomorrow and will share here. ❤️ $SPY $QQQ $IWM $AAPL $AMZN $TSLA $META $GOOGL $SQ $SE $AMD $NVDA $MU $LRCX $GME $AMC $BABA $JD $BIDU $PDD" +"Tue Oct 11 14:51:03 +0000 2022","CPI numbers is the only hope for market to stop bleeding temporary. If numbers are manipulated and comes below expectations, we are going to see a HUGE bounce. Let's see! $SPY $QQQ $AAPL $AMZN $TSLA $MSFT $META" +"Fri Oct 28 11:51:01 +0000 2022","Wondering how ARKK, pans out today given Zuck's $FB's running F*ck slap, for ""too much Metaverse""? Kathy sure likes the schtank of that coil of cr*p" +"Tue Oct 25 23:06:30 +0000 2022","$MSFT (-6.6% AH) and $GOOG (-6.5% AH) downbeat 3Q earnings and 4Q guidance casting a pall over all tech names after hours. NDX futures -2.0% in Asia. $META and $TWTR earnings tomorrow, $AAPL and $AMZN Thursday." +"Fri Oct 14 20:18:09 +0000 2022","Earnings season kicks off next week! I will continue to monitor options flow data and share to everyone! More data coming over weekend. Keep following and set notifications ON! Thank you ❤️ $SPY $QQQ $AAPL $AMZN $TSLA $MSFT $GOOGL $AMD $NVDA $BABA $BIDU $META $SQ $PYPL $NFLX" +"Thu Oct 27 21:51:03 +0000 2022","I think if $AAPL has not once again saved the #market we would have limited down tomorrow, & I do not speak 🐻 plunge language. Question is, did fed get what they wanted with most big tech knife 🔪moves or does the GDP print higher lead to more hawkish #fed speak? 🤷‍♀️👀 #stocks" +"Thu Oct 13 02:32:02 +0000 2022","10:30pm study check, retweet/favorite this if you’re still up studying, reviewing your @StocksToTrade scans or are making your watchlist for tomorrow. The $DIA $SPY $QQQ are going to be absolutely crazyyyyyy tomorrow, be sure to be prepared ahead of time & let the #CPI run wild!" +"Tue Oct 18 18:21:32 +0000 2022","Remember that $NFLX usually sets the stage for tech momentum when they announce earnings. So, tonight we'll see either additional tech upside in AH's or we'll see blood on the streets going into tomorrow's open. Always be cautious before they announce. $TSLA" +"Thu Oct 27 21:47:31 +0000 2022","Tbh I think you can buy $msft $amzn $Googl $appl $Meta at current prices and not look at them for a quarter and will be up better than SPX or cash. Besides Coke Zero $KO and the occasional McRib $MCD I use each of these companies products every damn day. Now they are buyable." +"Thu Oct 20 00:50:45 +0000 2022","Random Market Thoughts. 6) I'm still ok with October. Lets hope some of the Big Cap Tech Stocks like $NFLX go higher after earnings. As long as the 3491 bottom holds. If it doesn't I would have to take a loss on my longer term S&P Index investment." +"Wed Oct 26 20:50:52 +0000 2022","$META $113 now💀☠️. Market souring hard on these big cap companies. $AMZN and $AAPL better hit it out of the park tomorrow or things could get ugly." +"Wed Oct 19 22:22:13 +0000 2022","Detailed Thread on my Watchlist for tomorrow 👇 Includes: $SPY $NVDA $META $AAPL $NFLX Hope you guys enjoy ❤️ (Space in 2 hours going deeper into my watchlist and some others)" +"Tue Oct 18 19:17:38 +0000 2022","Well, today looks shot. Now we wait for $NFLX to share more bad news in AH's and we open Red in the morning. We'll have to wait until earnings tomorrow night for next potential movement. $TSLA" +"Mon Oct 24 13:58:43 +0000 2022","Markets are very mixed right now. The moves on $SPY and $QQQ are coming off of heavily weighted names like; $AAPL $MSFT $GOOGL $XOM Many others are red like $NFLX $TSLA $AMD $NVDA $RBLX $META Not forcing an entry. No clear direction from indexes. Normal for a big week." +"Thu Oct 27 14:27:36 +0000 2022","What a truly wacky $DIA $SPY $QQQ market this is, terrible earnings from $META $MSFT $GOOG $SNAP don’t seem to matter at all, shorts are pulling out what little hair they had left…or turning into Gandalf in their early 40s like @TimLento LOLOLOL" +"Sat Oct 22 20:37:22 +0000 2022","Last week markets ended in a positive note: $QQQ up 5.6% $SPY +4.66% Now some of mega tech earnings next week may lead market higher, hopefully: Tue 10/25 $MSFT $GOOGL $SPOT Wed 10/26 $AAPL $META $TDOC $NOW $QS $COUR Thur 10/27 $SHOP (BMO) $AMZN $INTC $PINS" +"Tue Oct 18 17:20:14 +0000 2022","$SPX failed to hold near 3749 early this morning, held a higher low from yesterday though, needs back through 3749 to set up for 3800 by Thursday $AAPL just basing today near 145, it can still move towards 150 but need to see how the market reacts to $TSLA $NFLX earnings" +"Fri Oct 28 21:18:53 +0000 2022","Dear trading diary: today was Fri Oct 29th. I saw $AMZN gap down 20% on earnings last night yet $AAPL ran 8% $QQQ 3% and $SPY 2%. I sh!t you not." +"Mon Oct 03 20:02:00 +0000 2022","Well We gaped up and melted up today. $SPY hit the 8D.. can we push? Lot of shorts trapped, most not concerned. $AAPL $AMZN called out pre ran and leaders.. $AMD as well nice flow. 3 days of rain and cold and puppy losing it! needs a new friend! " +"Thu Oct 13 15:25:35 +0000 2022","$VIX told you a story this morning and I tweeted about it too. $SNOW 200% $SPX strangle paid both sides. $AAPL huge ripper. $META added shares this morning. 5$ up already. This is getting big. Blowing account past 135k already. “Up”tober!!!!!!" +"Thu Oct 27 19:58:44 +0000 2022","$AAPL & $AMZN reporting is critical. Mega caps have, thus far, disappointed. We now have two of the biggest names reporting. If both names disappoint, we'll see a drop that will not recover or easily bounce back on $SPY & $QQQ (less Fed says something drastic) #StockMarket" +"Mon Oct 24 15:38:24 +0000 2022","$SPX held the 3750 support so far today on the back test but couldn't breakout above 3800 yet.. $MSFT $GOOGL earnings coming up tomorrow lets see if SPX can close near 3800 $QQQ if it reclaims 276 possible to see 280 by Wednesday $TSLA up 6 from the lows, above 207 can test 216" +"Thu Oct 27 20:34:41 +0000 2022","And that is a wrap $MSFT $GOOGL $META and now $AMZN and $AAPL bad in tech (call on apple can change it). Market has a lot to think about ahead of PCE tomorrow! HAGN!!!!" +"Tue Oct 11 10:05:02 +0000 2022","Good Morning! Futures down $BA ini Outperform @ Wolfe pt $180 $DDOG ini Overweight @ WFC pt $120 $JD pt cut to $85 from $91 @ Citi $META d/g Neutral @ Atlantic pt $160 $META pt cut to $174 from $214 @ CS $AAPL pt cut to $155 @ Barclays $NFLX pt cut to $182 @ GS" +"Wed Oct 26 17:38:34 +0000 2022","$SPX tried to breakout after holding 3838 early this morning now reversing back lower again, Possible we don't see a bigger move until after $AAPL $AMZN earnings on Thursday $TSLA if it gets back to the highs it can run to 240 by tomorrow $NFLX best to hold 300 today" +"Thu Oct 13 10:03:52 +0000 2022","Good Morning! Futures up slightly CPI @ 8:30 $TSM EPS beat .09 REV beat $BIIB u/g to Buy @ Stifel pt $299 $LULU ini Strong Buy @ FJ pt $345 $ALB d/g to Hold @ Berenberg pt raised to $270 $AXP d/g SELL @ Citi pt $130 $AAPL pt cut ot $190 @ CS $AMAT pt cut to $115 @ JPM" +"Thu Oct 27 20:16:18 +0000 2022","Wow! $AMZN missed rev esrt. & beat rev est.; guid missed est. shares down 20%. Others: $FSLR -7% $VTRX +2% $INTC +9% $PINS +15% Waiting for $AAPL." +"Mon Oct 17 02:17:29 +0000 2022","Weekend charts can all be found in my twitter feed from Friday to today. Reviewed: $SPY $QQQ $TSLA $NFLX $MSFT $GOOG $META $DIS $ES_F $AAPL $NVDA $AMD $ARKK" +"Sat Oct 15 20:03:36 +0000 2022","Charts posted ✌️ Hope they are helpful in seeing both market perspectives in the weeks to come. Have a nice weekend! Reviewed: $SPY $QQQ $TSLA $NFLX $MSFT $GOOG $META $DIS $ES_F $AAPL" +"Mon Nov 07 09:37:08 +0000 2022","$META seems to be planning the first large layoff in the decade. Following the other FAANGs in this move was somewhat expected, especially with such a strong stock’s price decline. #stocks #stockmarket #StocksMarket #investing #meta #facebook " +"Wed Nov 30 18:06:46 +0000 2022","The price of $GRIL stock has increased by almost 100% from falling to 52-week lows of $0.30 earlier this month. With Aggia, $GRIL started a new project to have it run the company's newest subsidiary, Sadot LLC. #NASDAQ #investors #stocks #StockMarket #trading #stock" +"Thu Nov 03 18:20:33 +0000 2022","The last few days have seen an increase in interest in $DBGI. The $DBGI stock setting fresh 52-week lows of about 6 cents has garnered the most of the attention. As the price has risen, volume has also continued to rise. #NASDAQ #stocks #investors #StockMarket" +"Thu Nov 03 20:23:25 +0000 2022","While I wait for Uranium to do its thing $META has caught my attention. 2015 valuation today although they are still bringing in $100 billion more dollars a year vs 2015. lowest price to discounted cash of the future ;)Long shares & Long Call Options. #uranium #stock #stockmarket " +"Mon Nov 07 06:32:31 +0000 2022","$META: Superinvestors’ transactions for the last 6 months. Such a correlation with the current price direction. P.S. Keep in mind that such information normally comes with a delay. #stocks #StockMarkets #stockmarket #investing #trading #meta " +"Tue Nov 22 11:20:23 +0000 2022","#Tesla falls to 2-year lows amid more software issues 🚘📉 ➡ It looks like the euphoric days for $TSLA stock price are over for now. #stocks #analysis #shares #trading #trader #stocktrader #stockmarket #investro " +"Thu Nov 03 17:24:21 +0000 2022","Today's stock market saw a significant increase in the price of the biotech penny stock $TENX. Last week, shares hit new 52-week lows of $0.1257, but they have since recovered. #NASDAQ #stocks #investors #StockMarket" +"Wed Nov 30 18:07:05 +0000 2022","The price of $GRIL stock has increased by almost 100% from falling to 52-week lows of $0.30 earlier this month. With Aggia, $GRIL started a new project to have it run the company's newest subsidiary, Sadot LLC. #NASDAQ #investors #stocks #StockMarket #MinaMarGroup #MMG" +"Fri Nov 11 01:17:28 +0000 2022","$SPY Market update as market broke many records today poke thru 100sma trapping all Bears at bottom and Bulls trap could be in play if Market sells off tomorrow to rake option premium from bulls also to watch. $spx $qqq $amzn $aapl $msft " +"Wed Nov 02 17:50:52 +0000 2022","💼 #Broadcom Inc ( $AVGO: #NASDAQ ) has a very strong 7.2 TC Quantamental Rating and a target price increase of 15.2% over the next 12 months. Historically, income stocks such as #AVGO have excelled during a #Recession economy. #stock #targetprice #stockmarket #trading " +"Mon Nov 07 17:00:02 +0000 2022","☕#Starbucks Corp ( $SBUX: #NASDAQ) has a strong 6.0 TC Quantamental Rating and a target price upside of 4.8% over the next 12 months. Historically, income stocks such as #SBUX have excelled during a recession economy. #Starbucksstock #stock #targetprice #stockmarket #trading " +"Wed Nov 23 17:53:23 +0000 2022","$TSLA - $178.41 Where will @tesla stock price be on 12/30/2022? $356.78 was the price on 12/30/2021 #stockmarket #EV #recession #inflation . . . " +"Thu Nov 03 18:20:14 +0000 2022","Over the past few days, $DBGI's popularity has increased. The majority of the focus has been on the $DBGI stock as it hit fresh 52-week lows of about 6 cents. The volume has continuing to rise as the price does. #NASDAQ #stocks #investors #StockMarket" +"Mon Nov 14 02:58:24 +0000 2022","Stock Market Review for 11/14/2022- Let’s prepare for tmrw! $SPY $TSLA $AAPL Earnings Covered: $WMT $HD $SE $NVDA $AMAT $TGT $M Earnings TMRW: $SNDL $TSN $VLTA $AST " +"Wed Nov 30 14:21:34 +0000 2022","Meta’s stunning stock decline may grab the headlines, but struggles at Amazon and Alphabet show Big Tech’s aura of invincibility is no more via @BW #stockmarket #investing #investors #investments #techcompany #technologycompany #bigtech #stockinvesting" +"Tue Nov 01 10:55:21 +0000 2022","41400 PE CARRY AS BTST. PRIce 303 #Nifty #nifty50 #NiftyBank #banknifty #Fno #FutureOptions #Hedge #indianstockmarket #stockmarket #Profit #BTC    #Crypto #zerodha #Dow #Nasdaq #stocks #Ironfly #Straddle #Strangle #Telegram #Put #OptionsTrading #Call" +"Wed Nov 16 13:58:17 +0000 2022","Have you decided on your stock? The market will be going to open very soon, so hurry uppp....... $IBO is one of the best stocks to buy for long-term investments. Check out before the price goes up. #stockstowatch $GNRC $OLPX $ZYME $XBI $MULN $SPY #StockMarket #HealthIsWealth " +"Thu Nov 10 17:28:02 +0000 2022","Stocks going up on a Thursday 📈📈📈 @WSJ's @GunjanJS says we could be seeing ""the return of the long-duration trade"" as FAANG names and the broader Nasdaq surge on October's cooler-than-expected CPI data. " +"Tue Nov 22 19:08:37 +0000 2022","2.1Rs 🟢 $TSM $LYFT $AAPL $NVDA AAPL light green line is S3 daily, forgot to draw it (did later). Perfect spot for reversal.. but messed up on this one… together with all the MAs on daily - really not smart trade.. over hold on hope to bounce from PDC 🤷🏻‍♀️ - paid #BBTfamily " +"Wed Nov 30 02:52:41 +0000 2022","Running a little scan through tweeter. Seeing more bears then bulls, that is for sure. Having said that. $AAPL weekly does looke ready for a good ole 1990s ass throttling " +"Sun Nov 06 12:48:18 +0000 2022","$NFLX similar look after er gap down and tried to reverse but sellers didn't let it $META may be similar, but cpi n buyers will let us know soon IMO " +"Tue Nov 01 20:36:41 +0000 2022","P/L: +$3.3K👍 Expected a slow day today given that it is the day before #FOMC. $TSLA got lucky on a short on the #PMI data that went my favor. Minor scalps on $META and $ABNB #earnings AH. " +"Thu Nov 03 18:14:43 +0000 2022","$SPY $SPX 🎯 Price pinned inside the swing low AVWAP at the 20dma. If we lose the AVWAP low, looking for $363. If we hold the 20dma and get over the AVWAP mid, looking for as much as $379. CPI on the 10th ends the dead cat bounce scenario and we head back to October low. " +"Fri Nov 18 21:20:25 +0000 2022","These are the charts that convince me we’re down Monday. QQQ SPY in no-man’s land but these tilt the scales in my opinion. Can be wrong, have been wrong, will be wrong again..but I will be shocked and wrong if we aren’t down Monday (slightly different, more dramatic wrong 🤣) " +"Thu Nov 10 20:53:10 +0000 2022","These 10 companies have collectively added $700 billion in market cap today. The NASDAQ is up 7.2% today, the most since June 2020, off the back of a better than expected CPI report. $TSLA is up 7.2% today as well. " +"Mon Nov 21 20:08:23 +0000 2022","Intraday MBAD Snapshot: Breadth is neutral today with the mega caps clearly responsible for driving $SPX lower. $AAPL, $AMZN, and $TSLA account for around 10% of the decline. Stay Informed. " +"Thu Nov 03 12:31:12 +0000 2022","Good Morning Traders!💥🎢 What a day, great trading, lets repeat with a TECH heavy #stickynote, staying in our lane🤑 $AAPL already SHORT, fading pops to get more. $142 break might be huge. $AMZN pathetic price action, stay SS $AMD SHORT under $60, easy $MSFT at lows $220 " +"Sun Nov 13 23:41:01 +0000 2022","Daily levels for 11/14: $SPY 401.45/399.35/397.79/393.61/390.69 $QQQ 290.35/288.64/286.02/284.71/282.19 $AAPL 152.50/150.01/148.76/145.59 $TSLA 203.08/196.52/193.37/191.17/187.57 $COIN 60.98/58.45/54.79/53.93/49.71 $NVDA 163.89/161.26/157.63/154.82/151.80/148.91 " +"Thu Nov 24 13:18:05 +0000 2022","DJIA, SPX, QQQ - all 3 in a megaphone 📣 *Note - DJIA breakout over upper wedge *SPX - Big time decision next week, and the distinct similarities now vs June in the tape action *QQQ - clearly the weakest of the 3 " +"Mon Nov 07 23:59:55 +0000 2022","Q3 earnings weaker ✅ Rate hikes ✅ QT ramp in Sept (-$33b last week itself) ✅ What’s up priced in bros? Sure, you’ll see 🐻 market rallies. Margins compressing, guides showing lot of uncertainty, no Fed pause yet and QT in motion. Don’t fight the fed 🚨 $QQQ @eliant_capital " +"Wed Nov 30 21:31:28 +0000 2022","P/L: +$720🍔 Big macs today. Barely took any trades at the open as the market was choppy waiting for JPowell. Managed to scalp $TSLA in the afternoon after a direction was clear but got stuck in the $KTRA nonsensical grind back. $SNOW AH #earnings scalp for a side of fries. " +"Wed Nov 16 00:55:02 +0000 2022","$SPY daily chart - $408-410 resistance. Every time it reaches the trend line, new lows printed in 2-3 months. $QQQ $AAPL $AMZN $MSFT $GOOGL $NVDA " +"Thu Nov 17 23:18:26 +0000 2022","$SPY $SPX $VIX $ES #ES_F $TSLA $AAPL $MSFT $AMZN I am almost certain bears are on the wrong side of this trade. That does not mean we will not have more significant lows. Maybe 1 or 2 into spring. Even if you disagree with this post, watch the video pinned to my profile." +"Wed Nov 09 19:41:19 +0000 2022","Megacaps have collectively shown downside leadership, today included, but the FAANG+M+T index has signs of downside exhaustion per DeMARK Indicators (also vs $SPX) supporting a rebound for a better selling opportunity $META $AAPL $AMZN $NVDA $GOOGL $MSFT $TSLA #fairleadstrategies " +"Thu Nov 03 23:16:53 +0000 2022","Apple goes to 107 ish and Tsla goes to 155 ish. That's the bottom in the Nasdaq. At the same time the other FAANG stocks will be getting crushed. That is the perfect scenario to put in the real bottom in the Bear Market. " +"Tue Nov 15 20:31:42 +0000 2022","Last evening's notes on the stock market and today's trading proved very accurate🎯 My duties & obligations take me away at times, but I'll always do my best to give back and help $AAPL to the downside as noted $NVDA elevated activity $NFLX high volatility #Stock #StockMarket " +"Wed Nov 02 13:13:34 +0000 2022","Here we are with $SPY and $QQQ within cents of where we closed. Some short AM volatility is normal but this went as expected, per tweet below. Will be updating and keeping an eye out for early scalps if they avail. If not, np! #stocks #StockMarket" +"Mon Nov 07 00:31:55 +0000 2022","11/7/22 Options Trading Watchlist🤑 $AAPL 145c > $136.6* $NFLX 235/250p < $264.5 $AMZN 95/96c > $89.7 Will be monitor AM activity and will revise as needed. Big market week; CPI data Fed Speakers Mid Term elections Ready to go. Flow via Unusual Whales #stocks #optionstrading " +"Thu Nov 10 17:15:04 +0000 2022","Good question In last night's Insiders✉️ I set 7.8% or better CPI & 6.3% core as benchmarks (tho unlikely) for which the markets would be 🚀 We got 7.7% & 6.3% $META, $AAPL, $GOOGL, $AMZN all names are up. Broken record here but macro data is the tide for markets. See 👇 " +"Tue Nov 08 12:34:36 +0000 2022","🔎 Stocks plan $TSLA main demand zone $180, short term bearish $AMZN main demand zone $80, short term bearish $META main demand zone $70, short term bearish $NFLX main demand zone $150, short term bearish @TrendSpider #stockstowatch " +"Thu Nov 10 18:03:48 +0000 2022","💰HOPE YOU ARE BANKING!💰 $NFLX 💰ITM 💰 $PYPL 💰ITM💰 $AFRM 💰ITM 💰 $SPY 💰ITM 💰 $SPX 💰ITM 💰 $AMD 💰ITM 💰 $NVDA 💰ITM 💰 $GOOG 💰 $CRM 💰ITM💰 JOIN US! 1st month FREE for new members! 👉 #Fintwit #StockMarket " +"Mon Nov 07 14:28:03 +0000 2022","11/7/22 Options Trading Watchlist 🤑 $AMZN 95/96c > $90.05 $AAPL *will update $NFLX *will update If early weakness, $AAPL could present a better low for entry. Will update in thread on $NFLX or $AAPL. Big volatile week! Don't force - be smart. Flow via Unusual Whales #stocks " +"Wed Nov 30 14:48:49 +0000 2022","$AAPL just missed. Hit $140.55 Entry was set for $140.15 - NP $AMZN may move up yet. Their ""announcement"" was a sell off trap early. $TSLA likely to add a scalp. But action is slow right now, not forcing. $QQQ & $SPY are about as sideways choppy as it gets atm #stocks " +"Sun Nov 20 03:03:08 +0000 2022","$SPY Made this prediction 6 months ago the low so far is $348 $2 off my original prediction. Based on the amount of work I put, I am still working on refining my execution given this wild market. $QQQ $TSLA $AAPL $AMZN $MSFT" +"Tue Nov 29 19:02:56 +0000 2022","Notice how entire market upticked hard once $AAPL held key 140 level. Not a coincidence. Once that finds a low, all will go. 🟢 $AMC $QQQ $SPY $DJIA $AAPL" +"Tue Nov 01 00:33:53 +0000 2022","*WHAT HAPPENED OVERNIGHT* - SPX -0.75%, Nasdaq -1.03% - Losses driven by communication & tech names - Spike in UST yields; 2y traded north of 4.50% before reversing to 4.48% - Dollar Index rose to 111.60 - Triggers: Fed on Wednesday, jobs data on Friday & midterms elections" +"Wed Nov 30 21:01:00 +0000 2022","Daily Recap #VIDEO Powell Delivered, downtrend ahead on the $SPY but massive candles all over.. $AAPL $TSLA $GOOGL $NVDA $NFLX $META etc... Feels like the chase is on.. " +"Wed Nov 16 23:42:32 +0000 2022","🚨THETA THURSDAY🚨 $SPY Huge falling wedge - calls over 396.27 - Puts below 394.5 $NVDA Up on ER after hours - Calls over 162.72 with a gap to fill above. Puts below 158.74 $MSFT Huge C+H on the higher TF. Calls over 243.65. Puts below 239.23 $META Puts below 112.67 120❤️🔁 " +"Sun Nov 13 19:23:27 +0000 2022","Apple $AAPL, Microsoft $MSFT, Google $GOOGL, Amazon $AMZN and $META now make up 18.68% of the S&P 500 $SPY down from their peak of more than 24% in September 2020. " +"Sat Nov 05 14:43:58 +0000 2022","on Nov 2, $SPX =3840 down ~20% from ATH many QQQ/NDX mega tech companies already plunged from 50% to 75% (Meta, NFLX, NVDA) Fri $SPX =3770 mega tech companies? Meta = -74% $SPX consists of 11 sectors $XLE (energy) up 60% YTD helped SPX not down -40%👍 " +"Fri Nov 18 16:20:21 +0000 2022","Wanted to share some of my mid day scans with you guys Inside Bars Forming on the hourly: ❤️if this interests you $AAPL $AMZN $BABA $META $CSCO $CMCSA $UBER $DIS $WFC $JNJ " +"Wed Nov 30 22:38:48 +0000 2022","$QQQ $META $NVDA blessing to all of you ! Link in BIO if you want to join me live in my room or if you prefer swing ideas then check out link in BIO , Have a beautiful evening ! love all of you #blessed " +"Tue Nov 15 13:02:05 +0000 2022","$WMT buyback, strong guide. 146 and 144 for dip buys. Gap up for Chinese names. $BABA 80 could be a barrier early. $AMZN breaks 101 while chips continue run. $INTC 30 dip buy, $TSM big gap, patience. see 80 at open. #stocks #markets $PEGY $NIO $NFLX " +"Wed Nov 02 12:00:05 +0000 2022","#FED day so be patient. $AMD data center was the win, breaking out from 62.50. $INTC til 29 short still, 28 for dips. $ABNB poor guide, shorts to 107. $LI gapping big, 16.50 still big resistance. $NIO lagging but 10 still there. #stocks $SONN $TUP $SOFI " +"Fri Nov 18 13:00:46 +0000 2022","$JD beats all around while $BABA singles day # have it lower. longs above 50 MA 58.40 on former. $FL and $GPS with strong Q, like 35 for the first. $PANW is expensive but trends anyways. $AMD strong lets end the week right! #stocks $WSM $META $ABNB " +"Mon Nov 28 13:04:39 +0000 2022","$PDD big beat on earnings, 73 dip support. $AAPL beloww 50 MA on daily on more concerns of iphone 14 shipments. 147 for resistance today. Strong black friday has $AMZN testing recent 95 level short til it breaks. #stocks #markets $TBLA $MICS $TSLA " +"Thu Nov 10 13:59:20 +0000 2022","Most notable S&P 500 performance detractors QTD have been Apple, Amazon, Meta, Microsoft, Alphabet & Tesla (subtracting combined 2.5%), while “old economy” stocks have staged a spectacular comeback, with financials, oil & health care dominating ⁦@SPDJIndices⁩ " +"Wed Nov 23 00:04:12 +0000 2022","$QQQ 9/15 Cloud has crossed in to the 34/50, looks similar to the run up in August, some legs up potentially in to Dec CPI/FOMC 13/14th. $SPY Upper BBs conveniently located at Daily 200MA. The things that make you say hmmmm..... " +"Mon Nov 21 21:17:03 +0000 2022","#5rivers some trades from watchlist @manpreetkailon @ripster47 $TSLA big winner hit 167.50's lows $ARDX stuck in tight range all day 2/2.10 couple small scalps $PXMD 2 to 2.30's low vol not much strength $NVDA 150 to 154.77 $AMD was stuck in tight range too $NFLX 295 to 283" +"Sun Nov 27 04:18:12 +0000 2022","$SPY / $QQQ / $DIA 1M $SPY - Situated right at the key TL $QQQ - Removed from TL, still needs over + 15% upside to print higher high $DIA - Monthly breakout, down only 5% from ATH " +"Thu Nov 10 21:05:27 +0000 2022","NASDAQ 100 INDEX $QQQ SOARS 7.5% IN BIGGEST GAIN SINCE MARCH 2020, The S&P 500 $SPY jumped 5.5%, its biggest one-day gain since April 2020...AMAZON $AMZN CLOSES 12% HIGHER, MOST SINCE FEBRUARY #CPIdata #markets #StockMarkets" +"Fri Nov 04 20:02:08 +0000 2022","That was like 4 trading days in one today! What a crazy market. But US Dollar staying weak and VIX soft the key part here. Mega cap tech nice reversals too to close on highs. Nasdaq higher next week would surprise many, still in NYSI bull mode so need to get over 3800 next" +"Thu Nov 17 10:39:26 +0000 2022","$AMZN way below its 50dma $TSLA way below its 50dma $META way below its 50dma $GOOG right at its 50dma $MSFT right at its 50dma Either the first 3 got catching up to do or the latter 2 will pullback. I’m willing to bet GOOG and MSFT pulls back here. Fwiw." +"Tue Nov 15 03:55:25 +0000 2022","@KobeissiLetter Coz crypto is not in SPY, 80% tech stocks are less than 20% weighting of SPY, tech layoffs boost SPY margins, housing had minute effect on spy, worst earnings since 20 compensating for record earnings in 21 $SPX $SPY $QQQ $IWM" +"Tue Nov 22 07:51:59 +0000 2022","$AAPL trading above 50dma $MSFT trading above 50dma $GOOG trading slightly below 50dma $META trading below 50dma $AMZN trading way below 50dma $TSLA trading way below 50dma $QQQ trading above 50dma (for reference) Some divergence that could yield a few % pts on reversion. FWIW" +"Wed Nov 02 14:46:04 +0000 2022","Three alerts posted yest, decent win overnight! ⭐️⭐️ $ABNB 90p 11/18 - $1.50 -> Closed at cost⭐️ $SPY 374p $1.18 -> $1.75 - 50% ⬆️⭐️ $TSLA 215p $1.24 -> $2.10 - 60% ⬆️⭐️ Set notifications ON, for more! 🚨 Thank you! ❤️❤️ $QQQ $AAPL $AMZN $META $BABA $GOOGL $MSFT $AMD" +"Tue Nov 08 02:20:48 +0000 2022","Tomorrow’s Watchlist (11/8) $SPY gap down anywhere between 378-380 we look long imo. Red to green move would be nice. Remounted ema’s on the daily chart Under 378 and back in chop zone Long: $NVDA $SHOP $AAPL Short: $TSLA $PDD Long/short: $SQ $NFLX" +"Tue Nov 15 03:39:29 +0000 2022","Tomorrow’s watchlist 11/15 $SPY with a bit of a bearish daily reversal candle today PPI data releases pre market tomorrow, something to keep an eye on as well as $WMT earnings Really like the look of $TSLA bear flag on the daily, under 190 $SBUX $AMD $AAPL $PYPL $META" +"Thu Nov 17 18:39:06 +0000 2022","Market moving up on low volume but not seeing a conviction play. If closing is weak, expect a gap down tomorrow. All depends on how market close. Staying cash! $SPY $QQQ $AAPL $AMZN $TSLA $META $NVDA" +"Sat Nov 05 02:51:08 +0000 2022","⭐️⭐️Last Midterm elections $SPY $QQQ Performance (NOV 6,2018) ⭐️⭐️ NOV 4,2018 - NOV 6, 2018 $SPY moved from $254.38 to 263.52 - 5% ⬆️ $QQQ moved from $162.50 to $171 - 6% ⬆️ ⭐️⭐️Tech stocks beaten down, possible BIG rally coming next week! ⭐️⭐️ $AAPL $AMZN $MSFT $GOOGL $META" +"Fri Nov 04 01:37:00 +0000 2022","I think tomorrow gap up and sell off! Everyone is super bearish, so market does opposite. Let's see! $SPY $QQQ $AAPL $AMZN $TSLA" +"Sat Nov 12 16:45:58 +0000 2022","The market rally soared on tame inflation data, with the Nasdaq having its best week since March. The Nas and S&P 500 decisively cleared their 50-day lines while the Dow and Russell 2000 topped the 200-day. $TSLA $ANET $PSTG $MBLY $FLEX $FOUR $AAPL (1/6) " +"Sat Nov 05 15:08:08 +0000 2022","Performance of 7 of the top 15 SPY holdings since it’s all time highs: $META -77% $NVDA -60% $AMZN -53% $TSLA -50% $MSFT -37% $GOOG -37% $AAPL -25% $SPY -21% Sooooo in other words if they removed all 7 from the index, SPX easily 5,000 now. Lol." +"Fri Nov 18 17:33:02 +0000 2022","Looks like #fintwit is bullish for next week! Seeing many bullish posts. I wish it was that easy to make a decision. $SPY $QQQ $AAPL $AMZN $TSLA $AMD" +"Fri Nov 04 17:25:59 +0000 2022","Next week major events coming - Mid Term elections and CPI numbers. Market will move big on either direction. I am expecting big move on tech stocks post these events. 1000% move coming. I will continue to monitor flow and post here if interested ❤️ DO NOT MISS! $SPY $QQQ $AAPL" +"Tue Nov 01 21:48:12 +0000 2022","My thoughts post FOMC tomorrow: Market is in uptrend, so any news expecting upside action first followed by sell off. I see $SPY going to retest 390 level at some point followed by dump at close. $SPY 378-390 range for tomorrow. Let's see ❤️ $QQQ $AAPL $AMZN $TSLA $META $AMD" +"Tue Nov 29 12:09:28 +0000 2022","$META $GOOG $AMZN $MSFT $TSLA $AAPL $NFLX $NVDA If markets behave today, I’ll go long all the FAANG+ names. Just for a daytrade leading up to tomorrow morning." +"Wed Nov 09 21:18:03 +0000 2022","VIDEO 📽️ Mid Week Stock Market Analysis 11/9/22 $SPY $QQQ $IWM $SMH $IBB $XLE $TSLA $AAPL etc #5DMA ⚓️VWAP VIEW HERE 👉👉👉 👈👈👈" +"Sun Nov 13 19:00:12 +0000 2022","Trader's Café #USA Chartbreakers, Sunday 13th November 2022 $AAPL $ADBE $ALGN $DISH $HD $INTC $IVZ $META $MHK $MKTX $PYPL $WBA $GSPC @ZaksTradersCafe " +"Wed Nov 23 02:49:13 +0000 2022","$NFLX $AMZN $GOOG All three beautiful setups actually pointed out by a STAT Memeber before I even hit the charts. We’ll see what minutes does but those three are pointing higher" +"Mon Nov 21 19:35:08 +0000 2022","Market is choppy and in range past few days. No point in chasing trades now. FOMC Meeting Mins of Wed, could see a change in trend. $SPY $SPX $QQQ $IWM $DIA $AAPL $AMZN" +"Thu Nov 03 11:51:54 +0000 2022","All tech earnings ""gains"" wiped out within an hour of the Fed speaking. Imagine fighting hard for 90-days to prove to Wall Street you're business is thriving and then...one comment wipes out all that effort in an hour. $TSLA $AAPL $GOOG $AMZN $META $NFLX" +"Sat Nov 26 00:32:49 +0000 2022","It's been a while I have done chart request. Please post the ticker that would like me to check charts and flow (limit two per person plz). $SPY $QQQ $AAPL $AMZN $TSLA" +"Sat Nov 05 15:28:09 +0000 2022","The market rally suffered significant losses last week, with a hawkish Fed, tumbling tech titans and crashing cloud software stocks all acting as headwinds. (1/8) $AAPL $META $MSFT $AMZN $TSLA $TWLO $TEAM" +"Mon Nov 07 20:28:08 +0000 2022","Suchhhhhhhhh a weirddddddddddd $DIA $SPY $QQQ bounce with typical leaders like $TSLA $AMZN completely failing to join in whatsoever....this is going to be one helluva trading week/end of the year 2022, be ready for more wackiness!" +"Thu Nov 10 15:00:17 +0000 2022","The $DIA $SPY $QQQ look STRONG AF, solid bounces by long lost leaders like $AMZN $GOOG $AAPL & even one of the worst managed funds in history $ARKK is bouncing LOL...you're saved Cathie! Seriously, if I was a short seller, I'd be shitting in my pants & lose any hair I'd have left" +"Mon Nov 07 00:43:43 +0000 2022","Who else can't wait for trading tomorrow? Should be an ugly open given the negative $META $AAPL news this weekend, perhaps the $DIA $SPY $QQQ panic I still think we need before any lasting bounce. Be ready for some volatility this week, wheewwwwwwww!" +"Tue Nov 15 15:11:22 +0000 2022","Nasdaq opened +2.4% and is +12.3% over past 30 days With tech companies ""trimming the fat"" + inflation *appearing* to be subsiding + Fed *possibly* slowing pace of rate hikes + midterms over and political seats established Do you think tech bottomed and is now otw up?" +"Wed Nov 09 22:43:34 +0000 2022","No f'ng clue what happens in the #stockmarket the next couple days but if the $QQQ and $SPY don't test the lows and effectively shake off most of mega-cap tech sh*tting the bed and @FTX_Official going bankrupt in a week then look out ABOVE!" +"Tue Nov 29 02:11:12 +0000 2022","Watchlist for November 29th: ~ $META watch for a reaction at 108.5 or a push towards 113 $TSLA watch for acceptance over 187 for the move to 200 $JETS watch for buyers in the 18 range $AMZN break below today's LOD triggers puts to 90.5 $SPY 395 is the talk of the town tonight" +"Mon Nov 14 10:56:44 +0000 2022","Good morning ☀️ traders - 1. $AMD pre market rally on upgrade. 2. $TSLA , $COIN and $AAPL soft 3. London no longer the biggest stock exchange in the Europe, overtaken now by Paris. 4. FED Waller warns the market to not get carried away by one CPI report, says long way to go." +"Thu Nov 10 20:36:23 +0000 2022","🚀 Sharp gains across technology stocks today added a combined $368 billion in market capitalization. $AAPL +7% $MSFT +7% $AMZN +11% $META +10% $NVDA +13%" +"Tue Nov 15 03:16:00 +0000 2022","With weakness in the market amid wider tech layoffs and recession concerns, if the markets - $QQQ & $SPY are weak, $AAPL will provide an opportunity to the downside. Seeing where we open will be important but there should be adequate volatility through the AM" +"Sat Nov 05 12:26:53 +0000 2022","It is interesting watching the generals implode $AMZN $AAPL $MSFT $GOOG but the $SOXX such as $AMD and $NVDA have made three weeks of higher highs." +"Tue Nov 29 21:00:02 +0000 2022","And that's a wrap on a very slow day. GDP and Powell tomorrow will set the tone going forward. $AMZN $AAPL $TSLA very weak... $BA $CAT looking good! HAGN!!" +"Mon Nov 28 19:50:43 +0000 2022","First $aapl destroyed $fb $meta, now it messing with $tsla $twtr . Apple IMO is very expensive. Lot of funds hiding in $aapl for now but soon I think this stock could trade 70 dollar (now 145). I am avoiding Apple, won’t touch it." +"Mon Nov 14 20:58:11 +0000 2022","Mostly quiet day, digestion day after a big 2 day run. $SPY closing on the lows, PMI pre.. that is the big driver pre. $NFLX $META gave great trades. $CVX $XLE new ATH's. Have a good one!" +"Sun Nov 06 17:55:26 +0000 2022","Charts will be posted in a little. I will be reviewing 👇 $SPY $SPX $QQQ $AAPL $AMZN $AMD $MSFT Leave a like if you want to see these charts! ❤️ This week is going to be LEGENDARY 🔥" +"Tue Nov 08 15:42:30 +0000 2022","With the Nasdaq trading very close to its bear market lows and the S&P 500 barely able to eclipse the 50-day line, this has essentially been a Dow 30 rally. Even the beat up FANG names and the bottom fisher index $ARKK are stuck in the mud. Election results tonight." +"Tue Nov 22 17:37:32 +0000 2022","With $VIX dropped off so hard it actually makes sense to play both ways in this market. Up and down on $AAPL $GOOGL $AMZN $SNOW $META $SPX a week out and we will get a move and direction will be fabulous I think. (Not playing it this way yet!) Just a thought." +"Thu Nov 03 16:11:33 +0000 2022","Nice to see $META $MSFT $AMZN and $GOOG hit new 12-month lows without confirmation from the indices. We have needed big cap tech to catch up to the downside for a long time." +"Mon Nov 28 20:59:00 +0000 2022","Very quiet slow day.. Steady bleed down after the opening 7mintues. $TSLA showed strength... $AAPL $NVDA $AMD very weak.. $MSFT as well. We could chop into GDP on Wed am. HAGN!" +"Mon Nov 07 04:22:23 +0000 2022","⚡️Insiders: Short notes this evening as is common for a Sunday; - $AAPL , market impact and opportunities - Target outlook - Mid terms and CPI (more this week)" +"Thu Nov 10 20:54:53 +0000 2022","Relentless buying and short covering today. $SMH Huge day.. $AAPL $AMZN $META throw a dart. $SPY 396 then 400 then the 200D are my targets now HAGN!!!" +"Wed Nov 16 21:40:43 +0000 2022","$AMD Recent run from 60 to close to 80s $NVDA Big Earning Runup trade Also up 50% from recent lows Ideal to wait for best risk reward entries now post earnings and let things settle. Dec Fed will be key as well for $SMH chip sector with market." +"Wed Dec 07 19:00:45 +0000 2022","$VANI stock has been rated as a buy by analysts at ThinkEquity, with a $7.00 per share price target. This would be an increase of 302% from the stock's most recent closing price of $1.74. #NASDAQ #investors #StockMarket #trading #stocks" +"Wed Dec 07 20:22:41 +0000 2022","From neutral to buy, Citigroup analysts now rate the stock of RIGL. A $2.00 per share price target was also set by the bank for the $RIGL stock. It is currently $117.7 over its $0.92 previous closing price. #NASDAQ #investors #StockMarket #trading #stocks" +"Wed Dec 07 19:43:03 +0000 2022","Canaccord Genuity Group has a buy rating and a $27.00 share price objective on the $YMAB stock. When compared to its most recent closing price of $4.31, this aim is 526% higher. #NASDAQ #investors #StockMarket #trading #stocks" +"Tue Dec 27 16:54:00 +0000 2022","$AAPL $TSLA $GOOGL $MSFT $AMZN collectively down 50% since $SPY peak ....want to fck the most bears and bulls over next quarter? This is how it plays out #FibToFib " +"Tue Dec 13 08:19:55 +0000 2022","#SHOP #Stock price is inside the triangle pattern. #StockMarket #shopify " +"Thu Dec 08 22:43:06 +0000 2022","$SPY Will the pattern hold yet again? ✅RSI is cat on the wall ✅MACD is bearish ✅SMA 200 (bearish still) But trend intact and now if CPI comes cooler, there is some upside imo " +"Tue Dec 06 01:53:57 +0000 2022","A lot has happended overnight #DowJones ended 500pts lower Tesla/amazon/netflix saw cuts Pepsico announced layoffs ISM non manufacturing PMI looks good Fed policy - not sure now?? #SGXNIFTY down 75pts Asian markets mix #Markets " +"Fri Dec 16 19:05:46 +0000 2022","Next Week bears be ready ; Bulls ready to…… kick ……. $SPY 😉😉 #SPY $AMC #AMC $AMC $TSLA $COMS $META $AMD $MSFT $SQQQ $QQQ $LI $PDD $BABA $MMAT $RIOT $MARA $BTC " +"Thu Dec 22 20:04:08 +0000 2022","A $TSLA for christmas? Take a look to the price reduction, for the car and the stock. BTW the reduction in price for the car will finish any inventory! #Stock #StocksInFocus #StockMarket" +"Tue Dec 13 14:00:22 +0000 2022","TOLD YOU TO OVERNIGHT $TSLA $NFLX INTO #CPI # TOLD YOU WE WOULD GAP UP THIS MORNING BIG TOLD YOU TO LONG $TQQQ & SHORT $SQQQ 2 MONTHS AGO EXPRESSED IN #ACT CHAT WHAT I THINK THE #FED WILL DO TOMORROW JUST WITH A FEW MY COMMENTS YOU PAY FOR, YOUR PORTFOLIO SHOULD UP $$$ HUGE " +"Wed Dec 07 13:52:05 +0000 2022","Tesla Stock Vs. BYD Stock: TSLA Falls On New China Price Cut; BYD Eyes European Plant 🇪🇺 🇨🇳 ⛅ ✂️ #stockmarket #daytrade #trade #cannabisstock #pennystock #potstocks " +"Wed Dec 07 19:42:38 +0000 2022","Canaccord Genuity Group has a buy rating on $YMAB stock and a $27.00 share price objective. Since it just closed at $4.31, this aim is 526% higher than that price. #NASDAQ #investors #StockMarket #trading #stocks" +"Wed Dec 07 19:01:04 +0000 2022","ThinkEquity analysts have a buy rating on $VANI stock and a $7.00 per share price objective. From its most recent closing price of $1.74, this would be an increase of 302%. #NASDAQ #investors #StockMarket #trading #stocks" +"Wed Dec 07 20:22:17 +0000 2022","Citigroup analysts changed the stock's recommendation from neutral to buy. The bank also set a $2.00 per share price target for the $RIGL stock. It has risen by over 117% from its previous closing price of $0.92. #NASDAQ #investors #StockMarket #trading #stocks" +"Wed Dec 07 20:55:02 +0000 2022","Analysts at Craig Hallum have rated $EHTH stock as a buy, with a $6.00 per share price target. In this scenario, achieving that aim would imply an increase of 45% from the stock's most recent closing price of $4.15. #NASDAQ #investors #StockMarket #trading #stocks" +"Wed Dec 07 20:05:18 +0000 2022","The Meta $META Stock Price Goes Down Due To Criticism From The Company’s Oversight Board And Regulations From The EU 📉 #META #investing #stockmarket #stocks #business" +"Wed Dec 28 15:45:02 +0000 2022","🙏💸 $PLCE in Downtrend: its price expected to drop as it breaks its higher Bollinger Band on August 16, 2022. View odds for this and other indicators #stockmarket #stock #stockmarketcrash $JFK $CEMI $SPY $TSLA $SHOP $AMZN $NVDA $ROKU $AIM $AAPL $AMD " +"Wed Dec 21 17:02:05 +0000 2022","58 seconds $SPY $QQQ Daily on top 15 Minute below Bounce in downtrend, important confluence of ⚓️VWAPs on $SPY daily blue= AVWAP summer low Red = Summer high AVWAP Green = AVWAP YTD low Orange =AVWAP Covid low declining 5 DMA (orange on 15 min charts) says dont trust " +"Thu Dec 29 08:17:16 +0000 2022","#NASDAQ 10751/831……(897/976)) Pp 10750↕️ Gap 679 Support 692/602/10522⬆️ DAX mit sl 50 p ….13839 Long Nasdq mit sl 100 p,,,,10524 Long W….w…w……!!!!!!" +"Sun Dec 04 20:41:22 +0000 2022","Follow @MarketInference for free stock analysis articles! Can Market Sentiment Sustain NU's Recent Price Increase? #NU #FinancialServices #Banks—Diversified #nasdaq #nyse #stockmarket #trading" +"Mon Dec 05 14:54:03 +0000 2022","$AAPL Last week i mentioned that i am watching AAPL as it was the one who didn't do much and wasn't getting closer to our targets while MSFT, NFLX and NVDA have performed well. Here is the latest on this. " +"Sun Dec 04 20:00:11 +0000 2022","$QQQ Big Tech Weekly Chart 📈📉 Update 🧵 (First Edition) 👀👀👀 Starting today we will take a quick look weekly at $AAPL $AMZN $GOOG $META $MSFT $NVDA $TSLA Starting with QQQ: - Clear 2022 downtrend - Gaps on both sides - @ S/R area needs to break one way or the other 📈📉 " +"Sun Dec 11 17:48:09 +0000 2022","$QQQ Weekly Big Tech Chart 📉📈 Update 🧵 👀 $AAPL $AMZN $GOOG $META $MSFT $NVDA $TSLA This week I’ve added a 1 Hour Chart to each post " +"Thu Dec 01 12:57:40 +0000 2022","$SPY + $QQQ monthly w/ PPO on bottom. As you can see, this is the 1st time since ‘08 that the medium trend has turned negative + we entered this bear market even more overbought than then. $study " +"Sun Dec 11 21:53:45 +0000 2022","MAGMA - ytd perform' $META -65.5% $AAPL -19.5% $GOOGL -35.9% $MSFT -26.3% $AMZN -46.6% -- I see Amazon as especially vulnerable into 2023, with an inflation bitten US/global consumer. @petenajarian " +"Thu Dec 01 14:23:03 +0000 2022","#Wipro stock is facing resistance at 200EMA and a trend line as well. Above 420 it is a good buy. We can expect the price to go upto 450. **only for education purpose** #StockMarket #nifty50 #NIFTYIT #Trending #NASDAQ #StocksToBuy #stockstowatch " +"Wed Dec 07 17:26:35 +0000 2022","$TSLA and $AMZN two power hour stocks and two are at great dip buys! If we have good CPI data next week I see these areas the best possible entry. If the CPI data is bad then watch for new 52 week lows! Next week is the deciding factor! " +"Sun Dec 18 20:11:32 +0000 2022","$QQQ Big Tech Weekly Chart 📈📉 Thread🧵👀 This week we will take a look at the Weekly, Daily, and Hourly Charts For $AAPL $AMZN $GOOG $META $MSFT $NVDA $TSLA QQQ broke the recent bottom TL and headed for a potential gap fill Down 3.97% last week. Will it continue? " +"Sat Dec 17 13:39:03 +0000 2022","NYSE Breadth much worse than SP off -1.1%. This Pullbk of -6.6% is now abnormal using FTD#7 Signposts Data per my Gen Mkt Update. ST trend down and a test of Oct lows (or worse) seems to be in the cards. #stocks $spy $qqq " +"Tue Dec 27 00:14:48 +0000 2022","$SPY + $QQQ monthly w/ PPO (oscillators) short, medium and long-term trends on the bottom. The QQQ is currently sitting on it’s 50-MA. This will be a key level to watch going into the end of the month. " +"Tue Dec 27 16:24:48 +0000 2022","If I had told you at the start of the year that this would be the annual performance for $AAPL $AMZN $META $GOOGL $TSLA $NVDA $MSFT $NKE $DIS $HD $BAC $JPM, what would you have guessed to be the $SPX's annual performance? I bet *not* -20%. And yet.... " +"Mon Dec 05 16:09:49 +0000 2022","""While some segments of technology have rebounded sharply, e.g. Semiconductors up 32% from October lows, the QQQ has lagged, held back by Amazon, Tesla, and Apple. It's notable that since McKenzie Scott sold her first share in Q4 2020, Amazon has lagged the QQQ by nearly 50%."" " +"Tue Dec 27 22:09:24 +0000 2022","$QQQ $SPY the S&P in Comparison to the Nasdaq was MUCH stronger today. Tech still points to more downside, consolidating @ lows. All eyes on Qs into tomorrow but I think we need to be watching for an influx on volume/sellers soon for $SPY. " +"Wed Dec 21 20:21:02 +0000 2022","Breadth update before the close. $SPX is having a 93% upside day, with $AAPL leading the index higher. Although today is clearly one-sided, index correlations remain relatively low. " +"Fri Dec 30 04:00:55 +0000 2022","$QQQ and other tech names gapped up in pre market today, led by $TSLA and $NFLX. While the rise continued during regular trading hours, $QQQ has not yet reclaimed the key level of 270. With a half day of trading on Friday, it's good to keep position sizes small. " +"Tue Dec 27 20:06:13 +0000 2022","Unless things get crazy and the markets $QQQ give it all up (specially as $AAPL pulls back closer to $105) $TSLA should hold anywhere between $90-$110. Key words being if the whole markets don't cave in. It's just reversion to the mean. Faster they go up, Faster they come down. " +"Thu Dec 29 12:27:27 +0000 2022","$AAPL $MSFT $AMZN $TSLA the top 4 in the $SPX People that keep saying we've bottomed - do these looks like they have bottomed or do we still have one more big leg down? " +"Wed Dec 21 02:58:04 +0000 2022","Tech stocks remained weak despite gaining momentum later in the day. If $AAPL, $AMZN, and $NQ can reclaim key levels, they can move higher. However, if $NQ fails to hold above 11250, 11000 can be backtested. $QQQ $SPY $SPX " +"Wed Dec 28 15:48:17 +0000 2022","$SPY looks pretty 'ledgy' to my eye. A ledge is a @markminervini pattern where a stock/market breaks and can't rally. We had a big volume break in the market 2 weeks ago, very little rally = bad sign. $QQQ looks worse and megacap names $AAPL, $AMZN, $TSLA at new lows. " +"Wed Dec 07 17:34:14 +0000 2022","$SPX Intraday market breadth is split, with mega caps dominating the spot price. Under the surface, today's action is all about $AAPL and $TSLA. Stay Informed. " +"Wed Dec 28 03:57:58 +0000 2022","GOOGL : Under 8/21 ema and cant get over . If spy sells googl can catch up IMO AMZN AAPL TSLA at lows Googl 4$ or so from that 83.50 spot. 87-85.5-83.50 Down 88.94-90-92.50 Up Note, it has been relatively strong but expecting a 90 test or retest...seems inevitable IMO " +"Tue Dec 20 20:15:12 +0000 2022","$AMZN on the other hand is a bit more tricky. I started DCA into it today but there is a possibility with the markets $QQQ getting ready for a leg lower, that this may see $70's " +"Tue Dec 27 20:10:42 +0000 2022","$AAPL on the other hand, does not look pretty. If it indeed comes down to my target of about $105. That should bring the whole markets down with it $QQQ. So potential more pain lies ahead for the markets " +"Fri Dec 02 07:40:07 +0000 2022","Here are two non bias charts created by Finviz - As you can see $SPY is topped off, the problem is like I said before tech names that dropped to ER $TSLA , $AMZN , $META has $QQQ lagging, $QQQ will drag $SPY up just a tad tad bit more and we officially top off very very soon " +"Fri Dec 23 22:16:11 +0000 2022","Weekly Charts of $TSLA and $AAPL very similar. Will it play out like #TSLA did and play catch up to the downside? If so, More pain for the markets ahead $QQQ " +"Wed Dec 28 04:23:29 +0000 2022","$QQQ fell due to weak performance from $NVDA and $TSLA, with other tech stocks also declining. $QQQ broke below a key support level of 270 and needs to reclaim it for an upside trade. Consider calls above 267 or 270, or puts below 263 for continuation of the downtrend. $QQQ $NQ " +"Thu Dec 15 01:17:14 +0000 2022","$MSFT met $263, $NVDA reached $190 and $NFLX has done $330. I don't have any hope on $TSLA right now and i am watching $AAPL to break below the triangle which i shared earlier." +"Tue Dec 27 00:12:55 +0000 2022","If $SPY and $QQQ see another bear market low early next year here are targets for $MSFT, $AAPL, $GOOGL, & $AMZN. While these charts reflect different dates for that next potential bottom, I am assuming they would all likely come in about the same time, mid-February to early March " +"Wed Dec 21 01:57:41 +0000 2022","12/21/22 Options Trading Watchlist ✅ $META 114/115p < $118.9 $AMZN 84p < $87.25 Not sold on market strength. Still seeing weakness in $SPY and $QQQ. Updates in the AM. Flow via Unusual Whales. Pls see all images. #optionstrading #stocks " +"Thu Dec 01 03:39:59 +0000 2022","Market Recap: The market is now betting on an end to rate hikes + Is it a trap? + Apple's plan to dominate commerce and speech in America + Elon Musk brought Tim Cook down to his knees + Charts $SPY $QQQ $IWM $DXY $GDX $TLT $OIH $VIX $AAPL $TSLA $BTC " +"Sun Dec 04 23:13:57 +0000 2022","$QQQ Tech has been lagging behind the $DIA and $SPY for a couple of weeks now... but starting to tighten up a bit. Break of 293 and there's upside targets into 303. " +"Wed Dec 14 02:54:56 +0000 2022","Daily on top 15 min TF for last 2 wks - bottom $SPY high was almost exactly YTD ⚓️VWAP $SMH fell short of its YTD & $QQQ the laggard on daily 15 min TF below MTD ⚓️VWAP was support 2x intraday for $SPY & $QQQ while $SMH shows RS by finding buyers @ WTD AVWAP #levelsofinterest " +"Tue Dec 20 01:07:49 +0000 2022","12/20/22 Options Trading Watchlist ✅ $META 110p < $116.20 $NVDA 155p < $165.3 $AAPL 136/137c > $132.9 $AAPL nearing 52 week low. Still seeing overarching weakness in the $SPY and $QQQ. Updates in the AM. Flow via Unusual Whales. Pls see all images. #stocks #optionstrading " +"Sun Dec 04 00:45:54 +0000 2022","$SPY another view by looking at MACD Indicator. BULLISH CASE: Starting OCT 2nd week till now, black line never crossed red line. We are very close to start shorting the market (Wait for MACD crossover), till then enjoy the Santa rally. $QQQ $AAPL $IWM $DIA $META $TSLA " +"Sun Dec 04 21:45:43 +0000 2022","$QQQ is not just a TECH ETF It is a TECH heavy ETF with almost 50% tech but it has 15% consumer cyclical stocks and 8% healthcare stocks We expect the $AAPL, $GOOG, $AMZN, $TSLA, $NVDA, etc to be in the Top 10 holdings. But did you expect $PEP and $COST in the top 10? 😀 🤷‍♂️ " +"Wed Dec 28 00:48:13 +0000 2022","I walked ok the beach. Market held up but TSLA fading more and AAPL about to crack too. SPY most likely will find new lows early next year especially FEB FOMC. Q4 earnings revisions and P/E multiple compression coming. The bottom of ocean 🌊 marks bottom of the SPY " +"Tue Dec 13 01:50:50 +0000 2022","12/13/22 Options Trading Watchlist 🤑 $WMT 150c > $147.7 $META 107/108p < $116.9 $AMZN 96/97c > $90.70 $TSLA AM update Lots on deck for a volatile AM. Will review & update as we likely gap on CPI data. Flow data courtesy of Unusual Whales. See thread. #optionstrading #stocks " +"Mon Dec 19 15:12:56 +0000 2022","$SPY & $QQQ selling off. My bias entering this week was / remains there's market weakness. The overarching idea on all trades here is to fade (short) against any rally up. Growth being beat up. Banks & financials $WFC $JPM resilient. $AMZN & $META down as projected #stocks " +"Thu Dec 22 01:32:56 +0000 2022","12/22/22 Options Trading Watchlist ✅ $NFLX 295p < $305.05 $TSLA 145/146c > $136.9 $AMZN 87/88p < $88.1 May have one more name for the AM. Will review and adjust then. Flow data via Unusual Whales. Please see imgs. #optionstrading #stocks " +"Sun Dec 04 00:52:55 +0000 2022","$SPY - Sometimes the basic indicator like MACD works like a charm. JUNE 27 to AUG 22 $SPY moved from 380 to 425 (12%+ 🟢⬆️) AUG 22 to OCT 17 $SPY down from 425 to 352 (15%+ 🩸⬇️) OCT 17 till date $SPY up from 352 to 410 (13%+ ⬆️🟢) $AAPL $AMZN $TSLA $META $GOOGL $QQQ $BABA " +"Wed Dec 07 21:22:55 +0000 2022","$SPY gap ups are opportunities to short this market. If market moves up post CPI numbers, good to short! We are at beginning stages of selling, IMO! $QQQ $AAPL $AMZN $TSLA $AMD $NVDA $BABA " +"Tue Dec 27 13:28:46 +0000 2022","Good Morning Traders! Market trying to stay green, but will it? #sticynote $AAPL Looking at that $130 level again here, test it and we will take LONG $TSLA looking to try and catch a bounce off $115 L $NIO SS here at $11, on revised demand $META $120 huge level, party on! " +"Fri Dec 16 04:47:21 +0000 2022","$SPY 10/21 SMA crossover for the first time after Oct 24. Market could go down much further and see new lows by Feb-March 2023 if this trend follows. " +"Sat Dec 31 17:05:18 +0000 2022","2022 was a terrible year for some of the biggest companies in the world. These companies seem more important than ever to keep $SPY alive and prevent it from a painful start 2023... $AAPL $TSLA $MSFT $META $NVDA $NFLX $GOOGL Charts below 👇 Let me know what you think! " +"Mon Dec 12 02:04:14 +0000 2022","Watchlist 12/12📝 🚨CPI on 12/13 FOMC on 12/14🚨 $MSFT Calls can work above 257 Puts can work under 242 $NFLX Calls can work above 330 Puts can work below 300 $TSLA Calls can work above 176 Puts can work under 169 $ES $NQ $SPY $SPX $QQQ: " +"Tue Dec 13 02:38:31 +0000 2022","Watchlist 12/13📝 🚨CPI on 12/13 8:30 am EST | FOMC on 12/14🚨 $AAPL Calls can work above 152 Puts can work under 141 $NVDA Calls can work above 179 Puts can work below 164 $TSLA Calls can work above 182 Puts can work under 166 $ES $NQ $SPY $SPX $QQQ: " +"Mon Dec 12 22:41:25 +0000 2022","The Nasdaq rallied 1.26%, and we saw notable strength in two of our holdings $WING $OKTA. Despite the strong index gains, net lows increased on the Nasdaq. Also, oddly, the VIX jumped by 9.6%. Clearly, investors continue to position ahead of tomorrow's CPI 0.4% m/m consensus est. " +"Thu Dec 22 21:23:27 +0000 2022","📈 $SPY CPI gap still open and we rallied off the spending bill approval here into close. 3820 on $SPX was recaptured along with the 9EMA. Although the bears seem to be strong there were some bullish bets into Chips and Tech before the rally. PCE out tomorrow, 382 break needed. " +"Wed Dec 28 00:34:48 +0000 2022","$TSLA Pre-covid high: $64 Today: $109 $AAPL Pre-covid high: $80 Today: $130 $MSFT Pre-covid high: $186 Today: $237 $GOOG Pre-covid high: $76 Today: $88 $AMZN Pre-covid high: $109 Today: $83 $META Pre-covid high: $224 Today: $117" +"Tue Dec 06 21:34:36 +0000 2022","$AMD 💰ITM💰 OVER 260% $META 120P 💰ITM 💰OVER 420% $TSLA 175P 💰OVER 500% $SPY OVER 💰600% $MSFT 💰ITM💰 OVER 120% $COIN 💰ITM💰 OVER 100% $GOOG 💰ITM💰 OVER 140% $AAPL 140P 💰OVER 85% JOIIN US! 1 MONTH FREE TRIAL! #OptionsTrading" +"Mon Dec 12 01:35:43 +0000 2022","Stocks insights for week #51 I take a look at indices, macro, individual names and events that are ahead this week. $SPX #ES #FUTURES $NVDA $SMH $NFLX $ENPH $FSLR $TAN $AMAT $BA $HD $MDB $AMAT $CELH " +"Wed Dec 21 22:32:27 +0000 2022","Big tech & generally recognized market leaders, catching bids after hours. Can imply today’s move is not done. Expecting futures to open higher based on AH price action so far. If prices hold into open, higher probability that DD drop from yesterday is in play. 💻 $QQQ $SPY $DIA" +"Thu Dec 01 15:15:47 +0000 2022","$SPY $AAPL $MSFT $TSLA $NVDA Same Synced up look on all names, how they move with market, not random Also not $VIX Bounce from 20.30 area mentioned and inverse on names #vix #spy #strategy #tradingtips " +"Sat Dec 24 00:16:25 +0000 2022","Many have said it's unthinkable/impossible, but some of the big names have proved so. Personally I can't phathom $AAPL back to 50s. But seems like $MSFT $GOOG has some room. This puts $SPY under 300 before we bottom. Monthly Charts so far showing engulfing pattern. " +"Fri Dec 16 14:25:31 +0000 2022","Apple $AAPL is the second-most oversold of the Big Tech stocks at the moment at close to two standard deviations below its 50-DMA. $META $NFLX $ADBE $MSFT and $NVDA ended yesterday above their 50-DMAs but we'll see how things shake out after the open. " +"Thu Dec 22 12:54:02 +0000 2022","$MU cutting costs but missing top bottom not great. line at 50. Chinese ADR's up as a group, $BABA eying 90 break, 92.50 and 95! resistance points. $INTC 27 resistance still. $NFLX strong 305 next with 296 dip. #GDP and #PCE to come!. #stocks $OP $TSLA " +"Thu Dec 15 12:58:56 +0000 2022","Post #FED we find Elon sold $TSLA shares again. if 155 can hold could see 150. Next short isnt til 160. $NVDA rejected 200 MA on daily, 174 and 180 for resistance. $ABNB big level 91 bottom and same $INTC 27.85-28. #stocks #markets $SNAP $MRNA $NVAX " +"Tue Dec 13 13:00:39 +0000 2022","Waiting game til #CPI data. Seems risk would be if hot not cold. $AMZN levels 91.50 for big break on up move and 87.50 if we dip. $NVDA has the 200 MA on daily at 180. $ORCL beat but missed guide. 84.60 big resistance. #stocks #markets $BA $NCPL $MRNA " +"Tue Dec 13 16:22:25 +0000 2022","Even though the CPI and the Fed rate decision are front and center this week it is still a quadruple options expiration week. This is a week of institutional game playing. Expect more choppiness this week. $SPY $QQQ $DIA $SMH #stock" +"Tue Dec 27 19:25:33 +0000 2022","$AAPL This stock took out its June 16 low of $129.04 and made a 52 week low today at $128.72. But, the Nasdaq did not make a new low today...maybe some foreshadowing? " +"Wed Dec 28 12:14:36 +0000 2022","So far everything is where I want it. A better looking $TSLA and $AAPL than yesterday. The market needs Big Cap Tech to show up and trade well and the rest will take care of it's self." +"Tue Dec 20 17:10:02 +0000 2022","Tickers on sale baby! 👀 ✅👇🏼🙌🏽 - $Meta (high $384) currently $115 - $Msft (high $349) currently $240 - $Tsla (high $414) currently $141 - $Spy (high $479) currently $379 - $Amzn (high $188) currently $85 - $Nvda (high $346) currently $161 - $Qqq (high $408) currently $269" +"Mon Dec 05 04:10:39 +0000 2022","@amasad nvidia, tesla, google, or just spy. The market will get more efficient and that will reflect in the index." +"Fri Dec 02 20:16:03 +0000 2022","An equally weighted combo of the current and former trillion $ market cap club members -- $AAPL $AMZN $GOOGL $MSFT $META $TSLA -- is down 37.6% YTD vs. -14.6% for $SPY and -5.4% for $DIA. Mega-caps dragging. " +"Mon Dec 05 18:48:26 +0000 2022","Big week a head! CPI and FOMC coming next week! Market will move big in either direction. Expecting $SPY to move $20 +/- by end of next Friday. $SPY 380 or 420 possible, will share my next big strangle play this week. Let's get 1000% winner again! $QQQ $AAPL $AMZN $TSLA $AMD" +"Fri Dec 23 03:17:48 +0000 2022","The legendary hedge fund manager, David Tepper, said today he is leaning short. Don’t fight the FED, he says. AAPL, AMZN & TSLA r all below OCT lows now. I’ve been saying for a while long-only SPX won’t work anymore. Unless u plan to ignore Mkts for 10yrs, u need to be active." +"Mon Dec 12 21:52:34 +0000 2022","If market goes up tomorrow post CPI or FOMC, it's a good chance to short market again for Jan or Feb expiration. $SPY $QQQ $IWM $AAPL $AMZN $TSLA" +"Sat Dec 31 00:11:56 +0000 2022","You just need to focus on major events like Job numbers, GDP, FOMC, CPI, FOMC .. to make extra money on options in 2023! That's where we see the volatility. $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $AMD" +"Sat Dec 24 13:56:05 +0000 2022","The market rally had a mixed week. The S&P 500 was unable to hold Wed.'s move above the 50-day, but the indexes did close off Thu.'s lows. The Nasdaq fell solidly as growth titans such as Tesla and Nvidia. (1/6) $TSLA $NVDA $AAPL $FOUR $CELH $PI $BOX $ENPH " +"Fri Dec 16 21:36:55 +0000 2022","VIDEO 📽️ Stock Market Video Analysis for Week Ending 12/16/22 $SPY $QQQ $AAPL $TSLA $MP $DIS $RBLX $SIG $GFS VIEW HERE 👉👉👉 👈👈👈 ⚓️VWAP HAGW! 👊" +"Fri Dec 16 15:17:00 +0000 2022","Market will give opportunities again and again. Don't give up on trading! Save your capital and wait for next opportunity. $SPY $QQQ $IWM $AAPL $TSLA" +"Tue Dec 20 19:49:22 +0000 2022","So much red in the overall markets, seeing great names down over 40% from all time highs. $TSLA $AMZN The scary part is we still have more room to go down in my opinion. I still believe $SPY has room to go to low 300’s in the next 12-18 months. Unless macro condition changes." +"Wed Dec 28 16:10:07 +0000 2022","Potential bearish engulfing day forming on $SPY. $QQQ couldn't even take out yesterday's high because it's so weak. It's still early but will be on watch. Also, Nasdaq Comp volume inline so far with yesterday's distribution day." +"Sat Dec 24 22:48:53 +0000 2022","The generals of the army get shot in the end - One by one, the darlings are getting mauled by this 🐻 $ADBE $AMZN $META $MSFT $NFLX $NKE $NVDA $PYPL etc were murdered earlier. $TSLA saw the ghost this month + now they are coming after the big one $AAPL Chart @Jake__Wujastyk " +"Sun Dec 04 17:46:50 +0000 2022","Most of the potential big winners 500%+ or 1000%+ can be seen if you take it all the way till the end. My $SPY straddle alert on Wed printed 1000%+ (402c and 390p). One of my follower made it 💰 Let's get some more in following weeks. Set 🚨 ON! $QQQ $AAPL $META $AMZN $TSLA $AMD" +"Mon Dec 19 19:43:18 +0000 2022","Most important Stocks by weight in $SPY and $QQQ are $AAPL $AMZN $MSFT. $AMZN is back to falling knife, $AAPL approaching fear low $128.65. There can be no confidence in a broader market bottom as long as the main generals are without supports." +"Sun Dec 11 21:43:23 +0000 2022","⚡️Weekly Watchlist⚡️ ✅ $SPY 📈C > 398/400 📉P < 390 📱 $AAPL 📈C > 144 📉P < 140 ⌨️ $META 📈C > 117.5 📉P < 114/112 💸 $NFLX 📈C > 323 📉P < 317 🩸 $GOOG 📉P Under 91.6 💙300 Likes for my Fav Play🚀 🟢LETS KILL THIS WEEK! HAVE NOTIS ON⚡️ (CPI + FOMC week... be careful)" +"Thu Dec 22 04:54:29 +0000 2022","⚡️Insiders Video: - $TSLA, $META, $NFLX, $XOM - Market action for the $SPY & $QQQ - The Omnibus bill - Retesting a range & more Video uploading now, eMail out within the hour! Will note here when it goes out! 🙏" +"Tue Dec 13 13:59:14 +0000 2022","SHARES OF SOME BIG TECH COS RISE PREMARKET AFTER NOVEMBER CPI DATA APPLE UP 3.5%, META UP 5.7%, NETFLIX UP 3.7%, ALPHABET UP 4%, MICROSOFT UP 3.9%, TESLA UP 4.8% $AAPL $META $GOOGL $MSFT $TSLA" +"Wed Dec 07 20:46:58 +0000 2022","Another very very messy slow day. $SPY Trading between the 100 and 21D and range bound right now. $AAPL $TSLA Weak, $NVDA held in well. See what tomorrow brings" +"Fri Dec 16 11:10:08 +0000 2022","Good Morning! Quad Witch Today Futures down $META u/g to Overweight @ JPM pt raised to $150 from $115 $WYNN signs 10 Year agreement in Macau $ADBE pt raised $380 from $345 @ Piper $LEN pt raised to $110 @ Keybanc $WMT d/g NEUTRAL @ Fubon pt $161 $AMZN PT cut $130 @ JPM" +"Tue Dec 06 11:07:22 +0000 2022","Good Morning! Futures Mostly Flat $TSM To Triple US Chip Investment To $40Bn To Serve Apple, Others $GE u/g OUTPERFORM @ Opp pt $104 $EL u/g BUY @ DB pt $266 $STLD d/g Neutral @ UBS $CAG d/g SELL @ DB pt $34 $SAM d/g SELL @ DB" +"Wed Dec 21 01:42:23 +0000 2022","Mega-cap forward multiples using consensus EPS estimates as of 21/12/22 $AMZN 27.75 x ‘24 earnings $MSFT 21.66 x ‘24 earnings $NFLX 21.24 x ‘24 earnings $AAPL 19.57 x ‘24 earnings $TSLA 19.55 x ‘24 earnings $GOOGL 14.22 x ‘24 earnings $META 12.03 x ‘24 earnings" +"Fri Dec 09 21:34:50 +0000 2022","no trades today. waited for $spx 3975 but every move felt like a trap. I liked $nvda $nflx but didn't want to chase. patience > desire to see action. hagw 40k week. bal unchanged from thurs (170k). 200k incoming 🚀" +"Tue Dec 13 14:26:24 +0000 2022","gap up 🚀 no position into today but congrats to those who had calls. spx 4100 qqq 293 big areas to see hold. watching for any b/t and individual names $nvda $mrna $nflx. fomc tomorrow. expect volatility" +"Sun Dec 18 20:02:05 +0000 2022","Alright, I think that is it for tonight. Hope everyone has a nice Sunday. Reviewed: $AMD $AAPL $SPY $SPX $QQQ (Weekly) $NVDA $QQQ (monthly)" +"Fri Jan 20 20:07:30 +0000 2023","Just because a stock's price target drops doesn't mean that it isn't worth looking into. Do your research & invest wisely! #StockMarket #NASDAQ #Stockmarketnews #OTCMarkets #StocktoTrade $DISH $TSLA $CTLT $LUDG $IQST $AMZN $DIS $JNJ $GRMN $F Sponsored by $MLRT - MetAlert, Inc" +"Sun Jan 22 14:39:00 +0000 2023","4/🧵📉Chart Thread📈 @federalreserve Stock Valuation Model via @yardeni 📊 $SPX $SPY Price vs. Fair Value (via corporate bond yields) #bonds #stocks #StockMarket #interestrates #FederalReserve #macro $TLT $HYG " +"Tue Jan 31 19:45:57 +0000 2023","Market Cap divided by Revenue as a function of time tells much more about a company than it's stock price history. Increasing retail investor's access to these 'sophisticated' investing tools is our mission. $TSLA $SPY #StockMarket " +"Mon Jan 30 13:46:00 +0000 2023","The MACD model predicts that the price of TSLA will increase from 177.9000 to 195.6900. SIGNAL = BUY. RSI for: TSLA = 72.588. NOT FINANCIAL ADVICE. THIS IS FOR FUN. I hold this stock. #stockstowatch #StocksToTrade #TSLA #Daytrade #Traders #stockstowatch #fintech #StockMarket " +"Thu Jan 05 07:59:32 +0000 2023","-Dow is a price weighted index -Value derived from price of shares divided by current common divisor 0.1517 -With current divisor $1 move in share price will move #DowJones by 6.6pts -Apple is at no.20 after being top weighted post stock split in Aug 2020 #DYK #StockMarket " +"Fri Jan 13 22:00:56 +0000 2023","Tesla Stock: Are Price Reductions A Warning Sign? $TSLA ⚠️ #Tesla #TSLA #stocks #stockmarket #investing " +"Thu Jan 12 02:55:28 +0000 2023","Nasdaq +1.7% ! The big market moving data point is the US CPI, tonight. 17,774 must hold on the downside. On the upside, 20-DMA at 18,121 comes into play. The trade set-up, as I see it. #StockMarket #stocks " +"Thu Jan 05 15:54:39 +0000 2023","Did you know that the #stock with the highest absolute share price has the highest weight in the Dow Jones index? Did you also know that due to this, the stock of #Apple #AAPL is only on spot number 20 out of 30? #Financial #financialeducation #investor #stockmarket" +"Mon Jan 02 06:40:01 +0000 2023","I wanna have at least 25 shares of $Tsla by the end of the year, and 25 shares of $GOOGL by end of year. At current stock price, that’s $5,152. I can do it!!!!! 💪🏾 #StockMarket" +"Fri Jan 06 15:19:05 +0000 2023","Dow Jones Rallies On December Jobs Report; Tesla Stock Dives To New Low On China Price Cuts 🎄 🇨🇳 ✂️ #stockmarket #daytrade #trade #cannabisstock #pennystock #potstocks " +"Sat Jan 14 07:27:04 +0000 2023","Dow Jones Falls 250 Points As JPMorgan Slides On Earnings; Tesla Dives On Price Cuts #stockmarket #daytrade #trade #cannabisstock #healthcarestock " +"Fri Jan 27 02:29:43 +0000 2023","$INTC Value Trap or Long-term Opportunity? 4Q'22 Results vs Consensus. Looks really awful! Stock price down from $30 to $27 #StockMarket #stocks #stockmarketcrash #NASDAQ #investing #investment #investors" +"Sun Jan 22 18:10:44 +0000 2023","🔮 #37: TESLA'S STOCK PRICE 📊 How will the Tesla stock price close the day on the 26th of January 2023? ➡️ Join to place your prediction! $DPH $XRD $TSLA #Radix #delphibets #crypto #DeFi #Web3 #ElonMusk #StockMarket #earnings #earningscall #prediction " +"Fri Jan 13 12:24:58 +0000 2023","🙏💸 $PLCE in Downtrend: its price expected to drop as it breaks its higher Bollinger Band on August 16, 2022. View odds for this and other indicators #stockmarket #stock #stockmarketcrash $JFK $CEMI $SPY $TSLA $SHOP $AMZN $NVDA $ROKU $AIM $AAPL " +"Wed Jan 18 11:19:56 +0000 2023","Lucky 88...percent of stocks are trading above their 50SMA 🧧 Blues continue to dominate, led by $CNVRG +9%, $ICT +4.9% $JFC -0.9% barely moved after news of Mr. Tanmantiong selling 885k shares $MONDE +5.8% playing catch-up This year's first high flier $PHA +30% " +"Wed Jan 04 21:02:16 +0000 2023","UBS lowered its price target for Microsoft $MSFT stock to $250 from $300 previously. They said they’re not making a “material negative call on the stock,” but that the company’s valuation already “feels fair, not cheap.” #StockMarket" +"Sat Jan 07 12:14:10 +0000 2023","$TSLA stock price is 100% manipulated by synthetic shorts. Market Makers plays you all for a fool. Since all these shorts lies offshore, the SEC can't apprehend them. But they can indeed enquire the biggest Market Makers out there. Wake up, people. #conspiracy #StockMarket #tesla" +"Fri Jan 27 19:39:04 +0000 2023","$AAPL $AMZN $MSFT $NVDA $IWM $SPY While most of everyone was looking for lows, we were looking to load. The news doesn't fucking matter. Chart tells the macro news. NVDA is up 60 AMZN 20 IWM 20 GOOGL 15 AAPL 18 " +"Tue Jan 10 18:51:49 +0000 2023","a look at the top 5 trending stocks on this afternoon including a rally in Meta and Oak St. A selloff in Illumina, a rebound for Spotify and mixed signals for Taiwan Semi " +"Fri Jan 20 01:30:45 +0000 2023","$SPX breaks below its 100-dma in the Thursday session. As @willkoulouris reports, the return of buybacks is being mitigated by a liquidity squeeze and retail participation remains low. Also a big jump in $NFLX afterhours following those strong subs. $AMZN $GOOG $AAPL $JWN $PG " +"Mon Jan 23 21:08:32 +0000 2023","Other watchlist ideas today did pretty well too. All went ITM except AMZN. Was so focused on live and SPX, I did't get to take any of them. 🤣 $QQQ $AAPL $GOOGL $AMZN $NVDA $AMD " +"Fri Jan 06 20:19:08 +0000 2023","How was your day today #Fintwit? 😎 $NVDA 144C💰 860% $NFLX 310C 💰560% $AMD 64C 💰 200% $BABA 105C💰 350% $AAPL 128C💰 600% $SPY 386C 💰400% $ABNB 87C 💰100% ABSOLUTE BANGERS! JOIN US FOR MORE💰 #StockMarket " +"Mon Jan 09 03:24:23 +0000 2023","You also need to know what the biggest holdings and sectors of $SPY are doing. I watch $AAPL $AMZN $MSFT $GOOGL on a separate monitor. Take Friday 1/6/22 for example. every single tech name was in demand and $SPY was holding 380 psych level. This was a great indication that " +"Fri Jan 20 14:28:34 +0000 2023","Big time BUY IMBALANCES here this morning on the NASDAQ, lets see if we get a continued rally here.  $MSFT $AAPL $TSLA $NFLX $GOOGL $GOOG  $HLBZ $GNS @tradertvlive " +"Thu Jan 19 01:16:36 +0000 2023","$MSFT the big drag on the $DJI which led #Wallst lower. @willkoulouris wraps up Wednesday action. $SPX $AAPL $META $GOOG $AMZN $IBM $TSLA $COIN $AA " +"Sun Jan 01 20:46:55 +0000 2023","Great table with references on $TSLA estimates. Where do you see the #Tesla #stock price going in Q1 of 2023? #stockstowatch #StockMarket #investing #investingtips #stocks" +"Fri Jan 20 18:49:36 +0000 2023","$SPX and $QQQ QQQ retraced much faster due to NFLX and other tech rallied. QQQ is almost 61% but i think, it may have a little more steam... which can take SPX along. Will look to add back positions as we see rejections on these levels. " +"Wed Jan 25 23:49:48 +0000 2023","Naz and $MSFT shrug off ""bad news"" and recover early losses.....We have covered this topic in Gen Mkt Updates......ie. What to look for a Market Bottoms #stocks $qqq $spy #mktbottoms #contrary " +"Sun Jan 22 00:08:19 +0000 2023","Those of us that trade futures, we get to trade after they announce earnings to make that 💰 BIG #EARNINGS WEEK AHEAD ALL 👀 on $ES $NQ $SPY $QQQ *Mon: - *Tues: $MSFT $JNJ $MMM $GE $LMT *Wed: $IBM $BA $T $TSLA *Thurs: $INTC $V $MA $LUV $AAL *Fri: $CVX $AXP $IWM $VIX " +"Thu Jan 05 00:06:02 +0000 2023","The over-owned $AAPL $TSLA $MSFT continue portray a weak Naz Index but under the surface it's beginning to tell a different story......sometime to keep an eye on. #stocks #divergence $spy $qqq " +"Sun Jan 29 23:56:39 +0000 2023","This week is the most important week of this Earnings season. $FANNG has recently tested and held the 2020 breakout area and this week could seal its fate. $MSFT gave us an idea about the readiness to buy in line results as well as soft cloud guidance. $AAPL $AMZN $GOOG $META " +"Sun Jan 15 23:15:12 +0000 2023","#meme time for US equities ! $Spy $qqq $iwm $spx $rty $ndx $msft $tsla $aapl $googl $nvda $unh $gs $nflx $rio $sbny $ms $cfg $stt $syf $isrg $cof $lrcx $cci $mstr $cacc $msci $cvna $gme $bbby " +"Mon Jan 23 21:25:07 +0000 2023","$SPX Next update: 01/23/2023 Blog update, $GLD : Last price 167.26 --> Now 179.63 $AAPL : Last price 129.98 --> Now 141.11 $GOOGL : Last price 89.05 --> Now 99.79 $COST : Last price 479.83 --> Now 492.61 $SPY $QQQ " +"Wed Jan 04 03:29:35 +0000 2023","$QQQ opened with a gap up near 270, but then had a significant decline and closed with a red candle. The weakness of AAPL and TSLA contributed to the downward trend of the tech sector. Volatility is expected with the release of PMI and JOLTs data in the morning, #DayTrading " +"Fri Jan 06 04:16:38 +0000 2023","$QQQ underperformed $SPX, with all of tech in the red. NFP data in the pre market which could affect $QQQ's performance. Watch for early reactions in the pre-market in big tech stocks. $NQ #DayTrading #StockMarket #tradingstrategy " +"Thu Jan 05 03:42:49 +0000 2023","$QQQ was weaker than $SPX due to losses in $MSFT and $GOOGL, but $NFLX and $TSLA performed well. After a volatile Wednesday due to FOMC minutes, the day ended close to even. $AAPL, $MSFT, and $TSLA need to move in the same direction for $QQQ to break out of its current range. $NQ " +"Wed Jan 18 22:37:11 +0000 2023","$SPY + $QQQ My arrow in the 1st graphic points to exactly where we are in the markets. Wave 3. So, yes, we will absolutely take out lows and then some. $SPX $NDX The book is cheap on Amazon. XO " +"Mon Jan 09 17:32:47 +0000 2023","$SPY is floating between. the 50ema & 200 ema now. $395 is a big level coming up also. RSI is trading back above 50 after a few weeks of being stuck below. " +"Wed Jan 18 18:34:34 +0000 2023","Remember these targets below. Rest of this week and next is very important. Starting tomorrow with NFLX earnings. AAPL, MSFT, TSLA, AMZN will report in next few days leading upto FOMC in Feb first week. I think the correction will continue until then so all rips to be sold." +"Thu Jan 12 15:23:40 +0000 2023","CPI data changed nothing.. For the below AAPL, NFLX has met the target. Waiting on the rest. It many take another day or so but i think we will meet most of them. TSLA remains in doubt." +"Thu Jan 12 19:43:34 +0000 2023","MSFT, AAPL, NFLX all met target and holding still. NVDA and TSLA are catching up. SPX is 10-20 points away. Did 4K. I will be damned if all of these meet and we reverse." +"Tue Jan 03 23:22:31 +0000 2023","Net new highs in the Nasdaq today? That's surprising given how some of the big players $TSLA $AAPL have been acting lately. Market feedback is still risk off but interesting moves under the surface. " +"Mon Jan 23 04:54:28 +0000 2023","Faang names on the daily w some of my levels , along w spy and shop. Also watch list posted : Rblx , meta , crwd , aapl Interested in : NEE (Xlu) , nflx for PEG , and CVX for oil names / flush Msft / Tsla for 🚽 Be careful this week , busy week ! " +"Mon Jan 23 15:00:59 +0000 2023","A very early look at next week in earnings with 115 S&P 500 companies reporting. Those reporting include Meta, Amazon, Alphabet, Apple & Starbucks. $META $AMZN $AAPL $GOOG $GOOGL $HON $OTIS $XOM $AMD $SPOT $CAT $F $SNAP " +"Fri Jan 13 03:51:00 +0000 2023","$QQQ ended positive, $NFLX and chip stocks lead but $AAPL, $GOOGL weak. Mixed market price action on in-line CPI report. Qs are overbought, watch for retracement to key levels soon. Calls can work above 282, Puts can work below 275. #DayTrading #TRADINGTIPS #StockMarket " +"Mon Jan 30 13:38:07 +0000 2023","GM Traders! hope all had a great w/e, watching NASDAQ 12k! #stickynote nation reigns again!! $LCID should be fun again, looking at $12 here for support $TSLA should bounce off $177 here, need to try a LONG at some point, out if we break $175 $SOFI strong Q $6 $GOOGL $99 SS " +"Thu Jan 05 00:27:10 +0000 2023","While mega cap stocks, $TSLA $AAPL $MSFT $GOOGL, are dragging down the indexes, the market internals are improving unnoticed. That's why I'm staying open to the possibility of $SPY playing out an inverse H&S pattern. (1/4 🧵) " +"Fri Jan 13 13:32:46 +0000 2023","GM Traders! 💥 Could be a disaster here on Friday with BANKS missing. Nasdaq giving back #stickynote $GOOGL was week yday and will take $90 $TSLA wow, 20% price cut, not great, lets SS through $115 $BBBY watch $5.60 $AAPL $134 top, shouldnt take it out avg in SS " +"Fri Jan 13 03:51:00 +0000 2023","$AAPL is consolidating between 135-122, similar to 2020-2021 pattern. No momentum after CPI. $NFLX earnings next week may impact tech stocks. Calls can work if $AAPL rises above 135, puts if falls below 122. #DayTrading #TRADINGTIPS #StockMarket " +"Mon Jan 30 13:46:33 +0000 2023","It's a HUGE week for the market: - 107 companies in the S&P report earnings, including $AAPL, $AMZN, $GOOG and $META - The Fed announces interest rate hikes - market is currently pricing in 25 bps. - Consumer confidence report - Several key jobs reports (ADP, NFP, UE rate) " +"Tue Jan 24 17:49:39 +0000 2023","HERE is my current thoughts (in 0 positions) $MSFT misses -- brings $SPY to around $388/$390 $TSLA hits -- brings $SPY to around $395/$400 $V and $MA -- mixed bag, $SPY closes around $399 Next week FED and $AAPL E's should finally move us out of this TIGHT pattern on daily " +"Sat Jan 21 01:07:41 +0000 2023","$QQQ I just don't know how anyone can be super bearish here so far the 200wma has held up well on the indexes with $QQQ lagging the most. The positive reaction to the shitty $NFLX ER might be a sign of things to come. " +"Sat Jan 28 15:16:29 +0000 2023","Market moves just shy of the 4100 level Friday... The market has a HUGE and I mean HUGE week next week. Powell Wednesday, $AAPL $AMZN $GOOGL Earnings Thursday, other big tech earnings and economic data sprinkled throughout the week. Can this run continue? Charts coming! $SPY " +"Sun Jan 29 17:29:46 +0000 2023","Big Earnings week and Fed Mtg. A good time to chill in stuff you have a cushion with and wait for set ups in extended leaders when they present themselves. $AAPL $AMZN $GOOG $META " +"Wed Jan 18 13:29:21 +0000 2023","GM Traders, lets rip this mkt again today!! 📈💯#stickynote nation strong💪 $AAPL rinse, repeat, stay LONG here $136 $TSLA can not be ignored, $140 break through, new pricing is a boost $AMD could be weak, maybe a dip to $70 $MSFT $240 love it support $COIN time to look SS " +"Wed Jan 11 17:20:29 +0000 2023","Amazon in gamma squeeze today is pushing higher nasdaq. We can use our models for every asset. SPX represents all liquidity hence we track the index. " +"Wed Jan 11 13:32:18 +0000 2023","GM Traders! Tomorrow we get #CPI, we could rally again today into that 📈💯 #stickynote $COIN 30% in 4 days, seems a bit much, downgrades and layoffs creating excitement, looking $41 SS or $43 on a pop $AAPL strong yday looking for more today, pre mkt LONG break $BBBY $AMD " +"Mon Jan 30 14:01:48 +0000 2023","$SPY Talk about a huge week ahead! Fed Rates on Wednesday and then on Thursday we have Apple, Amazon, and Googles Earnings Report! As of now no clear entry as we have room to run to $410 while also having room to fall to $398! I am waiting for either RES or Support " +"Sun Jan 29 15:46:34 +0000 2023","Massive earnings week $AAPL $AMZN $GOOGL $XOM $AMD $UPS $CAT $MCD $META $AMGN $ELF $PFE coupled with FOMC and labor market data... Stay careful this week folks. Think risk-first " +"Mon Jan 09 17:52:18 +0000 2023","All about the $SPY 2W inverse head and shoulders attempt. $QQQ $AAPL and $AMZN doing exactly what market bulls wanted to see today... leading. Powell pre market tomorrow and CPI Thursday, bears hoping for help to stop this 2 day squeeze: " +"Wed Jan 11 03:44:03 +0000 2023","$AMD gapped over long level $TSLA no trigger $NFLX WINNER ✅ Here is part 2: all these setups are high conviction 👀 $TSLA below 117, 115p $META over 133.5, 135c $AAPL below 129, 128p Lots of bears will be happy by end of week. Flow has been adding puts on these days- careful" +"Sat Jan 14 01:35:09 +0000 2023","So far this is playing out as I anticipated, $TSLA bad news here got eaten up twice $JPM dips got eaten up today on er release. Stocks and indexes are up heading into earnings. $SPY $QQQ $ARKK" +"Sun Jan 22 15:24:17 +0000 2023","These tech stocks on an equal weighted basis outperformed the SPX by almost 500bp so far. Mostly meta but on a cap weighted basis still solid outperformance. AAPL and AMZN lagged SPY" +"Tue Jan 24 09:06:29 +0000 2023","Tech mega-cap NTM forward P/E multiples heading into earnings. $META now as expensive as $GOOGL 👀. $AAPL has fallen behind $MSFT quite a bit. $NVDA back at 50x. $TSLA stock up 40% from lows a few weeks ago but P/E up 60%. $AMZN still in a meme-stock universe of its own. " +"Wed Jan 04 13:51:35 +0000 2023","Gaps up today. Seems like mega caps $AMZN $GOOGL and China are back on track. Besides $MSFT and thankfully I'm short. $AAPL not too much action also. Source: @Barchart " +"Sun Jan 22 17:15:00 +0000 2023","What are you watching for this upcoming week?👀 Really big week! I'll have my eyes on $V $JNJ $MA $MMM $TXN $MSFT $ABT $TSLA $NEE 🔥 👇 " +"Mon Jan 16 13:07:44 +0000 2023","Of the ""big four"" trillion dollar market cap companies, only Amazon $AMZN has managed to move back above its 50-DMA. $SPY is currently more than 2% above its 50-DMA. " +"Sat Jan 28 21:34:23 +0000 2023","💥BIG #EARNINGS WEEK AHEAD 👀👀 *Mon: $SOFI *Tues: $AMD $SNAP $XOM $UPS $GM $PFE $CAT $MCD *Wed: $META $PTON *Thurs: $AAPL $AMZN $GOOGL $F $QCOM $SBUX *Fri: - $DIA $SPY $QQQ $IWM $VIX " +"Sun Jan 29 16:30:00 +0000 2023","Wow! A super-charged week is ahead of us ⚡️ We have mega cap earnings from $AAPL $GOOGL $AMD $AMZN and more 🔥 We also have the #FOMC rate decision on Weds with commentary by JPow📢 I'll be discussing this on the morning calls this week in @MarketClubhouse ✍️ Join us! 🏠✅" +"Wed Jan 25 13:03:32 +0000 2023","Happy Wednesday! *Here Are My #Top5ThingsToKnowToday: - $TSLA Earnings - Stocks Set For Lower Open - Nasdaq Futures Tumble 1.5% - $MSFT Sinks After Guidance Cut - $BA $T $IBM $ABT $LVS Also Report *May The Trading Gods Be With You 🙏 $DIA $SPY $QQQ $IWM $VIX " +"Sun Jan 29 15:08:57 +0000 2023","Both the Nasdaq 100 $QQQ and S&P 500 $SPY are back above their 200-DMAs even with all six of the big Tech ""mega-caps"" remaining below their 200-DMAs. #breadth " +"Mon Jan 30 16:24:15 +0000 2023","This is a huge week for markets. Obviously, the fed on Wed, followed by $AAPL $GOOG & $AMZN earnings on Thursday. Friday morning the non-farm payroll report will be released. This could be a wild week. #stocks #options #StockMarket #DayTrading" +"Sat Jan 21 15:50:42 +0000 2023","💥BIG #EARNINGS WEEK AHEAD 👀👀 *Mon: - *Tues: $MSFT $VZ $JNJ $MMM $GE $LMT $RTX *Wed: $TSLA $IBM $BA $T *Thurs: $INTC $V $MA $LUV $AAL *Fri: $CVX $AXP $DIA $SPY $QQQ $IWM $VIX " +"Wed Jan 04 22:04:18 +0000 2023","Daily Mkt Mood: Mixed/Risk-On 1. Stocks rise out of chop on volume 2. ‘Santa Rally’ happened 3. China tech clears 200 DMA 4. Banks begin to break out 5. Apple, Tesla gain Net net, bulls may be setting up for a rally, earnings season is the hurdle to overcome." +"Fri Jan 20 18:53:37 +0000 2023","It's quite encouraging to see the $Nasdaq pullback to the 20 day MA and today make a decent reversal with strong 'under the surface' action. $SMH is most interesting as we see a Bottoming H&S pattern emerging. Next week we get more earnings insights from $MSFT $TSLA $TXN $INTC " +"Fri Jan 20 21:00:01 +0000 2023","$SPX strong recovery today with SPX reclaiming 3949. SPX can retest 4020 early next week. Tech stocks showing some bullish setups with $NVDA $META $AAPL $MSFT. We should see a continuation higher by Tuesday. I will post my thoughts and plan on Sunday, HAGW everyone! 🥂 " +"Tue Jan 24 18:29:03 +0000 2023","$MSFT If you like trading big tech earnings, I love trading them via $QQQ and $SPY from 3:50pm to 4:15pm with 0dtes. Will be live streaming the trade like we did for $NFLX Will post a link at 3:45 if you would like to join us." +"Tue Jan 24 21:08:37 +0000 2023","Bears are getting whomped!!! Check my post going back 6 weeks now there has been zero reason to be bearish. If a shit stock like $NFLX can be up this much from the lows and trade above the 200 for this long others would follow as well. $MSFT $TSLA $AMZN $NVDA $SPY" +"Sun Jan 29 16:50:57 +0000 2023","who’s excited for next week? not only do we have FOMC meeting where the fed will raise rates again (likely 25 bps), but we also have $sofi $mcd $spot $snap $meta $aapl $goog $amzn $el $sbux $f buckle up!!!🎢🤘🏼 " +"Sun Jan 15 22:58:11 +0000 2023","Here are the things to know. I know people get lost in so many tweets. My SPX path is first 3700, then 4300 and then draw down. QQQ - 268 - then 330. Events in next 2 weeks Big Tech Earnings Week of 23 and FOMC Feb 1st Week which will trigger these." +"Fri Jan 27 21:00:30 +0000 2023","Another strong week with $SPX breaking out above 4020 and moving near 4100. SPX may be setting up for 4300+ if it breaks above 4100. We have FOMC and Big tech earnings- $AAPL $GOOGL $AMZN $META coming up next week as well. I'll post my thoughts and plan on Sunday, HAGW! 🥂 " +"Tue Jan 17 23:26:09 +0000 2023","In mixed session, growthy areas of mkt $ARKK $XLK $SOXX $XLY all up +1-3%. $HACK $IGV $TAN $FDN also outperform the Naz on this 7d rally. Things are extended... don't chase. Watch the quality of the pullbk for the real clues. #stocks $qqq $spy" +"Tue Jan 03 17:15:20 +0000 2023","Market holding up extremely well today given the weakness in AAPL and TSLA. Cumulative breadth still green is wild. Sure feels like a big ripper coming if not today then tmrw, even Bookmap CVD's nearing a bullish cross here" +"Mon Jan 23 19:47:26 +0000 2023","FOMC next week and Q4 GDP numbers on Thursday 8:30 AM, possible market pull back before the big events! Last FOMC $SPX down 200 points in three days (4050 to 3850). $SPY $QQQ $IWM $DIA $AAPL $AMZN $MSFT" +"Mon Jan 30 03:07:46 +0000 2023","My personal prediction as of now is market will rally or buy the dip till coming Friday and sell off starts from following Monday. $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $MSFT" +"Sun Jan 29 15:00:30 +0000 2023","🇺🇸EARNINGS THIS WEEK: -APPLE -ALPHABET -AMAZON -META PLATFORMS -AMD -QUALCOMM -SNAP -PELOTON -SPOTIFY -MCDONALD’S -STARBUCKS -EXXON MOBIL -CONOCOPHILLIPS -CATERPILLAR -UPS -FORD -GM -PFIZER -MERCK -ELI LILLY 👉 $DIA $SPY $QQQ " +"Mon Jan 23 16:18:14 +0000 2023","Back to pure wilding in stock mkt. TSLA most active today - already traded 75M shares. 2nd most active: SOXL,(52M shares) 3x levered semiconductor ETF. SOXL up 12% today & 60+% in last 3 1/2 weeks. Running right into the earnings/guidance period buzzsaw? " +"Fri Jan 13 20:03:53 +0000 2023","Stocks moving up now is good to short during earnings season. Let's see the flow and find some good ER plays in coming days! $AAPL $AMZN $TSLA $MSFT $NVDA $GOOGL $TSLA $PYPL $SQ $SE $TWLO $ETSY $NFLX" +"Tue Jan 10 00:08:36 +0000 2023","With Fed talking down the market, the indices sold down much of the afternoon, but..... $XLK +1.2% $ARKK +4.6% $SOXX +1.8% and Net NH on NYSE and Naz were both positive. Discuss more Twitter Spaces tonight 7:30p with @Upticken @CasualtyWar #stocks #qqq #spy" +"Tue Jan 24 04:11:35 +0000 2023","Posted options flow data for following stocks. $TXN $INTC $SQ $SQQQ $IWM $SPY $AAPL $TEAM $TSLA I will continue to monitor and post ACTIVE flow data for this earnings season. Thank you ❤️" +"Fri Jan 13 05:05:38 +0000 2023","@nagrani14 Let’s hope…maybe if rest of nasdaq is having big up day like 203% up day and most growth stocks are getting big up day (e.g. ARKK is up 5-10%) then maybe, otherwise I think it will be down" +"Wed Jan 25 23:16:41 +0000 2023","In my view, today's action was extremely important. It leads me to believe along with the improving breadth indicators that the worst of this bear market is over. They can pullback but the lows are in for msft, googl, meta, aapl, nvda, tsla, amzn, and nflx for this bear market." +"Wed Jan 18 22:07:51 +0000 2023","Everything now is dependent on $NFLX tomorrow in AH's. If the earnings are good, tech will have massive rally Friday. If not, everyone will panic sell tech. $TSLA" +"Sun Jan 01 02:23:47 +0000 2023","Tesla..What Can You Say!! #tesla #tsla #stock #stockmarket #options #money #cars #tech #technology " +"Wed Jan 25 15:40:59 +0000 2023","The market is down hard, with $QQQ falling 2.45% right now. $QQQE, which is the equal weight Nasdaq 100, is down 2.1%. This shows that outside mega-cap tech, the Nasdaq, while not fun, is not terrible today" +"Tue Jan 03 11:04:35 +0000 2023","Good Morning! Futures up! $TSLA missed delivery numbers $TSLA pt cut $205 from $235 @ GS $KEY u/g Equal Weight @ Barclays pt $24 $SQ u/g Outperform @ Baird pt raised to $78 $WYNN u/g Overweight @ WFC pt $101 $GILD d/g SECTOR PERFORM @ RBC $AAPL d/g NEUTRAL @ BNP Paribas" +"Wed Jan 04 16:16:47 +0000 2023","Market Chop doo-doo, doo-doo, Market Chop doo-doo, doo-doo, Market Chop doo-doo, doo-doo, Market Chop doo-doo, doo-doo, MARKET CHOP 🫱🏽 $QQQ $SPY $SPX" +"Tue Jan 24 21:10:30 +0000 2023","Wild day... ""glitch"" on the open for 86 stocks... sent the market into sitting on it's hands mode. $META $NFLX $AAPL continued strength. Big earnings tonight and in the am! HAGN!" +"Wed Jan 11 20:46:07 +0000 2023","Strong day, market a bit heated, CPI tomorrow... $AMZN $MSFT $AAPL $META very strong today and man meme type names $BBBY $CVNA $DKGN etc.. Big number in the am!!! HAGN!!!" +"Sun Jan 29 16:46:56 +0000 2023","Sunday Quick Chart Session Football Edition! Last week we broke out, many tech and growth names leading. Huge week of earnings, data and the Fed on tap!" +"Tue Jan 17 21:00:31 +0000 2023","We hit resistance on the $SPY and halted. No damage done here, could use another cool off day or two. $TSLA $NVDA $COIN $SQ very strong... $MS monster.... HAGN!" +"Thu Jan 05 10:59:14 +0000 2023","Good Morning! Futures up $AMZN to Cut 18,000 Jobs. $WDC revived merger talks $TSLA Dec China sales 55,796 units vs 100,291 units in Nov. $COIN d/g MARKET PERFORM @ Cowen pt $36 $BBBY pt cut to $2 @ Telsey $MSFT ini Buy @ DA Davidson pt $270 $WWW d/g NEUTRAL @ Piper" +"Thu Jan 26 11:02:41 +0000 2023","Good Morning! Futures flat GDP 8:30 $DDOG ini Overweight @ Cantor pt $95 $TSLA pt raised $155 from $130 @ BAC $TSLA pt raised $146 from $137@ Citi $STX pt raised $75 from $70 @ Barclays $META pt raised $136 from $116 @ Piper $NFLX d/g ACCUMULATE @ Phillip Sec" +"Sun Jan 29 00:39:45 +0000 2023","THIS WEEK: HOLD ON TO YOUR BUTTS. $SPY TUES: $AMD ER WEDS: ISM + JOLTS+ FOMC 11AM PRESS 1130 $META ER THURS: JOBLESS 830AM + $AAPL $AMZN $GOOG ER FRI: NFP, ISM 830AM" +"Wed Jan 11 18:40:02 +0000 2023","Up 4 days in a row $QQQ testing the underside of the 50 Day SMA. $SPY $4 below 200 Day at $397.81. CPI print tomorrow will surely set the tone for Q1. If the market likes it from a technical perspective we're setting up quite nicely for a sustainable move. Its been awhile." +"Wed Jan 11 15:13:51 +0000 2023","insane squeeze of ages if cpi good googl 100 amzn 100 aapl 136 mdb 210 now 422 snow 152 lrcx 491 nvda 162 avgo 610 msft 250 w need spx at 41oo and cpi to be .1 on core or this doesnt happen" +"Wed Jan 04 16:34:27 +0000 2023","$META is now at levels where it was before their last earnings report. Up over 40% from the lows in November. The Nasdaq is almost flat in the same period. Stock picking is back with no QE to lift all boats equally." +"Thu Feb 09 14:46:15 +0000 2023","$META Fourth Quarter and Full Year 2022 Operational and Other Financial Highlights ✍️ Stock Price: +48% YTD -20% 1Y +5% 5Y $SPY $QQQ #StockMarket #stocks #NASDAQ #investing #investment #trading " +"Sat Feb 18 03:07:27 +0000 2023","$SHOP is a cash incinerator on latest earnings 🔥 Printing money for the management & employees but 🔥 burning cash for the shareholders Stock is only down 18% since earnings $55B Market Cap 8.x NTM Price / Sales 🤯 Too expensive & speculative? #investing #StockMarket " +"Thu Feb 23 03:26:37 +0000 2023","Tesla's stock price has surged 85% since the start of 2023, causing short sellers to lose $7.2 billion. 😲 Is this the beginning of a long-term upward trend? Keep an eye out for more updates. #Tesla #stockmarket #EVs - " +"Tue Feb 21 13:10:07 +0000 2023","The drop in Amazon's $AMZN stock price is affecting employee wages by 15% to 50%. Amazon stock is down 36% in the last 12 months to $97.19 per share. #StockMarket #Amazon " +"Tue Feb 28 16:57:42 +0000 2023","How and why would a stock doing 100 million shares+ volume trade in this tight of a range all day. This is MM right? They just hold it here and sell options? Makes no logical price discovery free market sense to me. #tsla #tslaq #Citadel #StockMarket " +"Sun Feb 05 20:50:49 +0000 2023","Tesla Profit Margins This is before any recent price cuts $TSLA #stocks #stock #stockmarket #stockmarketnews #invest #investing #news #infographic #TSLA #ElonMusk " +"Sat Feb 04 05:02:36 +0000 2023","When we looked more granularly we found that there were a lot of supporting and positive narratives being discussed throughout and the positivity rose on 31st Jan and 1st Feb, and to no surprise we saw a significant surge of stock price in meta. ..(3/4) #StockMarket" +"Mon Feb 13 17:33:46 +0000 2023","#Mærsk announces #dividend of 4,300 DKK per share, equaling a #yield of 27.5%. This is the largest single dividend ever paid by a Danish stock 🇩🇰 Suggesting an equal 27% drop in the share price, thereby confirming H&S on the 1D chart $MAERSK_B #Shipping #stockmarket $SPY $QQQ " +"Tue Feb 14 17:55:10 +0000 2023","Crazy rally premarket and euphoric price action at open, right after CPI came in real hot. Greed indeed. Crazy times in the stock market. This is a great thread. $macro $spy $qqq $dxy $vix #StockMarket #investing" +"Wed Feb 22 11:41:18 +0000 2023","$META has disclosed a share sale by its COO Javier Olivan Olivan sold 13,341 shares of the firm's Class A common stock in a transaction dated Feb. 17, 2023 The shares were disposed at a price of $170.23 each in a total transaction size of $2.27M #stockmarket #DivTwit #stock " +"Wed Feb 22 17:40:40 +0000 2023","This is the area we highlighted yesterday 🔥So far, finding some support. We have a a lot of macro to get through this week though. Like and retweets much appreciated fam. #spy #nasdaq #qqq #tech #stocks #markets #trading #sp500 $spy $qqq " +"Thu Feb 02 11:21:56 +0000 2023","Index rebal day tomorrow New small cap play, $APC hitting 52WH Flavor of the day, Villar stocks $HOME +16.2% $VLL +6.4% $ALLDY +12.7% with VLL and ALLDY trading just above their 200SMA today for the 1st time in a long while " +"Sun Feb 26 20:32:04 +0000 2023","Tesla Stock Vs. BYD Stock: Tesla Investor Day Looms; BYD Joins China EV Price War #stockmarket #daytrade #trade #healthcarestock " +"Thu Feb 02 22:12:16 +0000 2023","$NFLX MISS $MSFT MISS $META MISS $AMZN MISS $AAPL MISS $GOOG MISS $TSLA BEAT (But has inventory issues) From the January low to todays high they are collectively up 31.49% How long does this last with the fed still raising rates? " +"Tue Feb 21 09:22:01 +0000 2023","$TRKA Let’s go 60% pre-market already. First target the price insiders bought and hold: $4 -$6 #pennystock #nasdaq #stock #stockmarket " +"Fri Feb 03 22:18:24 +0000 2023","Tesla Stock $TSLA Rises As Price Cuts Boost Demand 📊 #Tesla #TSLA #stockmarket #investing #business #technology" +"Fri Feb 24 04:05:20 +0000 2023","$SPY Everyday #stockmarkets update today Market bounce from 50sma and closed market with bullish hammer and lots of retailers are super bearish on market buying puts to rake those premium if market maker move up they can rake it all. $spx $tsla $nvda $amd $aapl $msft $amd " +"Thu Feb 02 19:00:12 +0000 2023","#es_f /vx futures getting bought up today (vix futures) -Waiting on AAPL earnings now - $meta trade was insane - $tsla could hit $200 tomorrow " +"Fri Feb 03 07:50:25 +0000 2023","The current #AMZN structure suggests a price decline. #orbex_fx #stockmarket #stock #stockmarkets #stockinvesting #stockmarketinvesting #stocktrader #stockbroker #investing #trading #forex #Finance " +"Fri Feb 17 17:36:57 +0000 2023","$SPX $SPY $QQQ $DJIA $AAPL $TSLA I MEAN I CAN ONLY TEE IT UP FOR EVERYONE. LOL. SAME DAMN DRAWDOWN FRACTAL AS AUGUST 22ND TOP. TOP CHART IS FRIDAY TODAY, BOTTOM CHART IS FRIDAY AUGUST 19TH. DERP " +"Thu Feb 02 01:23:04 +0000 2023","A big rally in the $IXIC after the #Fed hikes by just 25 bps plus $META's mega afterhours jump. @willkoulouris wraps up the action. $SPX $AMZN #BTC $AAPLE $TSLA " +"Wed Feb 01 15:48:46 +0000 2023","There’s no one problem fueling Tesla’s $860 billion tumble via @BW #electricvehicles #electriccars #ev #carmanufacturer #investors #investment #stocks #stocksandshares #stockmarket #cars #economy #carfinancing" +"Thu Feb 23 01:33:26 +0000 2023","The $SPX testing its 50 and 200 DMA while $NVDA, the big after the bell earnings beat. Plus earnings from $RIO and $QAN. @willkoulouris wraps up the action. $INTC $ZIP $TJX $META " +"Tue Feb 28 09:35:36 +0000 2023","28/2/2023 Market Diary & Playbook -last day of the mth, $RSP -3.1% vs $SPY -2.1% for feb -mkt continues to dissipate upside momentum to grind steadily lower to close. $RSP and $EQAL flat - biggest index gainer $QQQE +0.92%, bolstered by megacap names $TSLA +5.5% read more " +"Thu Feb 09 23:57:01 +0000 2023","$SPY Every time we get oversold on this ascending trendline we bounce. Trend line was broken today but that may have been due to the $GOOG overreaction. $MSFT is still trading higher since earnings, and $AAPL still holding $150. The next few days will be telling. " +"Thu Feb 02 22:08:38 +0000 2023","#UPDATE 📈 Tech-rich Nasdaq 🔼 3.3% 📈 Broad-based S&P 500 🔼 1.5% 📈 Dow Jones Ind Avg 🔽 0.1% Facebook's Meta soars 23% Alphabet, Amazon jump 7+% Apple gains 3.7%, but then sheds 4.0% in after-hour trade as revenue & profits slide, iPhone sales dip ➡️ " +"Wed Feb 01 17:19:52 +0000 2023","With all this attention on the Fed, don't forget $AAPL, $GOOG, and $AMZN are all reporting Q4 earnings tomorrow. That's a combined 12.3% of $SPX by market cap. " +"Tue Feb 21 20:12:44 +0000 2023","Big Cap Into Close Day Trading View $AAPL - maybe oversold bounce $AMZN - already running so not great R/R $META - up against key level $GOOGL - up against key level $MSFT - nice flag & ema crossover but needs break $SPY / $QQQ - could get rejected at ema $TSLA - ma reject " +"Wed Feb 01 17:14:57 +0000 2023",": Amgen stock falls 3.6% after Q4 results late Tuesday, shaves 59 pts off the Dow’s price #Stockmarket MARKETWATCH" +"Sat Feb 11 05:56:05 +0000 2023","The market $SPY $QQQ is still a bit tricky, though my screen is showing a lot of stocks (92) showing potential bottom signal. Didn't really actively look deeper, cos I was a bit unwell. Still no equities long position yet. Next week is #CPI data." +"Thu Feb 09 17:48:23 +0000 2023","$SPY $QQQ $TSLA $GOOGL $AAPL $QQQ $MSFT $AMZN $META $AAPL flag of interest. $META on the brink. $TSLA insane relative strength. Indices on the brink. " +"Thu Feb 02 13:28:38 +0000 2023","GM Traders!! 💥 What a report from $META, should lift all here. #stickynote $GOOGL continue to buy dips, as they report and macro is more clear in adv. $104 $AAPL the biggest yet to come? $150 SS dips to $146 $CVNA wow, $20 SS? $META tape read skills to find the seller. " +"Wed Feb 01 09:44:40 +0000 2023","Latest #StockMarket News Today: Gasoline price slips, $META earnings due | February 01, 2023 | Live Updates from - Fox Business " +"Fri Feb 03 01:51:24 +0000 2023","Good evening!! Looks like we have a bunch of big misses $AAPL $GOOGL $AMZN Let it marinate for a week. We hae made a very very nice run on $SPY $SPX $ES $ES_F from the 3850 range to now 4170 Sheet dont go straight up. Stalled right on a big big level. No surprise " +"Thu Feb 02 21:54:06 +0000 2023","What a crazy crazy day: - Nasdaq +3% - Retail market order volume exceeds ”peak meme” volumes (JPM) - Big tech misses, Apple first time in 7yrs - After-hours: $AAPL -3% $TEAM -12% $GOOGL -3% $AMZN -4%" +"Thu Feb 16 23:52:09 +0000 2023","$SPY $QQQ $TSLA $AAPL The stock market is still not historically ""Cheap"". As you are probably aware I like to track forward p/e. Currently we are sitting still above the average. " +"Tue Feb 07 23:18:08 +0000 2023","$SPY The real battle begins at at or above $420 the 20month ma. I have been right so far and on target since the start of the year. $AAPL is right at the 20month and trying to reclaim it. $NVDA is above and watching to see if the laggards follow. " +"Fri Feb 10 23:28:44 +0000 2023","$AMZN 🐻pennant continuation $AAPL mini 1-hr 🐻flag over $147 gap $GOOGL 3%+ U&R @ $93.75 but weak close $META falling thru thin air (more to go) $MSFT loses 1 hr trend-line but ok $QQQ flag breakdown to $298. 🐻 flag. $SPY 🐻flag under $408 $TSLA - 🐻 flag after topping tail " +"Tue Feb 21 14:29:01 +0000 2023","$SPY $QQQ downside follow thru, then held recent support. Short term ma’s & daily osc rolling over. Wkly patterns still holding up well. See if mkt continues to consolidate into key events. Tues: Flash PMI Wed: Fed minutes, $NVDA Th: GDP, $BABA Fri: PCE 3/1: $TSLA Investor Day " +"Mon Feb 06 13:31:48 +0000 2023","GM Traders, hope all had a great w/e, now lets work! #stickynote $AMZN weak sauce here, looking to fade pop, awful day fri, more today $103/4 $SNAP hanging out due to $META, nope, fade $11.50 $AMD Strong name here if Longs appear $80/86 $TSLA $200 then moon? LONG G/L all!💪 " +"Fri Feb 24 20:10:21 +0000 2023","$SPY 🐂 if holds TL $QQQ 🐂 if holds $290 $TSLA 🐂@ 21 ema $MSFT 🐻lost TL $GOOGL 🐻lost $90 $AMZN 🐻 H&S $AAPL @ pivot $META ⭐️🟢 falling wedge $IWM 🐻 H&S $NVDA 🐂 > $230 $NFLX 🐂 if $315 bounce $SHOP 🐻 till $38 $XLE chaotic but 🐂 > $83 $XLF 🐻 TL retest " +"Thu Feb 02 19:13:17 +0000 2023","🚨The $SPY - $AAPL, $AMZN & $GOOG - Technical View The $SPY recently broke through a long term downtrend. Multiples are, very, high right now. If the mega earnings from $AAPL, $AMZN & $GOOG disappoint, we're likely back to that line. If positive, $425+ " +"Wed Feb 01 22:05:57 +0000 2023","P/L: +$654🍔 Scraps at the end of the day. But lucky to be green. Was down -20K after underestimating the bounce on $MSGM but recovered most of it nailing the top at 47. $TSLA crazy washout long opts on #FOMC. $META smoked on AH #earnings short around 170. " +"Sun Feb 05 04:55:33 +0000 2023","$SPY Fear vs Greed Index, RSI, Seasonality chart shows downtrend coming with a potential target of 200EMA support at $396-$397 level. Short position can be started but can go full on a MACD cross over - IMO! $SPY $QQQ $AAPL $AMZN $TSLA $MSFT $GOOGL " +"Thu Feb 02 22:26:03 +0000 2023","⚠️ $AAPL , $AMZN & $GOOG all coming in weak❗️ I stress; trade what you have an edge on. Earnings are very high risk / difficult. Tune out the fakes FURUs guessing otherwise ""Apple too big not to do well"" Blow to the $SPY, $QQQ and recent rally *so far #optionstrading #stocks " +"Fri Feb 03 02:07:52 +0000 2023","In the US, the broad S&P 500 equities index closed 1.5 per cent higher and the Nasdaq Composite rose 3.3 per cent, led by tech stocks including Facebook owner Meta. The closing level for the Nasdaq was 19.5 per cent higher than its recent low in late December." +"Thu Feb 02 02:12:53 +0000 2023","⚠️ $SPY & $QQQ will fall into new ranges that can be better projected & traded within the next 2-3 days. For now, there's far too much data coming up; - $AAPL, $AMZN & jobs data will weigh heavily tomorrow. - Non farm payroll numbers on Friday. #StockMarket #optionstrading" +"Thu Feb 02 22:07:54 +0000 2023","Tech earnings looking ugly $GOOG $AMZN. Earnings/EPS miss on $AAPL is a huge deal. Especially bad for Nasdaq tomorrow being so overbought on recent bear rally. No wonder Blackrock increased their $QQQ puts by 1433%." +"Tue Feb 21 15:56:57 +0000 2023","Gave you all the blue print last week. Continuation down no 4D gap to fill on this new one. Below purple sma which signals downside move. Congrats if you followed. $AMZN $TSLA $BKNG $QQQ $BURL + more. #NDXSpecialist $NQ_F " +"Sun Feb 19 18:34:37 +0000 2023","$QQQ Weekly. #QQQ double inside week and despite the bad news from data (#CPI + PPI), still managed to hold the 50sma. As long as it holds > 297, there's a good chance this heads higher to test 100sma $NDX $NQ_F $XLK #Nasdaq $AAPL $MSFT $AMZN $SPY " +"Thu Feb 02 20:06:30 +0000 2023","Tomorrow morning will be an interesting one to wake up to with $GOOG $AMZN $AAPL The Big 3 reporting earnings today after the close. Definately a market moving event. Will any of them announce a buyback like $META did? Grab your popcorn for this evening." +"Thu Feb 02 20:19:12 +0000 2023","$AAPL $TSLA $AMZN $META #emaclouds Pullback from EMA cloud perspective when 5-12 EMA / Uptrend Line got broken with $SPY All in Tandem with $SPY $QQQ Profit Taking before Big 3 Earnings " +"Thu Feb 02 22:19:06 +0000 2023","Thur: earnings $AAPL $GOOG $AMZN someone always knows $VIX & $USD up on an up day $AAPL Slides After Missing On Top And Bottom-Line $AMZN Slides After Disappointing AWS Results, Sloppy Guidance $GOOG Slides After Top- & Bottom-Line Miss, Ad Revenue Disappointment 🫖🍵🍵🍵🫖" +"Thu Feb 02 22:41:40 +0000 2023","What I'm seeing after earnings this week: $AAPL TTM P/E of 24.5x $MSFT TTM P/E of 28.7x $GOOGL TTM P/E of 22.5x $AMZN TTM P/E of 174x - All in a near 5% rate environment with decreasing FY'23 guidance. - These companies make up nearly 18% of the S&P 500." +"Fri Feb 17 18:23:00 +0000 2023","#tradingtips While $SPY was chopping and held up with Few select like $TSLA $META $NFLX You can see clear bearish trend day on names like $AAPL $MSFT $NVDA #emaclouds Best days are Trend Days, Chop days dnt have much range " +"Tue Feb 14 12:49:23 +0000 2023","#CPI changes all, wait! $PLTR if dips 8.35 area. If we go up off # then its poised to break out 9.25. $ABNB up pre earnings 121 resistance and115 dip buys for today. $GOOGL still 50 EMA on daily support. $MSFT 270 support for a dip. #stocks $TSLA $NVDA " +"Wed Feb 01 21:09:08 +0000 2023","The little guys are done: $TSLA big move up $META big move up $MSFT big move up Big boys up tomorrow: $AAPL $GOOGL $AMZN Will fintwit stop being bearish after?" +"Fri Feb 03 02:23:06 +0000 2023","CUES FOR TODAY - Nasdaq +3.25% y'day, but imp to track it today - Apple, Alphabet & Amazon all fall 3-4% after hrs on earnings miss - SGX Nifty +55 Pts, still volatile - FIIs add 29k shorts in Index Futures, longs at 17% - Nifty still ranged b/w: 17500-17850 - Adani: Focus Area!" +"Thu Feb 23 02:02:39 +0000 2023","CUES FOR TODAY Mild dip on Wall St, Nasdaq closes in the green due to Nvidia’s 8% jump Fed Minutes suggest rate hikes still not over Oil slips to $80/bl SGX Nifty +60 Pts after 270 Pt fall y’day Feb expiry today 17500 Put & 17600 Call most active Nifty 200 DMA at 17356" +"Fri Feb 03 12:59:20 +0000 2023","$AAPL - First double miss since 2016 $MSFT - Warnings of further slowdown $AMZN - Missed, AWS slowed materially, didn’t guide FY’23 $GOOGL - Missed, guided lower $META - God knows why it pumped on some reduced expenses $AMD - Guided negative revenue for 1H Bull market just began" +"Sun Feb 12 12:29:21 +0000 2023","All of the FANG+ stocks remain above their 50-DMAs after last week's pullback, even Alphabet $GOOGL (just barely). Big YTD gains for $META, $NVDA, $TSLA, $AMD. " +"Thu Feb 02 21:50:52 +0000 2023","Daily Market Mood: Risk-On 1. Stocks rally 3rd day 2. Megacap techs surge 3. $META +23% 4. S&P Golden Cross 5. #StockMarket ok w/ the Fed $AMZN $AAPL $GOOGL down in post-mkt on imperfect results, but this is the kind of market that may digest and keep climbing." +"Thu Feb 23 21:18:50 +0000 2023","$AAPL Once again saved by the 200D $SPY by 50D, also narrowly avoiding the ""TL"". $QQQ with a hammer again and double bottom bounce. Just an odd day - to say the least. More fun ahead tomorrow. " +"Thu Feb 02 23:24:33 +0000 2023","Meta $META ended today 48.7% above its 50-DMA. All six big Tech mega-caps are up 10%+ YTD. Just a wee bit overbought here? 2023 YTD: $MSFT +10.3% $AAPL +16.1% $GOOGL +22.1% $AMZN +34.4% $TSLA +52.8% $META +56.9% " +"Mon Feb 06 23:50:46 +0000 2023","While not pleasant, so far this mkt pbk constructive on lighter vol. Watching ave cost is critical to manage risk and build positions strategically. #stocks $qqq $spy $four $lth $shop $lvs $soxl" +"Wed Feb 01 20:18:45 +0000 2023","Stock reactions to prints and guides the key in tech land in earnings season; NFLX, MSFT, TSLA, NOW…now look at AMD. Big tech few days ahead for the sector. Rip the band-aid off cite uncertain macro and lower guidance..then Street knows hittable to beatable numbers for 23" +"Thu Feb 02 17:54:10 +0000 2023","Between $AAPL, $AMZN, $GOOGL tonight that represents about 26% of the $QQQ Nasdaq reporting earnings, or about $4.7 trillion in market cap. Big night ahead" +"Thu Feb 02 01:33:09 +0000 2023","Tech futures jump as Meta spikes on cost cuts, revenue outlook buyback. $GOOGL and $AMZN also rise on $META, with Google, Amazon, Apple on tap Thu. night. Earlier, Fed chief Jerome Powell spurred a ""gratifying"" market rally. $AAPL $ANET $QRVO $ELF " +"Thu Feb 02 21:29:31 +0000 2023","The market seems to be very uncertain if it wants to look past those earnings on $GOOGL and $AMZN or not. Cloud was a miss as expected from $MSFT. Question now is did we truly price it in like $MSFT told us last week or not." +"Thu Feb 02 01:24:32 +0000 2023","DELAYED REACTION has happened last few #FED rate hikes with avg selloff about -7% from peak. McClellan Oscillator is screaming overbought on $QQQ with visible signs of exhaustion. While $TSLA and $META have exploded stocks like $AAPL are stuck in the mud. BE CAREFUL my friends." +"Wed Feb 08 12:20:10 +0000 2023","In November Meta was 88. Now it is 191. It is up 118%. In October NVIDIA was 108. Now it is 221. It is up 102%. In June NFLX was 163. Now it is 361. It is up 118%. In January TSLA was 101. Now it is 197. It is up 92%. Can it be that you maybe missed the crash? Just asking ... " +"Fri Feb 03 13:55:18 +0000 2023","$META -64% last yr w/ PE 320 to break the near-term downtrend. " +"Sun Mar 19 19:14:22 +0000 2023","Just posted a 15min walkthrough of my focus list next week in the @TraderLion Private Access community! I see strength in Semis at the moment and Nasdaq outperforming. We are watching a few names and anticipating some oversold bounce in IWM / SPY. " +"Thu Mar 09 21:54:54 +0000 2023","$SPX break of last week's lows DOES NOT mean the index is heading straight down to test October lows- Tech, Industrials acting quite well and fear is picking up- $QQQ showed positive divergence- Cyclical lows very possible 3/15 +/- 2 days- I will discuss in todays' note " +"Wed Mar 15 21:44:59 +0000 2023","It certainly DOESN""T feel like a market where $QQQ has risen for 3 days straight, $AAPL has been higher 7 of the last 10 trading days & 7 of the last 10 weeks & $SPX is positive on the week.. Hmm. " +"Fri Mar 03 00:26:47 +0000 2023","*WHAT HAPPENED OVERNIGHT* - SPX +0.76%, Nasdaq +0.73% - SPX again rebounded off its 200-day avg (3940) - 10y yield +7 bps to 4.065% (high 4.089%) - Dollar Index pulled back from highs of 105.18, closed +0.46% at 104.96 - Dow outperformed on strength in Salesforce results" +"Thu Mar 16 16:19:42 +0000 2023","CALLED OUT ON TELEGRAM AND SPACES LIVE! $AMD $92c ITM 💰 OVER 800% $NVDA 245C ITM 💰 OVER 300% $MSFT 267.50C ITM💰 300% $PINS $26c ITM💰 OVER 170% $NFLX $307.50c ITM💰 OVER 250% $SPY OVER 500%💰 $SPX $QQQ $WMT $TSLA #StockMarket #Fintwit #StocksToTrade " +"Tue Mar 14 20:15:09 +0000 2023","The S&P 500 is about 25% tech. $XLK has one of the better looking charts, which helps us keep an open mind about favorable outcomes for $SPY. $XLK is roughly 43% $MSFT and $AAPL, both are above their 40-week MA. " +"Thu Mar 30 13:28:29 +0000 2023","Trading plan: - Mkt is #Bullish - $QQQ at 7 month high - Semis = strongest group - Good breadth across the tech sector and growth stocks - Took 4 swings yesterday, 3 of them worked - - portfolio gaining traction - Will raise size to 25bps today - Top watches: $AMD $AMPX" +"Sat Mar 11 13:33:25 +0000 2023","Weekend video (pinned to top of feed) covers AVWAP support & resistance charts for Tech $XLK, NASDAQ $QQQ, S&P 500 $SPY, S&P 500 Eq Wt $RSP, NYSE $VTI, mid caps $MDY $IJH, and foreign stocks $VEA $EFA." +"Wed Mar 15 16:04:30 +0000 2023","Some are hiding in megacap tech stocks. Look at the price action in $META, $AMD, $MSFT. Even $AMZN, $GOOGL, and $AAPL are holding better than the overall market, so far. " +"Thu Mar 23 02:29:17 +0000 2023","$SMH Daily. #SMH shooting star indicating a bearish reversal maybe underway (needs confirmation first). Semis have been leading lately, but time for a pullback imo. Note 50 sma crossed above 200 (golden cross) so could present as a dip buying opportunity $NVDA $AMD $TSM $INTC " +"Wed Mar 29 15:22:20 +0000 2023","$META $NVDA $MSFT $AAPL $AMZN nice and green map today - just need to sit and remain Paytient! $BABA next 103 now revised level love to see a SQUEEZE over 100.50 " +"Thu Mar 30 13:57:35 +0000 2023","There seems to be very little fear in the market and that is when everyone should be on their toes. Never take this market for granted even when it seems like its a sunny day. End of quarter tomorrow. $SPY $QQQ $DIA $IWM $SMH $AAPL #stocks #options #DayTrading" +"Wed Mar 01 12:58:37 +0000 2023","$NVDA cant break 239, now 230 again! $RIVN rev miss, burning cash, short til 50 SMA on daily. 18.60 look for pops. $META 174 resistance to support and investor day for $TSLA, $205 bid yesterday, 209.50 resistance. #stocks #markets $NVAX... yuk $AMC " +"Thu Mar 16 19:01:55 +0000 2023","$AAPL set to save the day again as NASDAQ set to have the best wk of 2023 I'll discuss Technology further tonight & whether this outperformance can continue @IBD @Marketsmith #IBDPartner (AAPL current levels=Highest close of yr) " +"Sun Mar 19 15:34:56 +0000 2023","@TradingThomas3 $QQQ lying but to be fair only like 5-10 stonks driving the “tech rally”. Those same 5-10 stonks keeping the $SPY afloat when it should be below 3400 right now. 🤷🏼‍♂️" +"Sun Mar 26 13:05:40 +0000 2023","$NVDA $META $TSLA $ELF $SMCI $LNTH A few stocks I am watching this week.... The ""Window Dressing"" technique may be at play here? ...After all....this is the last week of the first quarter... " +"Tue Mar 28 15:02:33 +0000 2023","A lot of this action in stocks this week is end of quarter stuff. I'd expect some more wacky action into Friday in many popular sectors like tech, retail and energy. $AAPL $SMH $NVDA $GOOG $QQQ $XLE $XOM #stocks #options" +"Thu Mar 09 13:01:48 +0000 2023","$SI unwinding, any buying is short covering. 3, 3.50 for curls. $TSLA weak 175 for bounce, trend and investigation both weighing on it. 180 and 183 resistance. $NVDA 242.50 top on the week, short til it breaks. Wouldnt sleep on a rangy day before jobs " +"Thu Mar 23 12:05:20 +0000 2023","$AAPL Above 155 we might chop around today to find direction $QQQ acting bullish this morning. We'll see. $NVDA Says ""what dip""? $AMZN flagging. " +"Tue Mar 28 14:03:53 +0000 2023","A bit of an ""opposite day"" for the $SPX... breadth is reasonably strong, but the markets are down (so far) due to weakness in the recently-hot Mega-Cap Tech space... $MSFT $AAPL $NVDA $GOOG $GOOGL $TSLA $META " +"Thu Mar 30 13:56:39 +0000 2023","FANG+ Constituents: $AAPL 161.68 +0.56% $AMZN 102 +1.74% $AMD 98.83 +2.84% $GOOG 100.73 -1.16% $META 205.2 -0.07% $MSFT 283.07 +0.92% $NFLX 342.8 +3.28% $NVDA 272.34 +0.92% $SNOW 143.8 +4.64% $TSLA 195.87 +1.03%" +"Wed Mar 22 03:24:21 +0000 2023","$AAPL - Bears will have some tough choices to make if $AAPL gets over 160 and $QQQ exceeds Feb highs near 314- #Technology now being joined by bounces in HC and FINs @IBD Charts by @Marketsmith #IBDPartner " +"Mon Mar 13 18:23:28 +0000 2023","AAPL +2.4%, MSFT +3.4%, GOOG +1.8%, AMZN +3.4%, META +2% Everything else much less Same as before the dip last week, they're using mega caps to prop up and pump the market Doesn't exactly look confident..." +"Wed Mar 29 00:16:41 +0000 2023","Today's mega-caps action was very constructive and explains why it's hard to be bearish on this market right now. See below for an $AAPL $MSFT $NVDA $AMZN $TSLA chart analysis. 👇" +"Wed Mar 01 16:34:53 +0000 2023","$QQQ The market always gives hints, Indeed for 4 weeks its been as $TSLA & $NVDA go so does mkt. So on a day like today when u see $TLT, $NVDA & $TSLA red but $QQQ green u have strong evidence that we might turn down. U just need to know what to look for...." +"Fri Mar 17 11:25:23 +0000 2023","How to say ""I hate the outlook but was forced to buy stocks this week"": SPX +2.5% WTD, RSP (equal-weight) flat, AAPL +5%, AMZN +10%, GOOGL +10%, META +14%, and MSFT +11%." +"Fri Mar 31 09:49:53 +0000 2023","According to Bianco Research, $META $AAPL $AMZN $NFLX $GOOGL $MSFT $NVDA $TSLA account for all of the $SPY YTD return. They are up +4.76%. The other 492 stocks collectively are down for the year (-.99%)." +"Fri Mar 31 01:34:24 +0000 2023","$MSFT $AAPL $META $AMZN are all breaking out of bases today. Clearly, liquidity is flowing into this market whatever the headlines you want to focus on." +"Thu Mar 16 16:00:26 +0000 2023","All the money from the financial sector going into Tech sector it seems 😀 $GOOG $AMZN $TSLA $NVDA $META $AAPL $QQQ almost up 20% YTD 😀🤷‍♂️" +"Fri Mar 17 00:49:03 +0000 2023","Most likely tomorrow buy the dip or gap up unless we see some major news overnight. $SPY $QQQ $AAPL $AMD $AAPL $NVDA" +"Wed Mar 15 16:28:42 +0000 2023","Do you hold your nose and say this is good for tech stocks…? $QQQ continue massive outperformance to SPX now +11.5% in 47 sessions. +3% since $SVB" +"Fri Mar 31 02:37:20 +0000 2023","Seasonally last day of March (end of Q1), is BEARISH! ⭐️ Most likely, gap up and fade or gap down and close RED! $SPY $QQQ $AAPL $AMZN $TSLA $TSLA" +"Wed Mar 08 16:25:22 +0000 2023","All things considered, stocks and the market holding up relatively well. Still a wait-and-see environment but there is a long list of IPOs that are shaping up + no lack of earnings movers. List of names that caught my eye last night: ELF - 70 SE - 80 (earnings) ALGM - 45/40" +"Thu Mar 16 13:46:46 +0000 2023","$SPY from the early Feb peak a mini-financial crisis ripped through markets mainly focused on U.S. regional banks. However $SPY is holding December lows still and tech is leading and holding key moving averages $QQQ" +"Thu Mar 23 02:03:26 +0000 2023","Futures rise slightly late. The stock market sold off Wed. after the latest Fed rate hike, even though policymakers see just one more. More broadly, six titans: Apple, Microsoft, Meta, Nvidia, Google and Tesla, have masked weak breadth in recent weeks. 1/5 " +"Mon Mar 13 13:00:36 +0000 2023","Market followed seasonality as expected and followed MACD bearish crossover! Many bulls disappeared! ⭐️ $SPY $QQQ $AAPL $AMZN $TSLA" +"Thu Mar 23 21:08:20 +0000 2023","@SpoozDon Ppl are forgetting the fact that $msft $aapl $tsla $meta $nvda are literally all up 100% in 3 months lol its our entire stock market. Once they start dropping look out" +"Sat Mar 04 00:14:12 +0000 2023","Next three weeks are critical for market! Powell on Tuesday, Job numbers on Friday, followed by #CPI on 03/14 and FOMC meeting 03/21 and 03/22. ⭐️ $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $META $GOOGL" +"Wed Mar 29 00:33:17 +0000 2023","Not clear which path will lead (our view is bullish fork), but: - outcome arguably rests on Tech/FAANG $XLK $QQQ $FB $AMZN $AAPL $NFLX $NVDA $GOOG - 40% of $SPY QQQ/FAANG recovered almost all of 2022 underperformance 3/5 " +"Tue Mar 21 00:59:09 +0000 2023","Tickers to watch via @TraderLion_ daily email Semis acting well AAON AAPL ABNB AMAT AMPH AVGO AXON BBW BIDU BKNG BSX CHDN CMG CPRX CRUS DLB DUOL ELF FORM FOUR FSLR FTNT GFS INTA IRDM LNTH LSCC MYGN PEN RDNT RETA RMBS SNPS SSTI STM TER" +"Fri Mar 17 20:52:37 +0000 2023","Tickers to review this weekend via @TraderLion_ daily email AAON AAPL AGI ALTR AMAM AMAT APLS AVGO AXON DHI DUOL FCFS FND FOUR FSLR FTNT HUBS INTA IOT IQ IRDM LNTH LNTH MAXN MELI META MNSO NEWR NRDS NSIT PANW PEN PHM RBLX RETA RMBS SE SMAR SPOT SQSP TH VERX VIPS WST" +"Fri Mar 31 20:22:03 +0000 2023","Why did market rally last three days? 💰💰 Share your thoughts (Just for fun) ❤️ Comment below 👇 $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $MSFT $GOOGL" +"Wed Mar 08 16:27:47 +0000 2023","Market Chop doo-doo, doo-doo, Market Chop doo-doo, doo-doo, Market Chop doo-doo, doo-doo, Market Chop doo-doo, doo-doo, MARKET CHOP 🫱🏽 $SPY $QQQ $IWM $AAPL $MSFT $GOOG $GOOGL $AMZN $TSLA $NVDA $NFLX" +"Mon Mar 13 15:13:19 +0000 2023","$SPX strong reversal higher after holding above 3800 this morning.. SPX can test 3949 if theres' a positive reaction to CPI numbers $AAPL 157 in play if it gets through 153 tomorrow. Calls can work above 153 The market is starting to show some signs of strength after last" +"Fri Mar 17 14:42:01 +0000 2023","Bulls want to see $SMH (semis), $XLK (tech), $QQQ (Naz 100) , and $VUG (growth) green today. At the moment, all have flipped red-to-flattish." +"Mon Mar 20 20:14:44 +0000 2023","Great rest day setting some pivots after support bought up. QQQ traded in almost 50bp range most of day. TSLA ABNB RBLX AMD NVDA META COIN FSLR PANW SPOT. AAPL can follow through good for mkt." +"Tue Mar 14 13:16:04 +0000 2023","💡Watchlist $AAPL 150/153 levels $SPY 390/386 $TSLA vs 180/174.50 $META on employee cuts $MSFT vs 258 $GTLB Gap down Reject $AMLX Banks $SCHW $PACW $FRC $BAC $WAL - hopefully some profit taking and basing for good risk reward $KRE ETF Bitcoin Names $COIN" +"Thu Mar 30 12:12:08 +0000 2023","SUSQUEHANNA: ""As of yesterday, the combination of $AAPL, $NVDA, $MSFT, $META, $TSLA, $AMZN, $GOOGL, $CRM and $AMD have contributed to ~160% of the $SPX gains on the year (so SPX would be negative without these stocks). "".. $AAPL, $NVDA, and $MSFT alone have contributed to 91%.""" +"Thu Mar 23 14:18:40 +0000 2023","NFLX -- No earlier headlines but circulations of a possible stream deal with AAPL hitting desks and social media (sm)" +"Fri Mar 10 18:32:24 +0000 2023","$SPX big sell off today after failing to defend 3900.. SPX can test 3838 next. Puts working all day so far $AAPL can drop to 145 next week if it stays under 150. It looks like AAPL can be the next one to start selling off towards 138 $NFLX 283 coming by early next week" +"Fri Mar 24 18:16:50 +0000 2023","TRADING $SPY Watch $ES $QQQ $DXY and $XLF This will help you see the entire market and trade $SPY better If you want to add individual names have $AAPL $NVDA $AMZN $MSFT $GOOG $TSLA $META Thank me later" +"Wed Mar 08 20:59:53 +0000 2023","Powell done..... tomorrow quiet day NFP on Friday... $SMH Leading $NVDA $AMD... $AAPL $META holding strong. All about names here until the market finds a direction, but nice close HAGN!!" +"Thu Mar 16 17:12:42 +0000 2023","googl amzn nflx nvda lrcx meta in tandem when has this happened before long time ago.. in a galaxy far far away.. w obivan and c3po" +"Tue Mar 28 13:40:27 +0000 2023","$QQQ Nasdaq Heavier than $SPY this morning so far as $TSLA $AMZN $NVDA leading weakness All under Bearish EMA clouds! $VIX 20/21 key levels $SPY 396.50 resistance" +"Tue Mar 07 14:04:31 +0000 2023","#markets Bearish trend so far in Premarket $SPY 405.50 area upper resistance and 404 lower resistance $TSLA Levels 194/192/189 $NVDA 238/235/230 levels $META gapping up can fill gap if market weak Most names trying to hold support" +"Mon Mar 06 20:54:51 +0000 2023","Very quiet day overall. Indexes went nowhere. Powell @ 10am is the big player here. $AAPL $MRK very nice.. $SNAP $AI $NVDA $AMD $META all gave nice trades if you were looking. HAGN!!!" +"Wed Mar 15 19:52:41 +0000 2023","Tough day, $CS scarring the markets pre, but inflationary data was good! ECB tomorrow I favor a bounce... favor... $MSFT $AMD $AMZN $META $GOOGL big tech is strong and leading $XLF Banks mostly still weak, Head on a swivel here! HAGN!!!" +"Mon Mar 06 10:56:23 +0000 2023","Good Morning! Futures flat $$TSLA: Tesla Cuts US Prices Model S and X $TSLA reiterated BUY @ Jefferies pt $230 from $180 $AAPL int Buy @ GS pt $199 $MRK int BUY @ Jefferies pt $125 $FSLR pt raised $227 from $201 @ Keybanc $KBH d/g UNDERWEIGHT @ JPM" +"Fri Mar 10 11:02:26 +0000 2023","Good Morning Futures mixed, Nas Flat NFP @ 8:30 $META 'pausing' Reels Play bonus program, Insider $ULTA pt raised $600 from $575 @ Telsey $DOCU d/g UNDERWEIGHT @ JPM $CAT d/g SELL @ UBS pt 225 $RBLX BUY @ Jefferies $RIVN BUY @ Bac pt $40 $RUN int Neutral @ Citi pt $27" +"Thu Mar 30 08:51:15 +0000 2023","The Nasdaq is up about 14% so far this year, poised for its best quarterly return since 2020. Meta shares are up more than 70% in the period." +"Mon Mar 13 00:34:01 +0000 2023","Planning on watching tom morn potential gap up & seeing how the market handles it. Instead of individual stock reversals this week I'll look to scale into $TQQQ & $SPXL with a stop on last weeks low Not looking for a lot of size as we have FED, CPI and PPI on deck. Less is more" +"Tue Mar 21 03:47:11 +0000 2023","Hope the charts were helpful tonight! Tried to get as many as I could out. Reviewed: $SPY $QQQ $AAPL $NVDA $IWM $TSLA $AMD #Bitcoin $META $COIN $NIO" +"Sun Mar 26 03:48:16 +0000 2023","The equal weighted S&P is down 7%, while the overall market is down 1/3 as much. What does this tell you about the large cap tech bid? #MAGMA $MSFT $AAPL $GOOG $META $AMZN" +"Thu Mar 16 00:49:54 +0000 2023","Spent quite a bit of time posting charts tonight, hope they are helpful for seeing another perspective. Reviewed: $SPY $IWM $AAPL $NVDA $QQQ $TSLA $META $AMZN $AMD $NFLX $GOOG" +"Tue Apr 04 04:17:27 +0000 2023","BREAKING NEWS: Tesla analyst Dan Ives from Wedbush predicted that the company has room for more price cuts in the short term - Teslarati #AInvest_Magic #BREAKINGNEWS #Crypto #StockMarket #stocks $TSLA has -5.31% since the Sell signal appeared. View more: " +"Tue Apr 25 22:46:27 +0000 2023","$NQ up on earnings news from $MSFT and $GOOG, with other names rallying, and possibly getting some juice from the reverse repo outflow today. However, net liquidity was actually down with the TGA soak and $DXY moves today. " +"Mon Apr 03 12:56:52 +0000 2023","""The price of crude #oil was surging early Monday while stock futures were flat as an unexpected oil supply cut from #OPEC+ over the weekend shook markets to start Q2."" $DIA $SPY $QQQ $TSLA #stocks #trading #energy #stockmarket #solar $BRQS $INVO " +"Tue Apr 11 14:45:08 +0000 2023","Microsoft Corporation (MSFT) closed at $289.39 today. Stock price has gone down by 0.76% ($2.21) since previous close value of $291.6 #Stocks #Stockmarket #Equity #MicrosoftCorporation" +"Wed Apr 26 18:04:34 +0000 2023","With a price of $0.045 and a volume of 88 K on the #CSE, the $EMIN #stock currently exhibits a very high level of #trading activity. Access the link ➡️ $MICR $NVDA $SU $KIRK #stock #stockmarket #trading #investing " +"Fri Apr 28 15:33:13 +0000 2023","A biotechnology company in the clinical stages called Hemostemix (#TSXV: $HEM) is working to create and market an autologous cell therapy for the treatment of ischemic diseases. Today's open price for $HEM is $0.16. $MULN $AAPL $BBIG #stock #stockmarket " +"Thu Apr 20 11:35:40 +0000 2023","📈 On April 19, 2023, #EMIN stock price opened at 0.0400, climbed to a high of 0.0450, and closed at the same 0.0450 price! 🚀 Time to #invest and ride the wave! #stocks #investing 💰 $PEPE $BBBY $MULN $SPY $QQQ #canadianstocks #canada #investing #stockmarket #canadainvestors" +"Thu Apr 27 19:42:57 +0000 2023","💻👩‍💼 Meta expects Q2 revenue to range from $29.5 billion to $32 billion, with analysts expecting AI to have a positive impact. Morgan Stanley and JPMorgan raised their price targets for Meta's stock. #AI #Investment #StockMarket 📊💹" +"Fri Apr 28 09:21:48 +0000 2023","#Meta skyrockets as investors cheer latest earnings results 🚀👏 ➡ What a day for Meta's stock as it enjoyed a massive rally, sending the price to January 2022 levels. #stocks #shares #trader #stockmarket #investor #investing #investment #investro " +"Fri Apr 28 09:02:18 +0000 2023","4/ 📈 Meta's Stock Price & Investor Confidence 📈 Despite Reality Labs losses, Meta's stock price increases, possibly reassuring investors about ROI potential. #StockMarket" +"Thu Apr 27 21:01:26 +0000 2023","For context, $MSFT is up 6% for the week. $AAPL is up 2% for the week. $META is up 12% WTD. $GOOGL 2%. $AMZN ~9%. Just some of the worlds biggest companies, yet $SPY is at 0.05% for the week….. 🤔. We have a stage 3 distribution going on similar to what we had in Dec 2021. We " +"Mon Apr 17 01:37:21 +0000 2023","$SPY Everyday #stockmarkets update Fresh week starting with $schw $asml $tsm $abt $tsla $ibm earnings. This week still looking small up n down bullish. $spx $qqq $aapl $btc $gold $msft $amzn " +"Mon Apr 03 18:11:12 +0000 2023","🙏💸 $PLCE in Downtrend: its price expected to drop as it breaks its higher Bollinger Band on August 16, 2022. View odds for this and other indicators #stockmarket #stock #stockmarketcrash $JFK $CEMI $SPY $TSLA $SHOP $AMZN $NVDA $ROKU $AIM $AAPL $AMD " +"Thu Apr 20 16:30:00 +0000 2023","🎥#Netflix Inc ( $NFLX: #NASDAQ) has a weak 4.8 TC Quantamental Rating and a target price downside of 8.5% over the next 12 months. Historically, income stocks such as #NFLX have excelled during a Recession economy. #stock #targetprice #stockmarket #Netflixnews #Netflixstock " +"Wed Apr 26 18:54:27 +0000 2023","Hey folks So #tech #AI has been strong Nasdaq jumped up early took out Feb Highs. Now paired those gains , up just 0.75 % while DOW and SP lower. Earnings to watch $META $AMZN tomorrow. $MSFT ⬆️7 %. $ATVI ⬇️10a% $FRC #firstrepublic ⬇️as low as $4.76 $TSLA ⬇️downgrade , $BA ⬆️ " +"Mon Apr 03 01:22:17 +0000 2023","$SPY Everyday #stockmarkets update. Market looking bullish over all but watch out 30min chart we are testing resistance level at $411 to watch. $spx $qqq $tsla $aapl $msft $amzn $nvda $nio " +"Sat Apr 22 03:18:38 +0000 2023","A Stock Pullback Would Be a Buying Opportunity. Find Out Exactly at What Price to Buy in Video: #StockMarket #trading #Stocks #StockMarkets #Options #OptionsTrading #optionstraders $SPY $ES_F $SPX $STUDY " +"Fri Apr 14 13:00:01 +0000 2023","Bullish on US stocks on Apr 14 $HKD Buy price $7.50, short-term target price $9.00 Reason: Technically and financially, this pre epic big demon stock is stupidly capitalized, light short term participation can be. $MFH $HUIZ $BIMI $XNET #StockMarket #QQQ #SPX " +"Sun Apr 16 14:38:09 +0000 2023","🇺🇸 EARNINGS THIS WEEK (17/04): 📈 TESLA ($TSLA) 📈 NETFLIX ($NFLX) 📈 IBM ($IBM) 📈 TAIWAN SEMI ($TSM) 📈 BANK OF AMERICA ($BAC) 📈 GOLDMAN SACHS ($GS) 📈 MORGAN STANLEY ($MS) 📈 CHARLES SCHWAB ($SCHW) 📈 AMERICAN EXPRESS ($APX) 📈 AT&T ($T) 📈 JOHNSON & JOHNSON ($JNJ) 📈 " +"Mon Apr 03 01:27:03 +0000 2023","#WallSt closed higher on Friday. #Tech stocks leading the gains, with the Nasdaq 100 $NDX popping 20.5% in Q1. Also keeping an eye on #Energy stocks as #Brent & #WTI jump on the output cut announced by OPEC+. $AAPL $AMZN $MSFT $TSLA $DIS $MU $MCD $WWE $XOM @WillKoulouris " +"Fri Apr 28 01:16:05 +0000 2023","#Wallst rallies, getting a little help from its friend, $META, but also a big sell off in 1-mth #Tbills adds liquidity to the market, as tax receipts come in better than feared. And wild swings post earnings in $AMZN and $INTC @willkoulouris $MBLY $CAT $HON $NVDA $MSFT $MA " +"Fri Apr 07 07:34:49 +0000 2023","7/4/2023 Market Diary -Market rebound coincides with a bounce off its rising 10-MA in $QQQ $XLK as highlighted yesterday. $MGK also bounced off with +0.78% -Worth to note equal weight indexes $RSP $QQQ are relatively flat. -Outperformance in $GOOG $MSFT $AAPL $AMZN staged " +"Tue Apr 11 20:14:33 +0000 2023","Both $SPY strikes worked fine for base hits today if you took 1 dte+. Super grindy PA. $AMZN 100p was great this morning. EOD flush was awesome with $SPX 0 dte. " +"Tue Apr 25 07:07:32 +0000 2023","25/4/2023 Market Diary -Lackluster showing, market adopt a wait-and-see approach ahead of earnings from megacap $MSFT $GOOG $META $AMZN - $RSP +0.19% $QQQE -0.06% both within previous day range. -Banking groups $KBE -0.46% $KRE -0.51% continues to get sold, rejecting " +"Mon Apr 17 12:41:21 +0000 2023","📚 Historically Weak Breadth- These 6 stocks up a combined 50% YTD dragging indices $SPY $QQQ $AAPL $GOOGL $META $MSFT $NVDA $TSLA Q1 Earnings on tap 🚰 " +"Tue Apr 04 16:57:26 +0000 2023","Breadth is weaker than you may think today. 77% of $SPX is down an average of -1.7%. Some heavy market cap distortion as $APPL, $MSFT, $AMZN, $GOOG are protecting the index from further losses. Watch out if these start to slip. " +"Fri Apr 21 20:25:48 +0000 2023","$SPX made a slightly lower low today but still closed above its 10 DMA. Today's low was probably a 10 trading day low which favors bullish action next week. In order to confirm it GOOG, MSFT and META will have to deliver good earnings. There's AMZN too but I wouldn't count on it. " +"Sun Apr 30 20:37:28 +0000 2023","$SPX weekly with NAAIM and Nydex Ratio on bottom. Price is currently back above both the 50 and 200-MA average. More importantly, Rydex appears to be suggesting the bottom might be in.. This could be possible with rolling recessions. For instance, I believe semiconductors are " +"Thu Apr 27 22:00:12 +0000 2023","All these tech earnings pumps and $SPX simply cannot take out the Feb high. Meanwhile breadth has tanked since mid April. Where does the next leg higher come from? If you apply bull logic $AAPL should get us there as they probably absorbed Samsung’s -95% earnings decline 🤣" +"Fri Apr 21 21:45:00 +0000 2023","The Mother of All Bubbles will soon become even more visible as we get MAGMA earnings reports. Tues: $GOOGL $MSFT Wed: $META Thurs: $AMZN May 4: $AAPL “If Apple’s down 5%, and it makes up 7% of the S&P, you do the math."" @KeithMcCullough Full clip: " +"Sun Apr 30 13:01:15 +0000 2023","$QQQ the NASDAQ 100 was the first index to have a follow through day in March. We saw a shakeout out last week followed by a move that exceeded recent highs.This index is filled with mega-cap tech leaders like $META $MSFT $AAPLE $NVDA. " +"Mon Apr 24 11:24:29 +0000 2023","gm. ☕️ ☀️ 5 of the top 10 companies in the US S&P500 $SPX, accounting for over 15% of the index, report earnings this week: $MSFT $GOOG/ $GOOGL $META $AMZN $XOM A very consequential week for risk and market sentiment. Have a great Monday fam! " +"Tue Apr 25 20:28:35 +0000 2023","$NASDAQ DAILY Flushed to 50EMA purple/lower BB 11799 area Had BEAR cross(shaded oval) Lower BB is flat would need 2 roll over 4 more downside MACD & STOCH gaining speed 2 downside $MSFT & $GOOG both had good ER so couldve just been a quick bear raid will know more tomorrow " +"Mon Apr 24 17:47:48 +0000 2023","$MSFT the second big-stock NAZ name to trigger an SS entry. $AMZN triggered at the 200-dma, MSFT triggers at the 20-dema, both ahead of earnings this week. " +"Wed Apr 05 16:46:39 +0000 2023","#SPY Order flow for tomorrow has the heaviest puts this week. We were targetting $405’s from this morning But considering Apple and Microsoft as well as Nvidia all hit top of quarter one earnings target already, I believe we will see more downside into tomorrow. " +"Thu Apr 13 12:30:34 +0000 2023","GM all, should be an interesting morning again as we wait for the #PPI number. We saw a fade all afternoon on #CPI will we get something similar today? #stickynote looking at a weak $AMD from the afternoon, should get a pop off open then we can look at a few fade areas. $AMZN " +"Wed Apr 05 00:07:54 +0000 2023","Yes, the big boys ( $AAPL $MSFT $NVDA $META and so on) are leading the way coming off the S&P 500 October lows... But to me, it looks like everyone is getting involved... $SPY $SPX #Stocks " +"Fri Apr 28 15:39:38 +0000 2023","$AAPL sluggish with daily oscillators hinged at overbought lines and volume dropping. $META meeting it's maker with CCI off the extreme overbought charts. Only $MSFT left to face reality with extreme overbought CCI. Let Gap 🧲 do the work, then #ODTE 🙊 on $QQQ $SPY run for their " +"Tue Apr 25 22:05:38 +0000 2023","With Microsoft and Google earnings beats $SPY is likely headed back to $410. Potential H&S setup if GDP on Thur is bad and/or PCE on Fri comes in hot. Otherwise we take out the 4/18 high. I'll expect that hypothetical move to reflect bearish divergence ending the BMR at $419-$422 " +"Wed Apr 26 00:12:48 +0000 2023","The #Nasdaq McClellan Oscillator, $NAMO, crossed deeply the low Bollinger Band today. On December, February and March similar events have created a bounce (green Arrows). Opposite to January and March when the High Band has been touched (Red ones). How high? depends on how the " +"Sat Apr 01 02:23:24 +0000 2023","Tesla's stock is trending today at $207.81. Will the market close this weekend with a drop in the stock price? Follow us to find out! #TSLA #StockMarket #Investing" +"Fri Apr 28 12:31:20 +0000 2023","Thanks for checking out todays #stickynote , quick market recap below. On Friday, futures indicated a slightly lower open as traders reviewed corporate earnings reports, including Amazon's Q1 results. While Amazon initially saw a rise in shares, they were down by 1% shortly " +"Thu Apr 13 20:09:42 +0000 2023","Today the $QQQ had a 2 Sigma daily move. When you scope out you see 10 trading days in the Chop Box, only .38% up for the week, and we have Financials reporting earnings tomorrow. Keep your head on a swivel. " +"Fri Apr 28 17:04:50 +0000 2023","A look at $QQQ $SMH $XBI $XLF Year to date charts look at YTD AVWAP and from significant highs and lows I will discuss more in my wknd video tomorrow " +"Thu Apr 20 12:26:19 +0000 2023","GM Traders!! Thanks for checking out the #stickynote here today. Going to try and condense this to make it easy. $TSLA, should be a SS here as the street is not liking the Q. Margins are the story, as they are down 10% YoY with the price cuts. More pressure form China and " +"Mon Apr 24 16:41:00 +0000 2023","📈 Alphabet Inc, Microsoft Corp, Amazon Inc and Meta Platforms Inc, which constitute more than 14% of the value of the benchmark S&P 500, are scheduled to report results this week. A rally in these stocks has supported Wall Street this year, and investors are waiting to see if " +"Thu Apr 27 12:30:01 +0000 2023","GM Traders!! Thank yo for checking out todays #stickynote, please Retweet!! Social media stocks surge as Meta Platforms beats Q1 revenue forecast, with Meta shares up 11%. Analysts expect smaller-than-expected decline in S&P 500 earnings thanks to strong tech results from " +"Tue Apr 18 18:54:17 +0000 2023","$SPY on the daily chart. Rising wedge structure, currently trading near the HOY. Gap up today and currently trading near LOD. NFLX reporting after the bell with aprx. +-30 expected move. $TSLA earnings report is around the corner. Green Line: High of year. Red Line: Low of " +"Sun Apr 30 15:48:06 +0000 2023","⚠️Stock Market Earnings To Watch This Week🎯 I've highlighted a handful that I'm paying particularly close attention to. $AAPL being the most impactful to the $SPY & $QQQ for those interested #stockstowatch #StocksEarnings " +"Thu Apr 27 12:47:07 +0000 2023","Going into today's open, $AAPL, $MSFT, $AMZN, $NVDA, $GOOGL, $META, $TSLA made up 23.8% of $SPX. $META is up 12% this morning. $AMZN is up 2.5%. We may approach 25% from 7 stocks by the next week when $AAPL reports 🤯 " +"Wed Apr 26 12:38:04 +0000 2023","GM Traders!!! #stickynote with a few BUIG names needless to say here today!! $MSFT $295 LONG on a great report, watching dips $GOOGL tough on ad sales, but 70B buyback, be patient and get LONG near $102/103 $FRC trouble in this name, yday was a nightmare, seems more coming " +"Tue Apr 25 01:22:50 +0000 2023","NASI-this red again and could lose 10EMA. Usually not the best sign. NYSI much healthier as a sign to how bad breadth is in Nasdaq. Big tech Tuesday reports on deck to see if get out of that range on QQQ " +"Mon Apr 24 20:25:32 +0000 2023","#NASDAQ100 continuing sideways today - down 0.24% with 52 stocks up/49 down. Leaders: $ZM $ALGN $DLTR $EBAY $IDXX $ODFL Laggards: $OKTA $PDD $MU $JD $TEAM $INTC $DDOG $BIDU $MRNA Big week for #earnings: $GOOG $META $MSFT $NTES and a host of others. " +"Fri Apr 21 10:53:37 +0000 2023","Thus bearish #ES_F, and making itself felt through #NDX $XLK $SMH... $AAPL $NVDA would ultimately notice too, for all the strongholds they are. As tweeted earlier, troubles start with cyclicals, high beta - $IWM, $XLF.. Low 4,150s to hold, 4,136 finally to fall today. 4,115 then." +"Thu Apr 27 01:27:39 +0000 2023","My watchlist took a big haircut today. Tepid and lackluster action at best after MSFT earnings gapped the market. Will gap up again tomorrow morning after META report. Need to hold todays low and Tuesdays low otherwise potential $307 gap fill. 5 lower highs from double top $QQQ " +"Fri Apr 14 03:46:39 +0000 2023","#SPY The S&P 500 is back to average PE levels average near 22PE. Currently the market is at 23PE average. Here’s a comparison of all the mega caps you can see what’s undervalued versus Priced In. Don’t let the media fool you 🤗 God bless you 💜💙💚 And share if my tips are " +"Tue Apr 04 02:56:33 +0000 2023","Apple, Microsoft, Amazon and Google represent 18% of the S&P 500 and 36% of the Nasdaq 100. Major market barometers. These market giants have carried the bulk of the rally over the last two weeks, now all have advanced into thick resistance. $SPY $SPX " +"Mon Apr 10 01:53:12 +0000 2023","⚠️Watchlist - Stock & Options Trading Idea Notes 4/10/23 ➡️EXPAND this post to see charts, images & details. Watching several names but no specific numbers at the moment. We're post long weekend, pre CPI. See below; $AAPL sitting in a recent range between $161.8 - $165.9 " +"Tue Apr 25 02:41:38 +0000 2023","Global cues are flat Dow up 66pts Nasdaq fell 35pts Trade restricted to narrow range as market looks to tech earnings Alphabet / Microsoft /GM to deliver earnings today. 45% of S&P earnings to be reported this week SGX Nifty up 23 pts" +"Fri Apr 28 14:07:03 +0000 2023","This from 5 weeks ago still true... $AAPL, $MSFT the leaders in Nasdaq continue to impress, hard to see market pulling back much with that. AAPL earnings next week" +"Sun Apr 16 15:04:07 +0000 2023","Overall we are still very bullish for the month of April (even on the red days or pull backs). We are playing the earnings run up this week especially focusing on $NFLX $TSLA $MS $ASML Many think $SPY P/E multiple is too high and can trigger an ""EARNINGS RECESSION."" " +"Wed Apr 26 20:19:16 +0000 2023","So, $MSFT beat, held the market up while $TSLA got hit. Now $META beats, which will hold it while Tessie bottoms. Then once we flip bullish Tessie will carry us up while those have a pullback. Interchangeable pendulum swings to keep $SPY balanced, get it?" +"Mon Apr 24 21:20:02 +0000 2023","Recap: Sold $NVDA $INTC on weak IT spending concerns. Plan is to be not involved/short into earnings this week on concerns over online ad spend- $GOOGL $META, weak PC demand recovery- $MSFT, cloud spend- $AMZN $MSFT $GOOGL. $TSLA $T $NFLX earnings reactions are warnings." +"Tue Apr 18 00:03:37 +0000 2023","$SPX $SPY Another day that feels like the sky is falling if you're on Twitter, only for it to get bought up for a 28 point end of day run. $BAC $GS and $JNJ report earnings premarket, while $NFLX comes in Tuesday after hours. 4195 liquidity in the crosshairs or will some of " +"Mon Apr 17 20:01:35 +0000 2023","This undercut in SMH feels a lot like QQQ 212.82 (previous weeks low) and AAPL 160......hoping get big follow through on it tmrw....(SMH Daily)...has EMAs right on top so needs to punch them. " +"Thu Apr 20 03:37:18 +0000 2023","In an uptrend swings will not have deep overlap like this. Clearly 6 month's price action hasn't reversed the downtrend on $GOOG.O $QQQ #NASDAQ " +"Wed Apr 19 01:07:32 +0000 2023","$SPX $SPY Sloppy PA today, as the S&P faded its gap open, before grinding higher into EOD. No real clues into where we head next, especially with $NFLX erasing the initial earnings drop. $TSLA earnings Wednesday after hours! Will $TSLA beat?" +"Fri Apr 28 00:56:40 +0000 2023","*WHAT HAPPENED OVERNIGHT* - SPX +1.96%, Nasdaq +2.43% - S&P-500 reclaims 4100 level & snaps its streak of 6-straight days of making lower lows - FB parent Meta +14% on earnings - 10y yield +8 bps to 3.53% - Oil +0.79% to $78.30 - US Q1 GDP miss overshadowed by hawkish data" +"Sun Apr 23 14:45:07 +0000 2023","*WALL ST - FRIDAY ACTION* - SPX +0.09%, Nasdaq +0.11% - UST 10y +4 bps to 3.57% - Dollar Index -0.11% to 101.72 - Oil +0.7% to $81.66 - April flash Comp PMI at 53.5 vs 52.3 MoM - Fed in “blackout” period ahead of May FOMC - Big earnings ahead: AMZN, GOOG, MSFT, CAT, GE" +"Sat Apr 29 20:28:25 +0000 2023","$QQQ Monthly. Following last month's outside bulllish engulfing candle, #QQQ heads higher. MACD curling and on its way to flippin' green $NDX $NQ_F $XLK #Nasdaq $AAPL $MSFT $AMZN $XLF #FOMC " +"Fri Apr 14 18:37:14 +0000 2023","$AMZN Nice curl since that $SPY bounce from 400 I keep $AMZN $TSLA $AAPL $MSFT always open all day on my charts to nail such scalp moves $AMD $NVDA on days when Semis moving " +"Fri Apr 28 23:39:28 +0000 2023","$SPY had back to back 400+ stocks down days during the week, and tested below 20-sma, but back to back post earnings gaps from $MSFT and $META led it to an 8-month weekly closing high. " +"Thu Apr 27 01:02:35 +0000 2023","*WHAT HAPPENED OVERNIGHT* - SPX -0.38%, Nasdaq +0.47% - Microsoft earnings (from earlier) boosted cloud stocks - Meta Q1 beat poll, stock +9% - 10y yield +5 bps to 3.45% - DXY Index flat at 101.42 - Oil down 3.8% to $77.68 - US data helped dispel recession fears slightly" +"Thu Apr 06 14:12:42 +0000 2023","$AMZN 1 pt bounce from 100 $SPY from 406 now testing 407 as VIX rejected $TSLA 184 + now🎯 All names at upper resistance point, need to watch the trend confirm here as stocks at pivot levels $SPY yesterday 407-408 was key" +"Wed Apr 12 11:26:16 +0000 2023","Just 7 companies make up over 50% of the NASDAQ 100 $QQQ Microsoft $MSFT - 12.6% Apple $AAPL - 12.4% Google $GOOGL - 7.5% Amazon $AMZN - 6.2% Nvidia $NVDA - 5.1% Facebook $META - 3.6% Tesla $TSLA - 3.5% " +"Mon Apr 24 13:57:20 +0000 2023","Its been a choppy and grinding market lately. This week earnings will pour in. Mega cap teck stocks such as $GOOG, $MSFT, $META and $AMZN are scheduled for later this week. Maybe these reports get things moving again. $QQQ $SPY $DIA $SMH #stocks #options #daytrader" +"Wed Apr 26 02:05:57 +0000 2023","CUES FOR TODAY Wall St Indices dip, 1-2% for all major indices However, Microsoft +8% and Alphabet +2% in after hours, post results Pepsi at 52w High SGX Nifty -30 Pts as Nifty consolidates near 17800 Nifty range: 200 DMA 17625 100 DMA  17830   Midcap Weekly Expiry Today" +"Fri Apr 21 15:47:24 +0000 2023","💥NEW @INVESTINGCOM POST ALERT💥 *Tech Rally Faces Major Test Next Week as ‘FAAMG’ Earnings Loom: - $MSFT (Reports April 25) - $GOOGL (Reports April 25) - $META (Reports April 26) - $AMZN (Reports April 27) - $AAPL (Reports May 4) 👉 $DIA $SPY $QQQ " +"Tue Apr 25 23:04:28 +0000 2023","Glancing at charts on the phone, QQQ made a move below to the other side of the tracks today, these earnings get faded tomorrow and we could see some acceleration to the downside" +"Sat Apr 01 00:01:10 +0000 2023","UNUSUAL PAPER #OptionsFlow $AMZN $120.00 CALL EXPIRES = 06/16/2023 SIZE = 3,104 OI = 57,632 COST = $552,822 STOCK PRICE = $102.84 #AMZN #options #stockmarket #trading #stocks #stockstowatch #unusualoptions" +"Wed Apr 05 20:10:57 +0000 2023","$SPY A nice long legged doji to end today, with multiple hourly time frames oversold. Let's see tomorrow. No assumptions. $AAPL Daily Hammer holding 9EMA I bought it. $QQQ Also daily hammer but more selling volume on tech vs $SPY. " +"Tue Apr 18 15:34:08 +0000 2023","The man who woke up, checked his Facebook $META account on his IPhone $AAPL on the Verizon $VZ network… slipped his Nike $NKE sneakers on and took his prescription medication $PFE, $JNJ, $BMY, $MRK, $LLY then drove to work in his Tesla $TSLA after stopping to get his Starbucks" +"Fri Apr 28 20:12:35 +0000 2023","Well what an awesome week. As said it looked like a correction but it went kinda parabolic, esp if you look at Big Tech. The VIX is under the 16. I said 14 was my target (but we are now at a support). Next week JPOW, Apple earnings, AMC earnings.... enough catalysts, enough fake" +"Mon Apr 17 19:52:20 +0000 2023","So bullish that during vixperation week… $qqq flat and the big boys $msft and $aapl got upgrades… keep buying the dip… April is almost over!" +"Mon Apr 10 14:44:26 +0000 2023","The Q1 2023 rally in stocks has been extremely concentrated. Just five stocks, $AAPL $MSFT $NVDA $TSLA $META, have contributed to nearly 3/4 (73%) of the S&P-500 $SPY gains, while the top 10 have accounted for a whopping 95.4% - JEFFERIES " +"Tue Apr 25 20:59:45 +0000 2023","Been away most of the day today But just saw that $GOOG and $MSFT beat their earnings $GOOG also announced a $70 Billion share buyback $GOOG spiked up AH Have a few ITM $GOOG covered calls that will need to be rolled forward $GOOGL $QQQ" +"Mon Apr 24 18:49:21 +0000 2023","An update on $SPX #earnings by week $SPY $AMZN $KO $MSFT $FRC $META $UPS $GOOGL $VZ $MCD $GM $BA $GE $ENPH $HAL $MMM $PEP $RTX $V $XOM $NEE $AAL $CAT $WHR $INTC $CVX $DHR $LLY $CMG $VLO $MA $DOW $HLT $LUV $ABBV $BIIB $CDNS $HUM $ADM $BRO $MO $SHW $MRK " +"Fri Apr 07 00:05:10 +0000 2023","CPI numbers next week, if market surprise and numbers come above estimates, expect a big dump 🩸🩸🩸 $SPY $QQQ $AAPL $NVDA $AMD $TSLA" +"Tue Apr 18 11:02:11 +0000 2023","$NFLX on deck this evening. I wouldn't be concerned about what it does. $TSLA will trade on it's own no matter if Netflix was up or down 10% in AH's. Tesla is somewhat detached from the tech trade again until they have some type of surprise upside news." +"Sun Apr 23 14:01:27 +0000 2023","It will be a very interesting week…! Be ready for some action… NOTABLE EARNINGS THIS WEEK IN 🇺🇸 -MICROSOFT $MSFT -ALPHABET $GOOGL $GOOG -AMAZON $AMZN -META PLATFORMS $META -SNAP $SNAP -PINTEREST $PINS -SPOTIFY $SHOP -ROKU $ROKU -INTEL $INTC -MCDONALD’S $MCD -CHIPOTLE $CMG" +"Wed Apr 26 11:26:37 +0000 2023","About Last Night - ""Blowout"" earnings from Microsoft MSFT and Google GOOGL with an ugly 393 new 52-week lows vs 44 new highs inside the Nasdaq yesterday, “Hello, McFly, anyone home?”" +"Wed Apr 12 00:31:44 +0000 2023","Many have mentioned on here but I’ll tag in on this Nq / qqq red all day including pm being red Msft aapl Amzn Nvda struggled thus far Xle xlv xli strong along w gold still and uranium got hit On RRG that looks like rotation and a move to “weakening “ from leading" +"Wed Apr 26 23:08:34 +0000 2023","The strangest parts about the $MSFT, $META, and $GOOGL moves are that: A. The VIX went up B. The Nasdaq futures can't break and stay above 13,000 C. AAPL sold off What an unusual earnings season. " +"Fri Apr 28 03:16:03 +0000 2023","Weekly gains so far this week: $AAPL +2.05% $MSFT +6.67% $AMZN +2.67% $NVDA +0.39% $GOOG +2.32% $META +12.06% Which correlates to just a $SPY +.05% Fishy. Very Fishy." +"Tue Apr 11 23:44:55 +0000 2023","On March 31s they were all chasing MAGMA... 12 days later, here's the ""desk flow""... > Notable sell skew across megacap tech names (MAGMA) on our desk today (net sold $1b+ in aggregate across META, GOOGL, MSFT, AMZN, and NFLX)" +"Mon Apr 10 19:57:42 +0000 2023","And that's a wrap... Slow day overall. $SPY back to Thursday's close.. $NVDA $AMD $MU leaders.. $TSLA big reversal, $AMZN as well.. Crypto names very strong. See what tomorrow brings!" +"Thu Apr 13 20:59:43 +0000 2023","Thought would be chasing big tech on gaps and missed. AAPL held 160 spot. QQQ 20EMA. IWM back towards that 179/180 zone. NVDA closed on 264 level again. Had it today on undercut and recapture but weak all day. Hopefully can find some opportunity as get through eps. Banks tmrw." +"Thu Apr 13 19:55:52 +0000 2023","The market looks much better today after breaking out of this range above since the beginning of April.. we can see a trend day higher tomorrow as long $SPX can defend the 4132 support level.. Keep an eye on $AAPL $MSFT $META. If these 3 can lead a move higher, tech can run" +"Wed Apr 19 20:18:34 +0000 2023","Wel that is a wrap. $TSLA very unclear to me, will listen to the call. $AMZN $AAPL breaking out today... $MS $UAL huge reversals! See what the am brings! HAGN!" +"Wed Apr 19 19:08:00 +0000 2023","$SPY Sideways now hit 415 a level from few days ago 414 been acting as magnet, want to see that hold for bulls going into tmro $TSLA Nice move so far today vs 178 and RipsterCloud Curl $AMZN Retested 104 breakout and held, good dip adds earlier $AAPL 168 resistance #update" +"Fri Apr 28 17:07:19 +0000 2023","$AAPL and $AMD cut here. Good action on $SPY Good early winning idea on $AAPL Putting a wrap on things as we're range driven now and contract pricing isn't adequate." +"Fri Apr 21 15:47:41 +0000 2023","Earnings season expectations are low & next week is big-35% S&P stocks report incl $AMZN $GOOGL $META $MSFT <12% this week & 2% last week (Hat tip @ScottSchnipper @CNBC @CNBCPro). Better than expected results and upbeat guidance could rally stocks into month-end." +"Fri Apr 07 03:47:16 +0000 2023","That’s all the charts I have for the weekend, hope they were helpful! Taking a break from Twitter, will be back Monday. Reviewed: $SPY $QQQ $IWM $COIN $NVDA $META $SHOP $TSLA $ARKK $GOOG $AI $AAPL $CRWD $AMD $AMZN" +"Tue May 02 01:51:10 +0000 2023","🚀The most active stock of the hour: Tesla $TSLA -1.51% #AInvest_Magic #tradingtips #equities #StockMarket #stocks $TSLA has +5.26% in price since the Magic signal was generated. 👏Get free hold signals by following and leaving a comment. " +"Mon May 08 12:03:37 +0000 2023","What Is the Dow Theory? | Dealmoney The Dow theory on stock price movement is a form of technical analysis that includes some aspects of sector rotation. #dealmoney #dowtheory #bse #trading #tradingstrategy #finance #stockmarket #stoploss #nse #intraday #sharemarketindia " +"Sat May 06 02:05:17 +0000 2023","$AAPL #marketcap (not stock price) could be head and shoulders formation. #StockMarket $NDX $SPX $QQQ $NVDA $MSFT " +"Thu May 25 15:37:39 +0000 2023","Restructuring is challenging, but it needs to be done, and $WKSP has the tools and expertise to succeed in transforming how the world views green technology use. This iconic penny has touched the target price of $3 after a long year. $MULN $AAPL $AMC #stock #stockmarket #trading " +"Fri May 26 02:48:06 +0000 2023","How to increase your company’s share price? Just insert “AI” here and there when you read out company’s earning report and watch the stock value fly 🚀 #AImadness #earnings #StockMarket #NVDA #amd " +"Wed May 10 16:30:26 +0000 2023","🚀$AMD Stock price is on the rise by 4.04% ! Opening the market at $94.85, now cruising at $98.62. Keep watching #Bookmap , traders. #StockMarket #AMD " +"Wed May 03 20:30:08 +0000 2023","$SPY May 3rd REVIEW: -Clearly fluctuated between our lines of support and resistance -Consolidation on First LoR (green line) -Volume Pushes Price (More Volume in the after = More volatile stock movement) #StockMarket #DayTrade #LiveFree #FreedomFinance1712 " +"Mon May 08 12:48:18 +0000 2023","💻🔗 $BULT, the publically traded #stock of Bullet Blockchain Inc., previously #trading price $0.05 per share on #OTC. Get on board now before it skyrockets! 🚀📈 🔗 $MULN $AAPL $BBIG $AMC #stock #stockmarket #trading " +"Wed May 24 17:49:33 +0000 2023","📈 The market value of $WKSP on #NASDAQ is $52 million with a #stock price of $3.05. Not too shabby for a company that started with a vision and a few bucks in the bank. 💸 $NIO $AMC $MULN $AAPL #ImpressivePerformance #NASDAQ #StockMarket " +"Thu May 25 20:52:18 +0000 2023","Did someone say 🐂 market? 👀 Check out the updated version of SPX w/o $AAPL $MSFT $AMZN $GOOG $GOOL $META $TSLA $NFLX, with $QQQ in 🔵, $SPY in ⚫️, and $RSP in🟣 Things just went from bad to worse 😬 on that -2% print for the modified S&P I smell a rotation coming 😶‍🌫️ $SPX " +"Thu May 04 06:37:05 +0000 2023","#AMD falls sharply amid disappointing earnings report 📉🥶 ➡ A very #bearish day for the AMD stock price as it was down sharply due to weak earnings report. #stocks #shares #analysis #trader #stockmarket #investor #investing #investment #investro " +"Tue May 09 19:09:44 +0000 2023","Cheers ! SP & NASDAQ had back to back gains Will it be 3days in a row? Wait & see mode #CPI #ChampionsLeague PPI Watch $GOOGL /#AI NEWS #debtceiling #inflation . Winners include Palantir Zscaler, salesforce Boeing Losers today: PayPal, Shopify, Chegg. ** Mizuhos Greg " +"Fri May 26 19:54:10 +0000 2023","WHAT AN END TO A FANTSITC WEEK! ABSOLUTELY INCREDIBLE! HOPE EVERYONE BANKED HARD 💰WITH $AMD $NVDA $SMCI $NFLX $PLTR $MSFT $AMZN $MU $UPST AND SO MANY MORE! " +"Sat May 20 11:48:41 +0000 2023","#NVDIA Stock > Long-term Analysis Price has had a huge impulsive move without a normal retracement. Price is at major resistance zone. Expecting a pullback. Follow for more analysis! 🔔 $Nvdia $Nvda #nvda #stocktrading #stockstowatch #StockMarket $spx " +"Sun May 07 17:06:10 +0000 2023","Just In: $SHOP Cramer is 'incredibly bullish' on Shopify stock price after Q1 earnings #StockMarket #News @stageanalysis @XTRADERS9 $GDXU $TEAM $AEHL via @marketwirenews" +"Sun May 07 19:41:12 +0000 2023","$AAPL shares trading at a high premium to tech peers, competitors, and its suppliers here (see Relative Value Signal Line in red). Historically not a great place to buy. $QQQ " +"Thu May 04 15:16:02 +0000 2023","The good hing about investing in $LSDI is knowing the board got your back. They have finances in place to defend their stock price. Trading dips is profitable $SPY #US30 #NASDAQ #StockMarket $SUI $BTC $PEPE $TSLA" +"Wed May 17 10:31:24 +0000 2023","TSLA Stock Price Reacts to Major Elon Musk News Twitter owner Elon Musk said that Linda Yaccarino, who until recently headed advertising at NBCUniversal, will become the new director of the social network. ✅Read the full article: #tesla #stockmarket #TSLA " +"Thu May 11 15:43:24 +0000 2023","Finance experts set Tesla $TSLA stock price for the end of 2023. #Tesla #StockMarket " +"Mon May 15 01:28:58 +0000 2023","The $IXIC managed to close out the week with modest gains but not for the rest. Meanwhile spreads in different asset classes widen. @willkoulouris might be slightly injured but he lays out what you need to avoid missteps. $AMZN $GOOG $META $TSLA $SHAK $NFLX $WMAT $MSFT $IEP " +"Fri May 05 12:48:12 +0000 2023","AAPL rebounded a bit as they increased the buyback to 90 Billion and upped dividend by 4%... I always feel when you do these things after earnings it diverts people's focus that sales may be slowing... Let's see how this plays out over the next week. QCOM makes chips for cell " +"Fri May 26 06:31:33 +0000 2023","26/05/2023 Market Diary 1. Major Indexes had a mixed showing as $RSP -0.06% and $IWM -0.78%, but $QQQE +0.49%. 2. $NVDA +24.37% spectacular fiscal Q2 revenue guidance boosted the Nasdaq, as well as fuelled buying interest in other mega cap semiconductor stocks ie. $AMD +11.2% " +"Wed May 03 23:54:43 +0000 2023","$ES_F Head and Shoulders still intact 👀 Price is nearing the October low AVWAP and the 200dma. Could see some support at these levels. Can Apple earnings delay the inevitable? " +"Tue May 30 20:17:55 +0000 2023","$SPX breadth was skewed towards the downside today, with 58% of the index declining. Without the buffering effects of $AAPL, $AMZN, and $NVDA, we likely would have seen a very different close. " +"Sat May 06 08:16:13 +0000 2023","$SPX is up 7.73% YTD and WILL NOT fall if these 5 tickers hold the line. $AAPL up over 33% $MSFT up near 30% $AMZN up over 25% $NVDA up over 96% $META up over 93% " +"Thu May 11 20:14:44 +0000 2023","$NASDAQ DAILY Backtested the Pink TL 12270 b/o & held with green 🔨 Window 🪟 is still open 4 more upside if wants meaning upper BB pointing upward MACD needs 2 widen, gain some speed STOCH touching, just needs 2 hover above 80line " +"Mon May 15 12:59:36 +0000 2023","Not seeing much that I love on $SPY & $QQQ today $SPY - Bullish above trendline into $415. Over that can test $417.62. Bounces $411.3, $410.75, then $410-$410.2 $QQQ - $327-$327.3 is a HUGE area. Watching for rejects up there " +"Tue May 09 03:19:07 +0000 2023","The NYSE FANG+ Tech index broke out to new 52 week highs today.. thats bullish Nasdaq. Symbol $NYFANG in Thinkorswim. Its an equal weighted cash index that tracks $META, $AAPL, $AMZN, $NFLX, $GOOGL " +"Wed May 31 22:37:37 +0000 2023","Taking 5 days off = Beast mode activated. 😈 Was live all day somehow. 😅 $SPY 417p ITM. Plan from the morning on the left. $SPX 4195c 0.75 to 3 🚀 $AAPL 180c 6/9🔥 $AMZN 125c 6/9 ❌ $AMZN 118p 6/2 🔥 $ABNB 110c 6/9 🔥 $LYFT 10c 7/21 🔥 " +"Wed May 03 20:11:26 +0000 2023","$NASDAQ DAILY Lost mid BB 12070 & bulls need 2 regain ASAP otherwise next support is that 50EMA purple/lower BB 11867 area MACD gap widened not good STOCH turned b4 80line not good Real reaction from FOMC tomorrow plus $AAPL ER AHs tomorrow just FYI " +"Wed May 10 22:37:08 +0000 2023","$NASDAQ DAILY Bulls were waiting on CPI data Filled opening gap & closed above pink TL 12270 that needs 2 hold on a close Upper BB window still open 4 more upside if wants MACD crossed is good STOCH just needs 2 hold above 80line Bulls need PPI data 2 come in soft tomorrow " +"Thu May 25 21:52:01 +0000 2023","$NASDAQ DAILY Thanks 2 $NVDA, regained orange TL 12655 Upper BB reversed upward so 🪟 open again Bulls want 2 follow upper BB up & Bears want 2 lose orange TL on a close MACD gap holding is good STOCH turning already would be good " +"Wed May 24 20:39:10 +0000 2023","$NASDAQ DAILY Bammm backtested 13EMA blue & held at the close with a darn close 2 green 🔨 which is what bulls wanted going into $NVDA ER which BEAT!!! 🤑 Could regain my orange TL 12655 tomorrow or soon based off $NVDA ER & reverse upper BB upward is what Bulls want " +"Mon May 08 20:47:27 +0000 2023","Great chart from @t1alpha today highlighting the overall breadth of the market The number of SPX components that are outperforming the spot index continues to trade near a 52-week low ""Overall presents a dangerous setup should the mega caps begin to falter"" $AAPL $MSFT $AMZN " +"Thu May 18 22:18:13 +0000 2023","$NASDAQ DAILY Closed over orange TL 12655 & way out of upper BB, tomorrow is OPEX so wouldn't doubt MMs shake the tree 2 get back within upper BB or not🤷‍♀️ Resistance TL above are all levels from August, next is grey TL 12860 MACD racing upward🐂 STOCH hovering above 80line🐂 " +"Mon May 15 05:59:37 +0000 2023","No Stream Today ! Will Post SPY Updates / Charts per usual - hope you enjoy the levels and chart links ! **Important Levels / Areas** $AAPL - $AMD - $NVDA - $TSLA - $META - " +"Fri May 12 17:03:35 +0000 2023","@farzyness It is not about $TSLA, it is about the market. The $SPY has been showing terrible breadth & the few big tech names holding up the market are giving up finally. NFA" +"Wed May 17 21:55:41 +0000 2023","$QQQ breadth still weak but big tech continues to push the NASDAQ higher. RS new highs today. $TSLA $AMZN $AAPL $NVDA $MSFT $GOOGL $NFLX $META " +"Tue May 09 00:42:34 +0000 2023","A bit of an odd day with names like $AAPL, $MSFT and $AMZN cooling off while $NVDA, $GOOGL and $NFLX had big up moves... Catch up for a knife or front running the next move? " +"Mon May 01 12:07:09 +0000 2023","#Nasdaq last week was both a bullish engulf and an outside bar in $NQ, this week has already started with touching up to a fresh 8 month high Massive week ahead with Fed on Wed and NFP on Fri, amongst a number of corp. earning reports " +"Tue May 30 23:56:29 +0000 2023","5/31 Watchlist ⚡ $SPY Long over 421 with a SL at 419.5 $QQQ Calls over 351.11 / Puts under 348.53 $TSLA Long over 202 $AAPL flagging over previous res - Long over 178 and short below 176.57. " +"Thu May 18 15:56:55 +0000 2023","Good afternoon! I hope everyone is enjoying this market rally. The Nasdaq (QQQs) just broke above the August highs. 😍 I'm enjoying trading it at my new workstation for the next few days. #Pacificnorthwest #Sanjuanislands " +"Sat May 20 13:05:00 +0000 2023","Nasdaq at 52 week high. Sectors breaking out of bases. Weekly game plan $SPY $QQQ $META $GOOG $NVDA $AAPL $XLC $XLK $XLB $XLE $XLF $NFLX " +"Sat May 27 16:10:54 +0000 2023","$SPY Weekly. #SPY closed above 100sma (barely), but given this still means it can head higher. If there is a pullback next week, wouldn't be surprised if we see a rotation from $QQQ -> $SPY given how overbought #Nasdaq is. $SPX $ES_F #SPX #ES_F $XLK $IWM $QQQ $XLF $VIX " +"Mon May 08 17:41:07 +0000 2023","It’s actually curiously bullish. Let the old tech rest (FANGMAN - but esp $AAPL + $MSFT) and let the youngins play catch-up. Besides great chases long in $NFLX + $AMD this morning, a few oversold tech plays look like fab swing longs. I’m even interested in some earnings plays." +"Tue May 30 11:44:37 +0000 2023","Milly MILLY day 2?? OMG sam loaded nflx up 17 nflx 400 will be 10 ish from 2 buck buy nflx 420 will be 3 from 85c buy tsla 205 if break up will be 8 from 1 buck buy nvda screaming googl. ante both rippy insane rippy mode " +"Wed May 03 22:37:16 +0000 2023","This random $AAPL AH move ahead of earnings, coupled with the futures gap down, can end up possibly being the biggest head fake market sees in months. $SPX $SPY $VIX 🩸🟢" +"Wed May 31 20:06:00 +0000 2023","Daily Recap #VIDEO 2 days in and market in a bit of a pullback in a uptrend so far. $AMD $NVDA $MSFT $AMZN $SMH still well above their 8D. $AAPL very coiled here, one to watch " +"Wed May 17 20:02:00 +0000 2023","Mid Week Update $SPY break out, $QQQ close to 52W high... Good participation. $NVDA $TSLA $GOOGL even $AI big days.. Fuse is lit can market break out the rest of the way now? Thoughts below " +"Mon May 29 01:16:54 +0000 2023","Global-Market Insights 2/n -Earlier on Friday rally in large-cap like Apple, Microsoft, Nvidia, and Alphabet boost US indices to 9-month highs -Nasdaq rallied 2.5% last week Vs Dow was down 1%" +"Mon May 15 01:11:24 +0000 2023","*FRIDAY'S WALL ST ACTION* - SPX -0.16%, Nasdaq -0.35% - Nasdaq saw weekly close > Feb high at 12,270 - UST 10y yield +8 bps to 3.46% - Dollar Index broke > its double bottom neckline at 102.40 - UMich Survey: Stubbornly high inflation expectations - Oil -1.0% to $74.20/bbl" +"Tue May 30 11:53:28 +0000 2023","$SOX finished +10.7% on the week … which is now +19% on the month and > +40% YTD. $QQQ has been higher for five weeks in a row ... or +10% … 2nd week of at least +2.5%. Big bears turning bulls, claiming: * Recession is not imminent * Fed done hiking. * Focus on AI + " +"Fri May 05 12:08:57 +0000 2023","$AAPL with strong iphone sales up despite declining rev. 171 the key. $CVNA beats and squeezing higher. 9.50 the base. $AMD $MSFT partnership has the former back above 84. dips there. #stockstowatch #markets $COIN $AMC $SHOP " +"Tue May 30 12:07:29 +0000 2023","So $NVDA wants 1 tril market cap, Wont sleep on $TSM dip support 100. $TSLA up again as Elon goes to china and 200 break looms. Agreement with $F on charging puling both up. $AI squeezes above previous resistance 35.50. #stocks #markets $ACON $META " +"Thu May 18 12:31:02 +0000 2023","Butcher Market. $SPY $QQQ $SPX $ES_F $NQ_F $AAPL $TSLA $VIX $NVDA $MSFT $SH $SDS $UVXY $GOOG $AMZN $SPXU $NVDA $META $IWM $SQQQ $TQQQ $BITO #Crypto #Stockmarkets #stockmarketnews #cryptomarket #stockmarketcrash #OptionsTrading #forex #SP500 #Stocks #Investing #Trading " +"Tue May 16 23:04:35 +0000 2023","Can't make it up... > MAGMA accounted for ~144% of the S&P move with AMZN (+2%), GOOGL (+2.6%), NVDA (+2.5%), MSFT (+75bps) continuing to benefit from somewhat of a TINA type behavior #OldWall Brokering LOL " +"Mon May 01 20:53:53 +0000 2023","Closing Stock Market Summary for Monday The stock market entered the new month on a mostly positive note ahead of another busy week of potentially market-moving events. Investors are eyeing the FOMC decision on Wednesday, the ECB meeting and Apple's (AAPL 169.59, -0.09, -0.1%)" +"Fri May 05 22:51:02 +0000 2023","Anyone doubting whether $QQQ can run hard the rest of this year isn't looking correctly at $GOOG and $AMZN charts. They are coiled up for massive break outs. And yes, earnings news is a tailwind behind us." +"Wed May 10 22:09:46 +0000 2023","Closing Stock Market Summary For Wednesday Today's trade was mostly mixed. The Dow Jones Industrial Average spent most of the session in negative territory while the Nasdaq and S&P 500 outperformed, supported by gains in the mega cap space. Price action was somewhat tepid today" +"Thu May 25 15:43:22 +0000 2023","The biggest divergence I see is $SPY trading in this range with where $NVDA $MSFT $META and $AAPL are trading especially with the VIX this low." +"Fri May 26 02:05:46 +0000 2023","CUES FOR TODAY Nasdaq +1.7%, Nvidia +24% on strong earnings crosses $1 Tn in mcap Post Market: Gap +14%, Marvell Tech +16% SGX Nifty -10 Pts compared to Nifty June Futures Nifty Jun series starts today Nifty 20 DMA at 18223, strong support 44000 resistance for Nifty Bank" +"Thu May 18 15:32:39 +0000 2023","many $QQQ names right at highs $NVDA $META $AMD $GOOGL $MSFT $AMAT earnings tonight " +"Wed May 24 14:28:26 +0000 2023","$NVDA earnings might have big implications for Semis & this stock has gained more YTD than any other $QQQ name +105.7%-Early to think this peaks out but should face meaningful resistance near prior highs & poor ST Risk/reward >330 @IBD @Marketsmith " +"Mon May 15 00:33:43 +0000 2023","General thoughts on the market. Believe tech is overextended and that it needs a pullback before $SPY can go get my 430 level I've been looking for. $AAPL is only 7 points from ATH but $SPY is 70. $MSFT has extreme resistance 316-320, and don't see it getting higher than that" +"Fri May 26 11:42:46 +0000 2023","""If you’re just a SPY Monkey, what you’d have seen yesterday was a +0.88% up day. But did they see that 3 stocks (NVDA, MSFT, and GOOGL) made up +100% of the SPY’s return?” @KeithMcCullough in today's Early Look Learn more: " +"Sat May 27 21:05:41 +0000 2023","10 Most Mentioned Stocks in WallStreetBets Last week: $NVDA $AI $SPY $AMD $QQQ $V $TSLA $PLTR $AAPL $AMZN Source: QuiverQuant Visit for 30 DAY free trial" +"Wed May 10 13:51:26 +0000 2023","$SPY $QQQ this market is literally down to 7 stocks. $TSLA is the weak link and the swing factor imho. In bull markets, $GS is in a uptrend over the 200 day sma. It would need to be over $342 to confirm." +"Mon May 22 19:56:20 +0000 2023","$SPX +9.9% YTD, Tech +28%, Mega tech top 10 +24%. Most U/W: $AAPL $TSLA $NVDA $AMZN $MSFT +39.4% YTD. Not cheap at 33.6x but EPS expectations are for 17% y/y growth go-forward vs $SPX 4.6%. Few other sectors have higher EPS/lower PEs = should mean broader involvement." +"Thu May 18 20:35:22 +0000 2023","🔔 FAANG stocks rallied today all finishing at their highest levels in at least a year. $AAPL 175.05 (+1.37%) $AMZN 118.15 (+2.29%) $GOOGL 122.83 (+1.65%) $META 246.85 (+1.80%) $MSFT 318.52 (+1.44%) $NFLX 371.29 (+9.22%) $NVDA 316.78 (+4.97%) " +"Tue May 30 12:20:00 +0000 2023","With Nvidia, chips, and big tech posting strong gains so far through Q2, the Nasdaq’s outperformance has widened to +14pp relative to the S&P 500 and +24pp relative to the Dow. $QQQ $SPY " +"Tue May 30 15:22:52 +0000 2023","$qqq $amd $nvda feeling like afternoon sell. Was some real giddiness this morning in these $ai names $smci $amd types taking a shot on the r/g failure on $amd and looking for fizzlers in $ai $smci" +"Mon May 01 11:54:00 +0000 2023","Last week was the busiest for S&P 500 companies reporting #earnings, but this is the week that counts with 1,200 companies set to report and $IWM in focus. ... oh, and $AAPL $SPY $STNG $SMCI $ALX $TGTX $SBT $ACMR $FUBO $WING $MSTR $CHGG $CEIX $SJW " +"Tue May 16 18:45:06 +0000 2023","Why is it important to watch NASDAQ ( $NQ ) or the Technology sector ( $QQQ ) if you are trading S&P 500 ( $ES, $SPY, $SPX ) for momentum trading? A Thread 🧵" +"Mon May 22 18:38:21 +0000 2023","Trough to Peak Performance: $NVDA +196% $META +188% $NFLX +131% $AMD +99% $TSLA +85% $TSM +59% $MSFT +53% $GOOG +52% $AMZN +46% $AAPL +43% Ridiculous gains. That is why you can't be permabears. These bounces are so vicious. SO VICIOUS I TELL YA. Well done if you made $$$." +"Sat May 06 18:12:17 +0000 2023","After 4 declines, the market roared Friday, with the Nasdaq on the cusp of 2023 highs. But don't get excited, yet. We've been here before. $AMD $BRKB $V $TJX $MSFT $TSLA $AAPL 1/ " +"Sat May 20 15:55:05 +0000 2023","Market rally made strong moves, with Nasdaq and S&P 500 hitting 2023 highs, though breadth remains an issue. AI-related chip, software and megacaps are leading. Nvidia earnings this coming week will be key. 1/ $NVDA $SNOW $ELF $PANW $DECK $TSLA $AMD $GOOGL " +"Mon May 22 15:11:08 +0000 2023","1/2 Over the last 2 trading days, $AAPL, $MSFT, $META, $NVDA & $GOOG have all made 52-week highs. $AMZN & $TSLA haven't, but both are still up strongly on the year. Markets are keying off earnings growth expectations for 2024 & by that measure US Big Tech does look cheap..." +"Thu May 18 14:39:25 +0000 2023","My goodness if you are not taking profit here in $SPY $QQQ $NVDA $AAPL $MSFT $GOOG $META $NFLX you are simply a fool. Market is saying our economy revolves around mega cap tech should worry you. Don’t be a sucker." +"Sat May 06 06:02:36 +0000 2023","We predict AAPL, GOOG, and MSFT will follow in due course AMZN for some downside. In this depression. Waterboarding session brought to you, by the 'create Inflation, late to the inflation, now uber Hawk' FED" +"Fri May 19 13:03:01 +0000 2023","Yes NQ and SMH/IGV/XLK are very extended ST, but it does not mean the whole market will crash or PB. In a strong uptrend, we'll see some other sectors & areas of the market take the lead while others take a pause. So a shift from mega-caps into smaller cap or even XBI/TAN/XLE/XME" +"Thu May 25 00:59:07 +0000 2023","Who's still working, studying, reviewing your @StocksToTrade scans or making your watchlist for tomorrow? This $NVDA earnings win looks to bounce the entire $DIA $SPY $QQQ indexes & especially #ai plays like $AI $BBAI $MRAI $GFAI $CXAI $APLD $SOUN uhhhhh, tomorrow will be BUSY!" +"Fri May 19 12:14:38 +0000 2023","some small news here on names we look at: $MSFT and $GOOGL rise as Samsung keeps default search engine. $AAPL restricts OpenAI's ChatGPT for employees. $TWTR files lawsuit against MSFT and OpenAI over data use. $META unveils computer chips, focusing on efficiency and" +"Tue May 30 13:13:46 +0000 2023","so look at that...Euphoria in the Dow has faded....but S&P and Nasdaq are higher - again Credit the excitement around $NVDA - member of both indexes...It becomes a 'trillion $ baby' today....so what's next?" +"Mon May 01 21:44:32 +0000 2023","$SPY bears are defending the highs after, setting the stage for a volatile FOMC which will be followed by $AAPL earnings. $NVDA hit the highest prices since January 2022! All this and more in today's market recap: " +"Wed May 24 21:14:39 +0000 2023","$NVDA hitting new all-time highs on a wild earnings reaction, keeping $QQQ and $SMH in the spotlight. $XLF and $XLV still belong to the bears. I talk about this and more in today's market recap: " +"Mon May 29 14:30:50 +0000 2023","Pullback Focus – ACLS AI* AMD AMZN ANET APP ARLO ASML AVGO* CDNS CMG CXM DDOG DT DV ELF ENTG EXAS FLEX GOOGL GPCR HUBS IDCC LNTH LRCX MDB* META MNDY MOD MPWR MRVL MU NEWR NNOX NOW NTNX NVDA NVO NXT OKTA* ON ONTO PANW PFDS PLAB PLTR RXST SGH SMCI SNPS SYM TSM VRT WDAY" +"Fri May 05 11:51:42 +0000 2023",""".. $AAPL. Beat $MSFT. Beat/ests went up 2-5% $GOOG. Beat/ests went up 3-5% $META. Best/ests went up 20%-25% $AMZN. Beat/EBIT ests went up 15% ""So there’s that. Also, $PACW and $WAL each trade up about 10% pre, can that hold into the weekend headline mine field?"" - B of A desk" +"Sat May 06 16:28:40 +0000 2023","The last time $AAPL was at current lvls, SPY = 425. The last time $MSFT was at current lvls, SPY = 450. The last time $NVDA was at current lvls, SPY = 454. The last time $META was at current lvls, SPY = 450. $SPY currently = 412. Extrapolate how you see fit..." +"Thu May 25 02:09:57 +0000 2023","Nasdaq 100 futures jumped as Nvidia skyrocketed late on blowout earnings and guidance. $AMD also jumped, along with AI plays $PLTR and $AI. $GOOGL and $MSFT also rose modestly. 1/ " +"Fri May 26 01:51:56 +0000 2023","Futures fall w/ $WDAY, $MRVL earnings winners. The Nasdaq jumped as $NVDA skyrocketed, lifting many chip/AI plays. But losers led winners 2-to-1. Key inflation data looms with a Fed rate hike suddenly back in play. $AMD $ULTA $ANET $ASML $AMAT $KLAC " +"Mon May 01 14:54:46 +0000 2023","⚠️ Short AM Updates: $AAPL rejected off a move up. We'll keep eyes on here but no surprise if Apple remains in a tight range pre Fed and earnings. $META moving down to entry area. On watch for a support move." +"Fri May 05 00:06:47 +0000 2023","NVDA MSFT ISRG CMG UBER META ONON ABNB AAPL HIMS ORCL SWAV CELH LVS SPOT SE DT AMD FRPT TPH TMHC BLDR SMCI LULU LLY Z (snort today) CPNG some other stuff." +"Thu May 11 01:52:48 +0000 2023","Futures rise slightly after the Nasdaq jumps to 2023 highs. That's noteworthy, but curb your enthusiasm. Market divergence and weak breadth are key caveats. $GOOGL $MSFT $DIS $SONO $MAXN $DV $TTD $ALGM " +"Mon May 01 19:54:23 +0000 2023","Market is waiting on the fed.. $NVDA huge move.. $NCLH too $META great move taking out Earnings high's here. Stick with the names for now, indexes just chopping around HAGN!" +"Thu May 11 04:31:22 +0000 2023","Everyone says this is a bear market... $SPY But we have $AAPL reaching near highs I do not feel like we would see highs out of any tech company in a bear market If this is the bear market everyone is talking about, we should see a big dump really soon... unless" +"Wed May 31 08:31:22 +0000 2023","Retail Army woke up trying to ring the bell. 1. GS Memes basket up >5.3% Tuesday, a 3 sigma move 2. Fidelity data shows retail is actively buying NVDA, TSLA, AMZN, AI, 3. NVDA/TSLA traded a combined $50bn = the combined notional of SPY/QQQ/IWM. (GS trading desk)" +"Wed May 10 12:48:51 +0000 2023","shorty plan keep things simple. cpi data out. can the market run? bullish over spx 4132 4150 4180 4200 bearish under 4120 4100 4080 $meta over 237 $tsla over 172 $googl over 106 (event today) $aapl over 173 $nflx over 331 336 $jpm over 138 $gs over 330" +"Thu May 25 14:45:26 +0000 2023","After all the shit we've been through over the last 18-24 months: $NVDA new all time high $APPL $9 away from all time high $MSFT $21 away from ATH $GOOG $28 away from ATH $META $384 > $88, tripled to $254 $TSLA $414 > $101 > $217 So many GREAT opportunities on both sides.." +"Mon May 22 15:22:37 +0000 2023","$QQQ and $IWM relative strength makes me believe that we can see that strength trickle into $SPY today. $AAPL and $AMZN being red while majority market green is a good sign that breadth is holding up (IWM helps with that thesis too). $SPY looks sloppy but $QQQ looks trendy." +"Fri May 05 02:20:13 +0000 2023","⚡️Incoming Insiders eMail - $SPY & $QQQ trading from today 💪 - $AAPL earnings and our approach🎯 - New long and shorts on the radar - GOLD 💵 Sending now 📨#optionstrading" +"Tue May 16 19:45:11 +0000 2023","Market remains stuck but big tech still working. $AMD $NVDA $AMZN $GOOGL did the heavy lifting today. Not expecting much from $TSLA tonight, hope I'm surprised! HAGN!" +"Thu May 11 19:43:17 +0000 2023","Markets remain very slow. $QQQ new range high. $NFLX very strong, $AAPL trying to break out. $GOOGL $AMZN gave nice moves. It's all about names here and in big tech, until this market changes character. HAGN!" +"Wed May 10 18:10:33 +0000 2023","QQQ is pushing back up the market.. ATM IV on tech stocks was bullish vs bearish on SPX vs bearish on VIX. Algos are on cocaine" +"Tue May 23 19:50:21 +0000 2023","Daily Recap Market moving on continued politcal theatre. FOMC minutes tomorrow. Names still giving trades $TSLA $AMZN $AMD were very good early.. $SQ $ROKU as well. Avoiding the indexes' for now. Took the hit on $AAP: and $META HAGN!" +"Thu May 25 19:46:35 +0000 2023","Strong move up in the $SPY and especially the $QQQ. $NVDA $AMD $MSFT Beasting. Breadth overall not good though. Debt Deal seams just about done. PCE in the am... HAGN!!!" +"Wed May 10 12:47:00 +0000 2023","Updated charts posted this morning! Check them out here: Reviewed: $SPY $QQQ $IWM $AAPL $TSLA $NVDA $AMD $AMZN $SNOW $MARA $SHOP $UBER $MU $ARKK" +"Wed May 24 21:08:29 +0000 2023","I keep saying focus on names and forget the Index's for now. $NVDA just blew it out, ATH $QQQ raging... $AMD $MSFT $META $TSLA $AI... I know they keep hitting the same names but it's what is working. Until it doesn't" +"Mon May 01 02:27:34 +0000 2023","What’s real w Amzn. Imo cloud just fine. Msft taking share. In search Googl losing share. Msft set for next phase. But drops every Monday last 5 weeks" +"Mon May 15 00:51:00 +0000 2023","Hope the charts were helpful this weekend! Access to ideas & chart updates here: Reviewed: $SPY $QQQ $IWM $AAPL $TSLA $NVDA $AMZN $MU $CHWY $GOOG $META $APPS $ENPH" +"Wed May 31 03:17:50 +0000 2023","Charts & trade idea updates posted! Hope they were helpful! Reviewed: $SPY $QQ $IWM $XLI $IWM $TSLA $NVDA $AAPL $GOOG $NFLX $LYFT $COST $MARA $AMZN $UBER $ENPH $MGNI $PENN $COIN $FSLR $TGT $NIO $SHOP $CAT" +"Sun Jun 11 22:05:09 +0000 2023","zZzEO 😴 Making a few different comparison pages Then a few different templates to autogenerate static landing pages for MANY companies Going to try mapping search phrase to ticker symbol, e.g. '/apple-stock-price' -> AAPL #buildinpublic #StockMarket " +"Fri Jun 30 07:53:37 +0000 2023","💥📈 Apple's (AAPL) stock surged to a fresh all-time-high price of $190.07 per share on Thursday, with an unprecedented market capitalization of nearly $3 trillion. #Apple #AAPL #StockMarket #AllTimeHigh #investing " +"Wed Jun 07 09:53:31 +0000 2023","🔥📢Today's market: Piper Sandler raised AMD's target price and maintained a ""buy"" rating, expecting strong growth in AMD's data center business. AMD’s stock rose📈 by 5.34%. #AMD #StockMarket #uSMART #stockstowatch " +"Tue Jun 06 19:26:38 +0000 2023","$COIN gets sued today and the stock tanks. Where did the price action settle? The gamma exposure support line. The data is looking good $SPY $SPX $QQQ $VIX $AAPL $TSLA $AMZN $NVDA $AMD $AMC $IWM $META $BABA $MSFT $GOOGL $TLT #fintwit #StockMarket #StocksoftheDay #stocks #Trader " +"Wed Jun 21 09:33:58 +0000 2023","$TSLA #stockmarket update #TESLA #stock price behaves like a rocket. It needs long time to get off the ground but when it does it soars. If you feel #fomo you can follow my #TradingView strategy signals on #Discord it outperformed @TESLA so far. +150% vs. 130% Buy & Hold " +"Thu Jun 08 06:33:38 +0000 2023","This morning #MarketUpdate: #SP500 sees slight pullback as investors take profits from the recent rally. All eyes on the #FedDecision, with potential for a rate hike looming. #TechNews - Apple steals the show with the new #VisionPro mixed reality headset. #StockMarket #Economy" +"Mon Jun 19 19:50:07 +0000 2023","$AAPL had a mixed performance last week, with shares initially rising on positive news but ultimately ending down due to concerns over inflation and possibly overvalued stock price. #Apple #stockmarket #investing I’m thinking puts this week but let’s see how Tuesday opens $spy" +"Thu Jun 22 20:00:14 +0000 2023","Market on close imbalance: $3.5B to buy-side, suggesting possible stock price increase. #stockmarket #SPY #positive " +"Wed Jun 21 21:50:05 +0000 2023","NVIDIA stock shows bearish pattern, signaling potential price reversal after hitting all-time highs. $NVDA #stockmarket #negative " +"Mon Jun 12 15:40:03 +0000 2023","Barclays raises Braze price target from $45 to $50, reiterates Overweight rating. Stock trading higher. $BRZE #stockmarket #positive " +"Wed Jun 28 19:55:03 +0000 2023","Regeneron's stock falls as FDA denies approval for higher-dose EYLEA. Analysts lower price targets. #Regeneron #StockMarket #negative " +"Tue Jun 13 19:40:03 +0000 2023","Biogen stock down as European experts question Leqembi's benefits vs risks. Board changes and price target raises announced. $BIIB #Alzheimers #stockmarket #negative " +"Wed Jun 07 18:06:38 +0000 2023","JUST IN: Amazon plans ad-supported Prime Video tier to boost revenue. Amazon's share price is currently at $122.25 (-3.47%) 🔻 $AMZN #Stock #StockMarket" +"Thu Jun 15 17:25:03 +0000 2023","UTime (UTME) shares halted on circuit breaker to the upside, signaling a significant stock price increase. #UTME #StockMarket #positive " +"Fri Jun 16 19:55:02 +0000 2023","374Water shares halted on circuit breaker to the upside, signaling a significant increase in stock price. #374Water #StockMarket #positive " +"Wed Jun 21 23:55:04 +0000 2023","NVIDIA stock shows bearish pattern, signaling potential price reversal after hitting all-time highs. $NVDA #stockmarket #negative " +"Thu Jun 29 16:50:03 +0000 2023","Despite potential risks from US's stricter stance on China's AI ambitions, Nvidia's stock continues to attract investors. Analysts at Piper Sandler and Rosenblatt have increased their price targets for Nvidia. #NVDA #StockMarket #positive " +"Mon Jun 26 17:35:04 +0000 2023","Large bearish position spotted on NVIDIA (NASDAQ:NVDA) with 56% of big-money traders bearish. Whales target price range of $135-$770. Stock down 3.88% at $405.73. #NVIDIA #StockMarket #negative " +"Wed Jun 28 07:25:15 +0000 2023","Faraday Future (FFIE) secures $90M funding to accelerate FF 91 production. The company also considers a reverse stock split to boost its market price. #EV #StockMarket #positive " +"Fri Jun 16 20:32:25 +0000 2023","BLOCK TRADE CITY! - QUAD WITCHING $GOOGL $16 MILLION SHARES $GOOG $26 MILLION SHARES $PANW $26 MILLION SHARES $NVDA $7 MILLION SHARES $TSLA $9 MILLION SHARES $AMD $7 MILLION SHARES $META $13 MILLION SHARES $MSFT $9 MILLION SHARES " +"Sun Jun 04 12:25:03 +0000 2023","Are P/E ratios all you need to know when investing? Price/earnings is a key signal, especially the PEG ratio. Find out more #stockpicking #investments #buyingstock #stockmarket #beststocks #2024 #momentumstocks #valuestocks #NASDAQ #S&P #DowJones #401k " +"Thu Jun 29 08:26:25 +0000 2023","$SSI +11.5% breaks out & hits fresh 52WH $MWC +7% breaks ST downtrend $ICT -4.2% forced down on close, with minor NFS -P66m Financials carried the market, led by $BDO +1.3% & $BPI +0.82% Major NFB in $SMPH +P427m " +"Tue Jun 20 16:36:58 +0000 2023","Hello everybody! Sticks have been running up for 8 weeks on NASDAQ 5 weeks S&P. New 52 week highs. The question now is are stocks overstretched?! #morganStanley #mikewilson saying run up in #AI&fiscal support will not continue for much longer. #FEDEX TONIGHT, housing starts " +"Tue Jun 13 01:24:05 +0000 2023","Late activity boosts major US indices however, significant volatility indicators like $VIX, $VIX1D are skewing the picture. $AAPL hits an all-time high, while $ORCL exceeds earnings expectations. @willkoulouris #StockMarket #TechGiant #Investments $GOOG $TSLA $JPM $AVGO $KEY $AMD " +"Wed Jun 07 02:02:51 +0000 2023","People keep asking me about Ichi clouds etc. I’m not an expert, @HackermanAce just showed me a couple things. Look at all these names that had weekly closes within. I think everyone can make their own conclusions on what comes next $TSLA $SHOP $AMD $NVDA $AMZN " +"Thu Jun 01 07:48:50 +0000 2023","The share price of #AMZN is falling within the bearish correction b. #orbex_fx #stockmarket #stock #stockmarkets #stockinvesting #stockmarketinvesting #stocktrader #stockbroker #investing #trading #forex #Finance " +"Thu Jun 01 17:59:50 +0000 2023","#SPY We have pretty heavy resistance that appears to have been grinded through. Supertrend weekly buy which is rare. @Tradingalpha_ squeeze (shading) with consecutive green dots above an upward sloping trac line. Like it or not, probabilities are strongly up. $spy #nasdaq #qqq " +"Thu Jun 01 15:23:25 +0000 2023","For the automotive industry, Worksport, Ltd. ( $WKSP) is committed to the design, development, and manufacture of premium tonneau covers. The #stock's current #trading price of $2.885 reflects market activity and #investor sentiment. $MULN $AAPL $BBIG $AMC #stock #stockmarket " +"Tue Jun 06 01:24:17 +0000 2023","Volumes retrace as #Wallst takes a breather, but $AAPL stealing the attention with its #WWDC event. @willkoulouris has the action. $AMZN $GOOG $MSFT $META $TSLA $PANW $F $DG $INTC " +"Fri Jun 02 09:56:41 +0000 2023","We asked Google Bard what will be Apple $AAPL stock price end of 2023; Here’s what it said. #Apple #StockMarket " +"Tue Jun 06 11:27:29 +0000 2023","We asked Microsoft Bing AI what will be Apple $AAPL stock price end of 2023; Here’s what it said. #Apple #StockMarket " +"Mon Jun 05 20:32:03 +0000 2023","A lot of chop and sideways action in the AM session today. Patients paid. No morning trades for me. Waited and got my opportunity. $ES 4300 rejected nicely, and $AAPL certainly didn’t disappoint. #SellTheNews 4/4 today 💯% 28/33 the last week 😱 Every trade alerted live, trade " +"Fri Jun 23 01:20:52 +0000 2023","A slump in Boeing weighs on the Dow but the S&P and Nasdaq bounce back. And JP Morgan joins Morgan Stanley in giving a bearish view on the $SPX this year. @willkoulouris $AAPL $AMZN $GOOG $MSFT $TSLA $ASML $WBD $MU $ACN $F $ATVI " +"Fri Jun 30 20:44:50 +0000 2023","🇺🇸 #WallStreet rallies as #Inflation cools. S&P 500 ends at 14-month high. 4,450.38 📈 #Apple breached $3 Trillion Mark. 194.48 📈 #Nasdaq posted its biggest first-half gain in 40 years. 13,787.92 📈 #Stock #Market #USD #Dollar #Interest #CPI #FED #Powell #SEC #Bitcoin " +"Wed Jun 28 22:33:00 +0000 2023","YTD Performance of the S&P 500 & NASDAQ vs. the Magnificent 7 (Apple $AAPL, Microsoft $MSFT, Google $GOOGL, Amazon $AMZN, Nvidia $NVDA, Tesla $TSLA, and Facebook $META): " +"Tue Jun 06 17:55:59 +0000 2023","⚠️ $NVDA sets highest price to earnings ratio in history for a mega cap stock. Nvidia stock is trading over 200x earnings and 38x sales. The bull case is obvious, the risk is any material slowdown in sales - which is currently expected. #stocks #stockmarket " +"Mon Jun 26 20:27:42 +0000 2023","#NASDAQ #SPX #NVDA #MSFT #AAPL - well that was a bit dramatic. I'm short, but expect a wee bounce unless bulls capitulate, the machines get turned on, and central banks tell some more hawkish fibs. " +"Tue Jun 06 23:18:38 +0000 2023","NYSE Breadth (Advancers almost 4-1 Up) was much better than SP5 +.24%. Small and MidCaps also showing Follow-Thru for few days. Net NHs positive for 3 days a good sign. Naz stretched in short term #stocks $qqq $spy " +"Fri Jun 30 14:22:29 +0000 2023","Nasdaq $QQQ up 40% YTD. Almost back to pandemic levels. So much for large-cap core business slowing down amid recession fear. “Once bulletproof, tech stocks now among market's biggest losers“ " +"Fri Jun 16 12:52:27 +0000 2023","Forget FAANG. We live in the age of ANTMAMA, the acronym for the 7 companies driving most of the tech stock market gains: Apple, Nvidia, Tesla, Microsoft, Alphabet, Meta, Amazon. " +"Mon Jun 26 20:51:31 +0000 2023","70% of $SPX/ $SPY was bullish today, yet these four companies still dragged the cash index lower. Market cap distortion at its finest! $GOOG $META $TSLA $NVDA " +"Sun Jun 18 23:09:48 +0000 2023","As of June OpEx (from May 23-24) AMZN: 114-128 (12%) TSLA (bottom tick): 178-260 (+45%) NFLX: 355-450 (+25%) BABA: 80-95 (+15%) CAT: 210-250 (+20%) HD: meh (+5%) SPX/ES/NQ: Public receipts including 🌳war 🤫🤐(1000+) You: Where’s the next trade? Me: Chill & watch the 🤡 show 😂 " +"Sun Jun 18 20:34:56 +0000 2023","I would be little bit concerned if I was long $NDX $SPX or $AAPL $MSFT $AMZN $GOOGL $GOOG $TSLA $META $NFLX $NVDA as they have clocked atleast 30% up YTD Look at the historical $US10Y chart - $TNX " +"Fri Jun 16 20:27:48 +0000 2023","$QQQ + $SPY weekly. The QQQ looks like it could reverse lower here. The SPY could go a tad higher before reversing ($450ish). Note the indicator on bottom, Pring’s Special K, has crossed lower on both charts. This is a huge red flag. " +"Thu Jun 08 01:03:11 +0000 2023","Breadth again today was 2-1 Adv'rs on a ""down day"" with SP off .38%. This is bullish improvement under the hood. Number NHs on NYSE and Naz were the highest in 2023 another constructive sign. #stocks $qqq $spy " +"Mon Jun 26 23:54:02 +0000 2023","$NASDAQ DAILY Finally lost 13EMA blue & even mid BB 13357 If cant regain mid BB lots of black space 2 rising lower BB 12900ish & 50EMA purple 12835 Watching for 13EMA blue 2 Bear cross mid BB MACD headed downward isnt good STOCH racing downward isnt good " +"Mon Jun 12 21:15:30 +0000 2023","$NASDAQ DAILY Nice green upward push today, upper BB pushed upward which allows more upside If CPI data comes in soft tomorrow could push up towards upper BB 13563+ MACD gaining speed 2 upside, bulls need it 2 push past dashline STOCH held 80line is good All 👀 on CPI data " +"Mon Jun 05 14:40:50 +0000 2023","$NFLX one of the most exciting setups right now, Mounting the 200 SMA weekly is no easy task. Last name we liked that did this was $TSLA @ $180 $SPY $QQQ " +"Tue Jun 06 02:45:55 +0000 2023","…Sooooooo… $TSLA $QQQ So not only does $TSLA have the trailing seat to the 100 Weekly Simple Moving Avg party 🎉…. But it also has a day to the WEEKLY Inverse Head and Shoulders party 🎉 Weekly 100SMA $TSLA 🎯 $249 Ur welcome 😘 🎢🎢🎢 🍌 🍌 🍌 💻 💻 💻 🤓🤓🤓 " +"Sat Jun 03 15:56:24 +0000 2023","$SPY $QQQ Finally got here. Obviously off in timing since were 2/3 through Q2. But point is guys, news doesn't matter and the chart tells the story. 95%+ on here were bearish and many expecting new lows. Yet here we are 50 points higher, tech even more so. Q2 outlook from" +"Thu Jun 22 12:34:04 +0000 2023","Good Morning Traders, what a great day yday and lets look to continue this with the #stickynote and some #trade ideas!! #nasdaq seems like it is rolling over a bit here, and we are opening up under 15000. Watch this as a pivot. $AMZN $126SS #FTC lawsuit hitting the name a " +"Sat Jun 17 22:36:13 +0000 2023","$SPY Weekly Close. The macro downtrend line has been broken to the upside since Jan 2023 & we had a successful backtest. Complete Elliott corrective structure into the bear market major {Wave 4} low in Oct 2022. Nvidia's blockbuster earnings is the catalyst. Move Stops Up. $QQQ " +"Thu Jun 15 16:44:02 +0000 2023","$SPY ~ {AI} darlings Nvidia & Microsoft earnings boom to send SPY past 470 & Nasdaq over 16k to ATH’s this year into the final {Wave 5} advance into 2024. We are in the same window of opportunity as the original internet boom between 1998-2000. Move your stops up. $DIA $QQQ $NVDA " +"Thu Jun 15 21:42:02 +0000 2023","The real move in the #stockmarket generally happens the day after #FOMC. This is the move that matters, not the wiggles the day of the event. Today, #Microsoft & #Apple made new, all-time highs. $META was up +3%. $TSLA $NVDA $AVGO $AMD were soft, but no signs of reversals. " +"Thu Jun 08 09:11:32 +0000 2023","$QQQ $SPY Now let’s look at the Nasdaq McClellan Oscillator NAMO I don’t even see a bearish MACD crossover here either, in fact- it’s accelerating upward with momentum still above the zero line, also in the previous pullbacks RSI topped out at higher levels before MACD cross " +"Sun Jun 18 02:22:18 +0000 2023","$QQQ 372.50 FIB LEVEL RESISTANCE⭐️ GOOD CHANCES FOR A PULL BACK NEXT 1-2 WEEKS RSI WEEKLY AND DAILY OVER 75+⭐️ $AAPL $AMZN $META $GOOGL $NFLX $NVDA $AMD " +"Thu Jun 08 12:44:46 +0000 2023","Good Morning Traders and thank you for checking out todays #stickynote!! Big wipe out in some of the high flying tech names yday, making me a little nervous about the LONGS here today. We still wait the inevitable rate pause from the #fed next week. $AMZN $123SS Ad supported " +"Mon Jun 05 12:57:05 +0000 2023","GM Traders, Hope you had a great Weekend, now its time to get to work again on the markets. #stickynote nation alive and well baby!! $AAPL $181L Apple gears up for mixed-reality headset debut at WWDC conference, challenging Meta in VR market. BofA raises PT ahead of keynote " +"Wed Jun 28 13:07:53 +0000 2023","$SPY $QQQ YESTERDAY MARKET MOVED UP, BUT WE JUST SEEN MACD CROSS OVER ON MONDAY! $SPY CALLS ABOVE 438 -> WILL SEE RECENT HIGH BY FRIDAY. $SPY BELOW 434 -> WILL SEE NEW WEEKLY LOWS (BELOW 428). CHARTS WERE BEARISH! POWELL SPEAKS TODAY⭐️ " +"Thu Jun 08 09:29:22 +0000 2023","$QQQ $SPY (repeat) Nasdaq McClellan Summation Index NASI I don’t see bearish MACD cross, I see bullish MACD cross over the zero line, with RSI rising just getting into the upper standard deviation like the first green circle to the left where MACD continued until bearish cross " +"Sat Jun 10 12:52:41 +0000 2023","Great overview of market this coming week $TSLA $NVDA $GOOGL $AMD $AAPL $SPY $QQQ Stock Market Weekly Review | Preparing For CPI PPI FOMC Week | 6/10/2023 via @YouTube" +"Thu Jun 01 20:21:03 +0000 2023","📈 $SPY MEGAPHONE TRENDLINE RESISTANCE • Opened flat today but used the 418 level as support and bulls thrusted through to fill the bear gap opened yesterday. • We are testing the upper trend line on the megaphone pattern and bulls could not break and close above it to provide " +"Mon Jun 12 18:56:49 +0000 2023","$SPX 4320c 6/12 @ 2.4 -> 7.4 for 208% $META 270c 6/16 @ 4.15 from 2.6 for 59% $AAPL 182.5c 6/16 @ 2.08 from 1.65 for 29% " +"Mon Jun 12 20:34:23 +0000 2023","📈 $SPY CPI LEAKED? • Beautiful run up into the CPI print pre market tomorrow with a bull gap open at 430. • Next target here for the bulls is at 436 and a bear gap open at 438. Intra day 438 bear gap fill will act as resistance. • Any shenanigans tomorrow we can see a retest " +"Fri Jun 30 20:48:22 +0000 2023","$SPY $XLK $QQQ made new 52-week weekly closing highs with $META $MSFT $NVDA $TSLA consolidating under recent highs. Charts set up well ahead of tech earnings next month. " +"Mon Jun 26 02:09:24 +0000 2023","Blog Post: Day 39 of $QQQ short term up-trend; GMI declines to 4; list of 9 stocks that passed my weekly green bar scan–includes $AAPL, see chart; window dressing upon us? " +"Mon Jun 05 20:27:15 +0000 2023","In The Last Week - $AAPL ATH $NVDA ATH $NFLX 52 Week High $MSFT 52 Week High $GOOGL 52 Week High - $AMZN is still $20 away from it's 52 Week High...Sleeping Giant " +"Mon Jun 26 18:39:15 +0000 2023","The Nasdaq continues pulling back, which is seasonally on point for the last week in June. This sets up a rally into July earnings season perfectly. $MSFT -1.55% $GOOGL -3.07% $META -3.08% $TSLA -4.53% $V -1.24% The next support zone in the NQ futures is at 14,750. #trading " +"Thu Jun 29 13:59:23 +0000 2023","$QQQ 365 resistance little heavy there than $SPY $SPY 437 resistance pivot then 438 Both under EMA clouds on bearish side so far $TSLA 260/261 resistance " +"Fri Jun 23 13:47:50 +0000 2023","Very few stocks above 10 Day SMA while markets trade below it AMZN NKLA IDEX MARA AAPL CCL NVDA PCG SOUN CVNA META PBR OPEN UBER NCLH SNAP ITUB ABEV PBR.A UTRS " +"Sun Jun 11 18:16:51 +0000 2023","$QQQ Daily. #QQQ new relative high on Fri, but momentum indicators fading out. Some topping action occurring at the 357 mark, might be time for a pullback w/ #CPI + #FOMC this week $NDX $NQ_F $XLK #Nasdaq $AAPL $MSFT $AMZN $SPY $KRE $XLF $TLT $NVDA $META " +"Sat Jun 24 17:53:29 +0000 2023","$AAPL $AMZN $META $MSFT holding uptrends well, not extended. Can be subject to overall market direction, but steady uptrends, over rising 50-sma. " +"Fri Jun 30 18:18:48 +0000 2023","$SPY $QQQ $AAPL $TSLA #update Had couple of nice trades today since most name held the EMA Clouds $TSLA choppy action after morning push Now watching Friday Close with these key levels below These are pivots incase we get rejections Live Guidance on voice today " +"Tue Jun 13 01:37:12 +0000 2023","Serious question; How is $SPY getting a little frothy when only 7 of the top names have been driving this massive move up? Are the big names $AAPL $META $MSFT $NVDA $TSLA $GOOG $AMZN suddenly going to fall off a cliff and pull the whole market down? Or are the other names finally" +"Sun Jun 11 11:31:07 +0000 2023","*FRIDAY'S WALL STREET ACTION* - SPX +0.11%, Nasdaq +0.16% - Nasdaq > 13,181 level (Aug 2022 high) - 10y yield +2 bps to 3.74% - Dollar Index +0.21% to 103.56 - Oil -1.4% to $74.91 - US CPI a final data point for next week's FOMC, currently priced at a coin toss" +"Tue Jun 27 00:07:53 +0000 2023","🇺🇸 Stock Markets #DowJones flat #NASDAQ -1.2% S&P500 -0.5% Profit taking on tech related stocks 👎Overnight Nvidia, Alphabet & Meta Platforms -3% each 🚀Nasdaq +27% in H1CY23,- best 1st half since 1983 Tesla -6% 🚘Goldman Sachs downgrade, citing pricing headwinds Other Assets" +"Tue Jun 20 13:57:52 +0000 2023","$SPY Failed to reclaim bullish EMA clouds failing under 238 Premarket level test here $MSFT Leading the weakness, if $AAPL gives up will pressure the market $TSLA fighting 266 resistance $AMD pop and drop from friday levels " +"Fri Jun 16 18:32:57 +0000 2023","Here is a Stock Market Update on the Nasdaq, S&P 500, Tesla, Nvidia, Bitcoin, ARKK, Alibaba, $KLIP $OARK $TSLY $NVDY $SPY $NVDA $TSLA $QQQ $MSFT $AAPL $BA $RCL $BTC $ES_F $AMD $NQ_F $BABA $ENPH $SPG " +"Wed Jun 28 13:52:37 +0000 2023","$SPY $QQQ #markets $SPY Rejected EMA cloud to open the day after Powell Comments 435 area pivot $QQQ Nasdaq 100 is still stronger 361.80 key there to hold " +"Tue Jun 20 14:22:05 +0000 2023","$SPY #Update Lower here following the EMA cloud trend see before/after $MSFT still leading weakness and $AAPl started to pullback $TSLA rejected that 266 So far Puts paying on downtrend day #followthetrend " +"Tue Jun 27 17:56:00 +0000 2023","$SPY & $QQQ #updates since the range break mentioned $TSLA also making over over the range now #riptips :You can also Trade $TQQQ instead of $QQQ long Before/After below, you can find these setups yourself everyday, dnt need any magic indicator for these , pure PA " +"Thu Jun 01 20:04:00 +0000 2023","Weekly Recap #VIDEO Off tomorrow. Big move today, NFP in the am. Then I suspect we continue to melt up but we will see. $TSLA $META $AAPL $NVDA $CRWD huge days.. holding $AAPL HAGW!!!! " +"Wed Jun 28 20:05:00 +0000 2023","Mid Week Update #VIDEO So mark ups continue, nasty pull back midday. $AAPL ATH.. $TSLA Srong.. $AMNZ giving me fits teasing that gap... 2 days left GDP tomorrow. HAGN! " +"Tue Jun 13 02:24:08 +0000 2023","CUES FOR TODAY Strong Close on Wall Street overnight Dow +0.5%, S&P 500 +0.9%, Nasdaq +1.5% Apple closed at a fresh all time high, market cap nears $3 trillion All eyes on US May inflation data tonight, 4% expected US Fed Meet Outcome tomorrow, 78% traders betting on a" +"Wed Jun 28 14:10:34 +0000 2023","This market still looks like light volume holiday action. Remember, this is the last week of June (end of quarter) so there is still some window dressing that will likely take place into the end of the week. $SPY $QQQ $DIA $AAPL $TSLA $GOOG #StockMarket #stocks" +"Fri Jun 02 12:00:48 +0000 2023","$AAPL VR headset comes next week, $180 level has broken. dips to it and 179.25. like long. $GOOGL has held 122-125 range all week. $NVDA eyes on the 1 tril area 405-6 resistance. $TSLA 207-08 dip area today. #stockstowatch #markets $CVNA $UCAR $AMZN " +"Thu Jun 08 08:26:45 +0000 2023","$QQQ $SPY Now that all of fintwit has called a top should we look under the hood hood? A highlighted breakdown of all McClellan oscillators for the Nasdaq, Nasdaq 100, NYSE, Russell 1000???" +"Fri Jun 02 18:35:50 +0000 2023","Hope you didn't sell in an effort to time the market. Dow +707 pts right now, $AAPL $MSFT $META hitting 52 wk highs. True, only 8 stocks account for S&P gains YTD, but big banks, dept stores, drillers, cruise lines, homebuilders, airlines all up. Will gains hold til the close?" +"Fri Jun 23 21:08:41 +0000 2023","Did you guys find this past week to be more of a chop fest on $SPY $QQQ? $ES was trading in a very tight range with lots of wicks this past week with all the fed speakers and data. Definitely glad the week is over." +"Wed Jun 07 14:27:19 +0000 2023","Mega caps sliding lower with AMZN leading weakness. Definitely felt a little frothy this morning in Tech land. Would love a few days of pullback in indices to shake things up" +"Mon Jun 12 20:29:29 +0000 2023","💥 S&P 500 and #Nasdaq close at highest since April 2022 💥 #Tesla has now climbed a record of 12 straight trading sessions! Market is pricing a pause in rate hikes by the #Fed What will the $ASX do? #investing" +"Mon Jun 05 12:40:36 +0000 2023","Good Morning futures are quiet as traders await $AAPL WWDC event 12 noon. Oil sees a bounce after Saudi announces production cuts in July. $NVDA $AMD $AMAT $KLAC all down pre mkt as money comes out of semiconductor stocks. $TSLA +3 continues to play catch up and probably is not" +"Thu Jun 01 18:56:37 +0000 2023","Off to quite a good start to the month with everything flying high on hopes the Fed will go away and a debt ceiling done deal! $TSLA $NVDA $MSFT $AAPL $GK" +"Fri Jun 23 16:08:01 +0000 2023","Lot of names acting well on the WLs TSLA 10ema NVDA $420 CAVA new IPO BRZE above HVC SHOP 20ema IOT 20ema we'll see how that holds BHVN 10ema U 20ema GTLB held HVC trading near $50 We'll see how we finish the week but encouraged by majority of the action in tech/software" +"Tue Jun 13 20:23:09 +0000 2023","Nasdaq could crash 50% tomorrow and still be much higher than Covid lows when FED was doing QE and had 0% rates 😭 That’s how big and ridiculous the 2023 AI bubble is. $NVDA $AMD $TSLA $AAPL $MSFT $SPY $QQQ" +"Fri Jun 09 01:58:01 +0000 2023","The Nasdaq rebounded while the Russell 2000 and S&P 400 MidCap held most of recent gains. Boeing, Cardinal Health, Floor & Decor and TG Therapeutics flash buy signals. So does Taiwan Semiconductor, which reports May sales Fri. 1/2 $BA $CAH $FND $TGTX $TSM " +"Thu Jun 15 22:14:09 +0000 2023","Five Star Trader newsletter update - Will this Nasdaq rally continue? I'm adding my vote in the 'yes' column. Check out my upside targets, Adobe earnings stats, and more below. #stockmarket #NASDAQ100 $MSFT $TSLA $AAPL " +"Fri Jun 30 12:02:38 +0000 2023","Month and quarter ends today and with PCE data coming we want to show patience. $AAPL gaps to the $3T level 190 dip only comes via fail of that market cap marker. $RIDE since bankruptcy notice has formed triple top 2.40, shorts to there with squeeze over $SPCE after sell the news" +"Thu Jun 29 12:29:21 +0000 2023","Big day lead by earnings beat by $MU lifting the chip space. Micron only up 3% with a double top 71 on the daily. 67.50 is the dip buy target 64 the alamo. $SPCE commercial flight is 11am EDT looking squeeze into launch 5 break with 6 area resistance and look for fade late." +"Sat Jun 03 23:49:58 +0000 2023","$SPY $QQQ OVERBOUGHT. DAILY RSI ABOVE 70. $VIX 2 YEAR LOWS. EXPECTING A DUMP SOON AND PUTS TO PRINT 1000% IN NEXT TWO WEEKS. CPI AND FOMC MEETING COMING UP JUNE 13-14. GOOD CHANCES FOR REVERSAL. I WILL MONITOR FLOW AND SHARE MY TRADE PLAN NEXT WEEK. ⭐️ ❤️" +"Wed Jun 07 12:02:13 +0000 2023","$TSLA of course breaks out 50 SMA on the weekly gone, 238 next resistance, 221 now support. $NFLX upgrade breaking recent consolidation. $COIN rallied after lawsuit. 56 and 59 for curls short. $UPST so close to that 32 break on the daily! lets get to work! #stocks #trading $AMD" +"Sat Jun 24 19:45:28 +0000 2023","Covered flow and charts for - $AMD $BABA $AMZN $META $NKE $SPOT $SPY $TSLA $NVDA I will be sharing some more charts, trade ideas and levels tomorrow⭐ $QQQ $AAPL $TTD $SHOP $UPST $AI $CVNA $GOOGL $MSFT" +"Tue Jun 13 12:02:33 +0000 2023","AI sector, Tech sector all running in the last weeks. Today #CPI data at 8:30 am ET. These will be some of the main plays on watch for the day $ES $NQ $TSLA $META $AMZN The market is ready for the bullish move. Let's wait and take what it gives us. #teamjtrader" +"Mon Jun 05 15:03:08 +0000 2023","What am I missing? Small caps are down quite a bit...maybe an inside day.. while Nasdaq is steaming ahead bcz of big cap names: Aapl, Googl, Meta, NFLX, Tsla etc" +"Sat Jun 03 17:06:38 +0000 2023","The top 7 largest stocks in the NASDAQ 100 $QQQ currently make up ~55% of the index Microsoft $MSFT - 13.2% (weighting) Apple $AAPL - 12.3% Google $GOOGL - 8% Nvidia $NVDA - 6.8% Amazon $AMZN - 6.8% Facebook $META - 4.2% Tesla $TSLA - 3.5% All the other stocks - 45.2%" +"Sun Jun 04 18:48:25 +0000 2023","Pullback Focus – AAPL ACLS AEHR AMAM AMD AMZN ANET ANF APLD APP APPF ARLO AVGO BASE* BHVN BILL BSY CCJ CFLT CMG CXM* DDOG DT DV EVLV EXAS EXTR GOOGL GPCR HLIT HUBS IOT LRCX MDB META MNDY MOD MRVL NET NFLX NNOX NOW NVDA NXT ON ONTO PANW PCOR PDSB PLTR PSTG RXST SMCI SNPS STNE SYM" +"Fri Jun 16 22:56:53 +0000 2023","TELL ME A TICKER YOU ARE WATCHING. I WILL CHECK CHART AND FLOW, WILL SHARE IF I SEE INTERESTING SETUP OVER WEEKEND. ⭐️ $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $UNH $TGT $HD $FSLR $SEDG $ENPH $AI" +"Mon Jun 12 04:42:30 +0000 2023","Alright friends.. I just posted a bunch of charts! Hope you find them helpful. Posted: $SPY $QQQ $TAN #Gold $BTC #Bitcoin + $MARA $TSLA $AAPL $S $CVNA $NIO $SOFI $PLTR $STEM Let's have another great week! HAGN👊🏽" +"Fri Jun 02 12:13:53 +0000 2023","Tech giants $AAPL, $MSFT, $GOOGL, $AMZN, $NVDA, $META, and $TSLA drive S&P 500's 10% YTD return, contributing 8.8 points. Bank of America confirms. Also, raises Apple's price target to $190, anticipating WWDC conference impact #stocks #trading #stockmarket #Daytrading" +"Mon Jun 26 09:33:54 +0000 2023","Ok so I won’t bore you with a repeat of data on how concentrated the rally has been for YTD returns due to top 5-7 tech names, but what I will emphasize is how whacked it is that now HALF of the expected SPY earnings growth in Q4 2023 comes from just 4 companies. FactSet via" +"Fri Jun 02 15:11:36 +0000 2023","$SPY $QQQ new 52 week highs again. $AAPL & $NVDA new all time highs. $META TRIPLED off lows, $AMZN & $GOOG up 50% from lows. $TSLA doubled off $100. $MSFT nearing all time highs. $MARA 3x/ $PLTR 2x & so many more.. What a run in 2023. Life changing money if you played trend." +"Wed Jun 07 00:28:48 +0000 2023","TELL ME A TICKER YOU ARE WATCHING. I WILL CHECK CHART AND FLOW, WILL SHARE IF I SEE INTERESTING SETUP. $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $UNH $TGT $HD $FSLR $SEDG $ENPH $AI" +"Sat Jun 24 14:44:31 +0000 2023","TELL ME A TICKER YOU ARE WATCHING NEXT WEEK. I WILL CHECK CHART AND FLOW, WILL SHARE IF I SEE INTERESTING SETUP OVER WEEKEND. ⭐️ $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $UNH $TGT $HD $FSLR $SEDG $ENPH $AI" +"Thu Jun 08 09:36:05 +0000 2023","$QQQ $SPY So with all that said, obviously big tech is somewhat overbought and prob a lot of itchy trigger fingers compared to what happened last year Everyone called a top already but it is never that easy, I see QQQ daily MACD and other red flags. However as u see there’s…" +"Wed Jun 28 22:33:59 +0000 2023","TELL ME A TICKER YOU ARE WATCHING FOR TOMORROW AND FRIDAY. I WILL CHECK CHART AND FLOW, WILL SHARE IF I SEE INTERESTING TONIGHT. ⭐️ ❤️ $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $UNH $TGT $HD $FSLR $SEDG $ENPH $AI" +"Fri Jun 30 12:46:40 +0000 2023","If this were the NFL, we’d be sitting Apple (AAPL), Microsoft (MSFT), Alphabet (GOOGL), (AMZN), Tesla (TSLA), Nvidia (NVDA), and Meta (META) today. Although AAPL may just get the start so it could cross the $3 trillion threshold. " +"Tue Jun 20 13:27:20 +0000 2023","Market gapping down $SPY levels 437/439 in EMA cloud downtrend so far $VIX levels 14.50/14 $TSLA 263.50 resistance from yesterday will be key today Support 256 $AAPL support 184 $PYPL also on watch" +"Wed Jun 28 13:40:08 +0000 2023","$QQQ Stronger than $SPY at open so far $AAPL Leading strength again $TSLA 250/247.50 key so far over bullish EMA , 253 PM pivot Tech names like $MDB $DDOG $NFLX Strong moves at open" +"Wed Jun 28 13:27:50 +0000 2023","$nvda key intraday level today is 407-408 now 405. Unless bulls recover it, could keep lid on $nq $qqq . $NQ 15100-15158 important level imo. Now 15030. $spy $spx" +"Fri Jun 02 18:27:07 +0000 2023","$SPY Markets still holding strength on pullbacks, $MSFT leading the move here $AAPL closing on 3 Trillion $TSLA bounce off 214 Maybe a Friday Power hour run, will see $VIX not yet at 2 year lows off 14.20, we may get some bounce on vix there" +"Thu Jun 22 19:47:16 +0000 2023","Market rallied and we have reversal candles have formed. Is it thin.. very.. big tech did all the heavy lifting today. $AMZN $GOOGL $TSLA $AAPL $MSFT For now that is the place to stay. HAGN!" +"Fri Jun 30 12:34:34 +0000 2023","Good morning and welcome to Friday! PCE just dropped and Michigan numbers at 10AM $SPY $QQQ $TSLA $NFLX $AMZN $LULU $META $FITSF #takeyourday New all time highs by Apple " +"Mon Jun 12 10:02:06 +0000 2023","Good Morning! Futures Up $NFLX d/g NEUTRAL @ Phillip pt 388 $S u/g Overweight @ MS $20 from $15 $SHOP pt raised $65 from $44 @ Jefferies $AMD pt raised $155 from $95 @ UBS $NIO pt cut $11.5 from $13.4 @ Citi $AMZN pt raised $154 from $139 @ BAC" +"Mon Jul 03 20:10:04 +0000 2023","CoStar Gr Inc.'s stock price drops 1.67% to $87.51. Despite a 41.44% rise over the past year, the high P/E ratio of 97.81 suggests the stock might be overvalued. #StockMarket #CSGP #negative " +"Wed Jul 26 18:35:19 +0000 2023","PRICE ACTION is my bread and butter📈💯I scalped META early yesterday by watching how each candle formed. #daytrader #stocks #options #optionstrader #optionstrading #trading #stock #stockmarket #investing #forex #markets #charting #charts #stockcharts #meta " +"Wed Jul 26 16:29:44 +0000 2023","$GPS is breaking out today and we can see a rare and beautiful W formation which could be bullish. The stock has flat profit margin, while price has dropped significantly. BULL? $NVDA $TSLA $RIVN $RIOT $AAPL $AMZN $COIN $SPY $BTC $QQQ $SPX $BABA $META $ZG $CVNA #StockMarket " +"Tue Jul 04 14:57:01 +0000 2023","$NVDA's ROE and Stock Price used to be correlated... Who is right? I have a guess $TSLA $AMZN $COIN $GOLD $AMD $SPY $QQQ $META $MSFT $PYPL $BABA #StockMarket #Investing " +"Thu Jul 06 07:17:25 +0000 2023","📺 #Netflix rises to a 17-month high after Wall Street bear #GoldmanSachs upgraded the stock to neutral from sell and lifted its price target, expecting the underlying business to grow considerably over the coming 2 years. #forex #StockMarket #NASDAQ " +"Tue Jul 11 06:30:05 +0000 2023","#SPY Sales zone test 4430-4440. It is important for the price to be above the 4400 mark, this may continue the bullish momentum despite the reduction in the money supply in the system #stock #StockMarket " +"Mon Jul 10 13:28:03 +0000 2023","$UAL is my favorite airline stock. Fundamentals keep improving while price action remains bullish. $NVDA $TSLA $RIVN $RIOT $AAPL $AMZN $COIN $MSFT $SPY $BTC $QQQ $SPX $BABA $META $PYPL $CVNA #StockMarket #Bitcoin $RIVN $NIO $AAL $DAL " +"Mon Jul 31 00:09:59 +0000 2023","Once $TSLA breaks above the key resistance levels of $300 - $313, this could ignite upward momentum and send the stock price towards the next significant resistance level. #TeslaStock #StockMarket " +"Thu Jul 20 13:01:35 +0000 2023","$TSLA price is $280. How to quickly make $1,000,000 Fast in the stock market. Start with $10,000,000 and follow price targets from ""experts analysts"". $TSLA #stockmarket " +"Mon Jul 24 16:10:06 +0000 2023","🍎📈 Apple...WOW! Apple $AAPL reports on August 3 and it better beat the pants off expectations to justify its nosebleed stock price #AppleStock #AAPL #Investing #StockMarket #TechGiant $QQQ #Nasdaq #MarketBubble #BubbleBurst #MarketCorrection #InvestorConcerns " +"Thu Jul 20 20:00:42 +0000 2023","$TSLA stockmarket future outlook. the bullish case for @Tesla stock price would be comparable to Jan 2021. #Tesla stock had a big run up - put 2 legs down and continued the bull run (PMO + MACD looked similar back then). If we get a somewhat similar move, we could see a first " +"Sun Jul 16 23:21:41 +0000 2023","Are we ready for another fantastic week everyone?! $SPY $SPX $QQQ $IWM $AAPL $MSFT $GOOGL $NVDA $AMZN $TSLA $BRK.B $META $V " +"Fri Jul 07 16:00:03 +0000 2023","Rivian's stock is on the rise after Wedbush raised its price target. Strong Q2 deliveries and a partnership with Tesla may be driving the surge. #RIVN #TSLA #StockMarket #positive " +"Mon Jul 03 12:40:03 +0000 2023","Rivian's stock price rises after Q2 production figures are released. #Rivian #StockMarket #positive " +"Thu Jul 13 11:50:03 +0000 2023","TD Cowen upgrades Meta's stock to Outperform, raises price target to $345. Meta to release commercial AI model. #StockMarket #Meta " +"Mon Jul 10 12:55:02 +0000 2023","Tivic Health's stock price drops after pricing its public offering of 32.5M shares at $0.055/share. #StockMarket #TIVC #negative " +"Thu Jul 13 16:20:04 +0000 2023","RXRX stock falls as traders take profits after a rally triggered by a $50M investment from NVDA. Morgan Stanley maintains Equal-Weight rating and raises price target to $11. #StockMarket #Investing " +"Tue Jul 11 16:25:04 +0000 2023","Journey Medical's stock price falls after Phase 3 trial results of DFD-29 for rosacea in adults are released. #StockMarket #Healthcare #negative " +"Mon Jul 17 13:20:05 +0000 2023","Nvidia stock rises as chip CEOs plan to discuss China policy with US government. Nvidia to shift production to boost Chinese market presence. Citi analyst maintains Buy rating, raises price target to $520. #NVDA #StockMarket " +"Thu Jul 20 00:49:07 +0000 2023","$MSFT swung $183 billion yesterday $AAPL swung $88 billion today Both made a new surging ATH on frothy AI news, with volume, and were met by sellers Then there’s the NDX special rebalance before market open Monday Last seen May 2, 2011 commencing -10% over 45-days " +"Mon Jul 03 03:06:53 +0000 2023","#StockMarket LIVE Updates 🔴 GIFT Nifty flat; Nasdaq hits 40-year milestone, Asian markets gain Catch #Stock #Market live updates here #MarketsWithMC" +"Wed Jul 05 20:19:58 +0000 2023","An indecisive spinning top followed by an inverted hammer on the daily chart of the #Nasdaq Composite Index means the price is more likely than not going to attempt to close or test this price gap. $QQQ / $IXIC / $AAPL / $TSLA / $MSFT / $AMZN " +"Thu Jul 27 01:20:40 +0000 2023","Meta impresses with its ad revenue growth in the after hours. The Dow posts yet another positive session but the Nasdaq and S&P 500 pull back. But credit concerns are mounting after the Fed hikes by 25 bps. @willkoulouris $AAPL $AMZN $GOOG $MSFT $TSLA $UNP $BA $NOW $CMG $META " +"Wed Jul 19 01:34:22 +0000 2023","Microsoft helping to drive a rally in the S&P and Nasdaq while the Dow sees a 7th session of straight gains. And the big banks continue to show earnings strength but Western Alliance's NIMs disappoint. @willkoulouris $AAPL $AMZN $GOOG $NFLX $TSLA $LMT $T $NVDA $UNH $MSFT $VIX " +"Mon Jul 24 16:19:16 +0000 2023","$PLTXF 👀 green on the day $AAPL $ABBV $ADBE $AMAT $AMD $AMZN $AZO $BA $BABA $BYND $DIS $META $FDX $GOOG $HD $INTC $IWM $JPM $LMT $LOW $LULU $MA $MSFT $NFLX $NVDA $QQQ $RH $ROKU $SNAP $SPY $T $TLT $TSLA $UVXY $V $VXX $XOM" +"Thu Jul 20 01:19:54 +0000 2023","The Dow seeing its best winning streak since Sept 2019, but the Nadaq flat ahead of earnings from Tesla and Netflix after the bell. And the VIX, bang above 13.5. @willkoulouris $TSLA $NFLX $GS $DFS $VMW $ASML $IBM $VIX #0DTE " +"Fri Jul 21 01:31:08 +0000 2023","Netflix & Tesla's plunge sinks the Nasdaq while the Dow enjoys its strongest winning streak since 2017. Chip stocks also took a hit as TSMC predicts lower revenues. @willkoulouris $AAPL $MSFT $GOOG $NFLX $TSLA $INFY $FCX $JNJ $SAP $CVNA $DXY $WTI " +"Mon Jul 31 12:48:22 +0000 2023","Good morning! Another big earnings week. $AAPL and $AMZN on tap along with many others. $SPY 458c or 456p I'm long with 462c 8/11 with the $25M whale from last week already. $VIX 14 market pivot " +"Wed Jul 19 09:26:36 +0000 2023","The top eight stocks in the S&P 500 index this year: $NVDA +190% $META +140% $TSLA +110% $AMZN +55% $AAPL +45% $NFLX +45% $MSFT +40% $GOOG +40% #SPX500 #invest " +"Thu Jul 27 03:23:01 +0000 2023","So far so good for markets. Right? 4 factors to consider; 1) The Fed rose rates by 0.25% as expected. Hinted rate hikes could be paused next month. Fed remains data dependent tho'. 2) So far most S&P500 companies have beat Q2 earnings estimates. BUT earnings are declining the " +"Wed Jul 26 15:02:39 +0000 2023","$SPX has a neutral breadth profile ahead of the Fed today, but there is quite a balancing act going on between $MSFT and $GOOG that's worth keeping an eye on. " +"Tue Jul 11 02:39:23 +0000 2023","Yesterday, almost every stock in the Nasdaq 100 went up EXCEPT the magnificent 7 (AAPL, MSFT, GOOGL, AMZN, TSLA, NVDA, META). The only exception was META that went up because its new Threads app gained a record 100m users in 5 days The Mag 7 declined yesterday because it was " +"Thu Jul 20 22:01:57 +0000 2023","$NASDAQ DAILY MMs really used $TSLA/ $NFLX ER 2 shake the tree Close enough of a 13EMA blue 140006ish backtest IMO Bulls need 2 hold 13EMA blue or GAP FILL 13963 next MACD gap closing STOCH needs 2 hold 80line " +"Fri Jul 28 20:00:08 +0000 2023","Have a great weekend folks! Exciting weekend I will rolling out a lot information, analysis and charts for you guys! Let’s bank! $spy $qqq $aapl $msft $tsla $nvda $nflx $meta $qqq $spx" +"Sat Jul 29 21:15:04 +0000 2023","MAGMAN - ytd $META +170.5% $AAPL +51.2% $GOOGL +50.3% $MSFT +41.8% $AMZN +57.4 $NVDA +220.00% -- ... and none of those are typos. #BigTech @petenajarian " +"Mon Jul 03 02:37:19 +0000 2023","#StockMarket LIVE Updates: Gift Nifty flat; Nasdaq hits 40-year milestone, Asian markets gain - Moneycontrol " +"Wed Jul 19 17:00:46 +0000 2023","$SPX $SPY Pattern track. Blow off top still ahead? Market consolidating due top TSLA/ $NFLX earnings tonight. $TSLA reached my 298 target (From here put on Vegas gambling hats for 313). SPX nearing my 4639 level resistance. Fingers/toes crossed. " +"Thu Jul 27 23:26:48 +0000 2023","Some thoughts on the market: Lots of bearish engulfing candle out there. $SPY and $QQQ had nasty closes. Semis remained strong( $LRCX $NVDA )and are Up in after market due to a strong quarter from $INTC . Big warning signs if these become weak tomorrow. $META gave back quite a" +"Wed Jul 05 16:39:17 +0000 2023","@leadlagreport Case in point: $QQQ today sorted by weight impact: - Apple down offset by Google for net 0% impact THAT LEAVES: - META up - MSFT up - NVDA up - AZN up There is your ""broadening market"" " +"Fri Jul 07 13:07:04 +0000 2023","GM Traders, welcome to a fun filled Friday off a #NFP number that the market likes. Watching the 15,400 level here on the #nasdaq to hold in order to get #shorts , thanks again for checking out todays #stickynote!!! $META $298 SS Felt like we may have hit the wall at $300 " +"Thu Jul 20 12:43:51 +0000 2023","So we kick off the big #tech #earnings season with a bang, as both $TSLA and $NFLX are red here to start the day. Thank you for checking out todays #stickynote $TSLA $276L Margins are above whisper numbers that I heard, but still down to 18.2%. Still on track to sell 1.8m " +"Wed Jul 05 12:37:37 +0000 2023","Good morning Traders, and thank you for checking out todays #stickynote #nasdaq looking like it want to take a break here today, 15200 should be an area of support, we will look to see a few LONG opportunities on first glance down. $NFLX $450L Nice upgrade from $GS here, and " +"Tue Jul 18 15:16:10 +0000 2023","Interesting action today: Rally is getting broader as signs emerge about $QQQ topping out (still depend on earnings) $SPY has still room to catch up especially equal weighted which has lagged big time. $IWM and $GLD also on fire as “soft landing” fuels rally $BTC breaks 30k" +"Thu Jul 27 12:34:15 +0000 2023","Gm Traders!! New #stickynote who dis?😅 Huge beat from $META and the #fed giving traders what they wanted to hear, sparks another upside move here for the #nasdaq, so we focus AGAIN on mainly #tech names here today. OH and DAMN #SNAP is at $11, that $10 hopefully was a great " +"Wed Jul 19 12:29:32 +0000 2023","$SPY Playing it day by day and giving the Bulls the respect they deserve right now. I wanted to see a RED July, Why? 1. Interest Rates are Next Week 2. The $SPY has spiked $100 in 8 months, $AAPL is at record highs, $NVDA has spiked $300, $META has spiked $200, $NFLX over $100. " +"Thu Jul 20 15:33:53 +0000 2023","Market View: We're leveling out here after a sell off on $SPY & $QQQ from the day's peak. $TSLA & $NFLX drove home the reality that earnings will be challenged in pockets & we're in a selective environment as opposed to a ""buy all the things"" one. #StockMarket " +"Mon Jul 03 12:37:48 +0000 2023","Good Morning! The Nasdaq has its best first half of a year since 1983, with a gain of 27%, due to mega-cap tech stocks and AI. The gains were led by: +190% $NVDA Nvidia +130% $META Facebook +55% $AAPL Apple +50% $NFLX Netflix +50% $AMXN Amazon +40% $MSFT Microsoft" +"Thu Jul 20 01:02:34 +0000 2023","$TSLA Down $14 and $NFLX down $36! WOW talk about a rough first week of Major Earnings! I am excited to see what they $SPY will do tomorrow! Could today been the top? " +"Sun Jul 02 04:25:00 +0000 2023","@BakuSarman @Anshi_________ @KommawarSwapnil @AmitabhJha3 @caniravkaria @kuttrapali26 @nakulvibhor @Technicalchart1 @chartfuture_ @ent_wala @Stock_Precision @Stocksgeeks @DiscretePriti @_ChartWizard_ @aanwessha @price_trader_ @NeetikaSrivast4 @Ishan_Narayan_ @GarvModi70 @EquityFraise @wealthexpress21 @WaveFinancial @chartdekho_ @ChartShala @mystock_myview Price Action nicely explained on chart 👌👌👌 Beginners can read these books to outperform #StockMarket returns using the concepts of #PriceAction & #RelativeStrength - #StockMarketIndia" +"Sun Jul 30 18:50:04 +0000 2023","⚡Huge Opportunity This Week⚡ $SPY Long over 457.36 $QQQ Long over 384.71 $NFLX Long over 427.24 $AMZN Long over 133.01 100❤️🔁 for 4 more setups " +"Sat Jul 22 05:31:00 +0000 2023","@SPYSTSignals This sums up my expectations exactly. I’d keep watch on the 10 & 20SMA. I see some bids for OTM puts and IV spiked with it. With MSFT/GOOG earnings and FOMC, participants need protection but it could lead to second-order buybacks. Fun week ahead, have a great weekend!" +"Fri Jul 21 01:11:41 +0000 2023","Global-Market Insights 1/n -Giant tech companies see a foggy future as mixed earnings from Tesla, Netflix, and TSMC outlook -Now markets beginning to focus on headwinds including overbought conditions, disappointing tech earnings -Dow +164, S&P500 -31, Nasdaq -295" +"Mon Jul 10 15:57:25 +0000 2023","$SPY $QQQ $AAPL $TSLA #updates Market rangebound although we are testing lower range on SPY and Nasdaq $AAPL still riding EMA clouds downward (checkout rejection of 189) $TSLA bearish as well so far $TSLA $AAPL both good shorts today following #system " +"Thu Jul 20 14:32:29 +0000 2023","Beautiful downside move on all names as riding the Bearish EMA clouds So as $SPY $QQQ rejected levels shared below All names were short Personally short in $NVDA $TSLA $SPY $QQQ since those levels and scaling on the way Live guidance in hangout " +"Sat Jul 01 07:10:08 +0000 2023","📢 BREAKING NEWS 📢 : Apple stock price target raised to $220 from $190 at CFRA #DayTrading #StockMarket #BreakingNews #SpeedTrader " +"Sun Jul 30 16:50:33 +0000 2023","S&P 500, Nasdaq 100 - Apple and Amazon Earnings Eyed Before US Jobs Data #trading #Fed #NFP $SPX $NDX $AAPL $AMZN 📉📈 ✅Read more 👉 ✅For a longer-term view of the equity market, download the quarterly trading guide here 👉 " +"Mon Jul 03 14:40:30 +0000 2023","$AAPL #update Profit taking continues watch for 3 Trillion price next 190.70 then 190 $SPY is still holding up as other names in index stronger $SPY 443/442.70 key " +"Wed Jul 26 15:20:44 +0000 2023","Market reaction to tech/NDX earnings continues to be mostly lower. NFLX, TSLA, TSM, ASML, MSFT - GOOGL, NXPI higher so far. I reduced my tech/NDX weighting from ~44% to < 30% over the last two weeks, with most of it done last week. All have double-digit gains booked and profit " +"Sun Jul 23 05:44:05 +0000 2023","Most of tech looking real nice for next week. They played around couple weeks ago faking peeps out but the shooters on this week look more serious and hard to ignore. We’ll see tho! Already got $AMD $AAPL and $AMAT puts So far, I’ll also adding $NFLX $TSLA & $NVDA to the WL" +"Mon Jul 24 15:20:07 +0000 2023","$SPY $QQ Testing Key pivot intraday here $TSLA $SPY good trades today following EMA clouds $BABA Maybe we get a pullback at 97 1 hour level, 100 magnet there #chartidea " +"Mon Jul 10 13:52:59 +0000 2023","$AAPL Under PM Lows now #update $QQQ Nasdaq Weaker than $SPY, keep eyes on $SPY can follow if other names give up $META rejected from 298 area again " +"Fri Jul 28 15:20:33 +0000 2023","$SPY $QQQ #update Beauty on the the EMA cloud trend trades this Friday morning, letting system and previous day levels guide us $GOOGL $META nice recovery as well " +"Thu Jul 27 18:41:15 +0000 2023","$SPY $QQQ $META #Update Turning up a great Mid Day so far $VIX big spike as $SPY going for 452.70 level now $QQQ cleared all targets as $GOOGL and tech gave up See before/after " +"Mon Jul 24 19:08:41 +0000 2023","💥NEW @INVESTINGCOM POST ALERT💥 *Market Rally Faces Key Test This Week as ‘FAAMG’ Earnings Loom Large: - $MSFT (Reports 7/25) - $GOOGL (Reports 7/25) - $META (Reports 7/26) - $AMZN (Reports 8/3) - $AAPL (Reports 8/3) *Nasdaq 100 $QQQ +41.1% YTD *Source: Investing Pro 👉 " +"Sun Jul 30 18:30:06 +0000 2023","During upcoming week, Apple, Amazon and AMD expected to report their quarterly results, as well as huge number of US mid-cap tech stocks: $AAPL $AMZN $AMD $SHOP $MELI $SQ $PYPL $PINS $ABNB $UBER $QCOM $ETSY " +"Sun Jul 30 12:07:57 +0000 2023","⚠️WALL STREET WEEK AHEAD: *EARNINGS PARADE INCLUDES APPLE, AMAZON, AND AMD + U.S. JOBS REPORT TO SHED FURTHER LIGHT ON SOFT-LANDING HOPES 🇺🇸🇺🇸 " +"Fri Jul 21 20:48:37 +0000 2023","$QQQ I will join the bears this weekend and parade this shooting star weekly on the Nas. It's not a great look no way you can spin this one. Only thing that turn it around next week is $META $MSFT $GOOG having a solid earnings report. " +"Fri Jul 21 23:25:35 +0000 2023","Not sure if anyone tracks the $XLK (SPDR Technology ETF) just had a double top from Dec 2021 highs where the bear market started. If we look now turn to the Magnificent 7 that includes $AAPL $NVDA $META $MSFT $AMZN $GOOG and $TSLA, which of these have not hit a near 52 week high " +"Wed Jul 19 00:45:45 +0000 2023","Bull Market 2023 52 low. Current. $NVDA $108.13 $473.61 $MSFT $213.43 $358.76 $META $88.09 $311.62 $TSLA $101.80 $292.30 $GOOGL $83.34 $123.42 $AMZN $81.43 $132.60 $NFLX $188.40 $475.89" +"Mon Jul 24 20:15:01 +0000 2023","$ES_F Once again traded with a range today but noticed the higher lows over last 3 days. I think we are gearing up for a big move here. $QQQ and tech names gets a pause in the selling for now...waiting on Earnings from $GOOG $MSFT tomorrow. $NVDA Held well, and notice some doji " +"Fri Jul 21 20:00:00 +0000 2023","$SPX massive week coming up with $AMZN $AAPL $MSFT $META $GOOGL earnings along with FOMC on Wednesday. SPX if it breaks above 4632 by next Friday we can see all time highs again. I'll be posting my plan and charts on Sunday, Have a great weekend everyone! 🥂 " +"Tue Jul 11 13:04:55 +0000 2023","I notice Cramer is now calling $AAPL $AMZN $GOOG, $MSFT $META $NVDA $TSLA ""The Magnificent Seven."" He must read and Gilmo Report because I've been using that term for a few weeks now..." +"Fri Jul 28 16:34:58 +0000 2023","Green day for most stocks, particularly $QQQ and large cap tech. Those $META calls and spreads from our Rebel Roundup UOA are looking excellent right now. " +"Sat Jul 01 14:38:43 +0000 2023","Market closed strong on Friday! ⭐️ Earnings season coming up!⭐️ No major events till July 12 (CPI) ⭐️ Good chances for Buy the dip and enjoy the ride!⭐️ $SPY $QQQ $AAPL $AMZN $TSLA $MSFT $NFLX $META" +"Sun Jul 23 00:00:03 +0000 2023","Big week ahead with major earnings for $GOOG $MSFT $META. After the $TSLA & $NFLX dump, the market's on high alert. Poor earnings could pull $QQQ down & drag $SPY with it. But is the market already pricing this in? See how we’re approaching the week: " +"Wed Jul 19 07:33:00 +0000 2023","Upcoming Market Events (thx @spotgamma): * Wednesday, July 19 (after close): TSLA and NFLX earnings! * Thursday, July 20 (before open): TSM, JNJ, and FCX earnings. * Friday, July 21 (before open): AXP and SLB earnings * Friday, July 21: Monthly opex * Tuesday, July 25 (2pm EST):" +"Sun Jul 30 23:59:21 +0000 2023","Getting some Sunday evening prep work done on the charts 📈 $SPY + $QQQ looking ready for some very clean technical moves soon - monthly candles close Monday + AMZN / AAPL earnings this week Let’s get into it 🧵" +"Sun Jul 16 19:19:43 +0000 2023","$SPY I hope that you enjoyed the charts! Posted analysis on: $GOOGL $AMZN $AAPL $MSFT Keep an eye on the two big earnings names this week as well! $NFLX $TSLA" +"Thu Jul 20 15:19:19 +0000 2023","Re-established $QQQ short this am after the tell from $TSLA and $NFLX. - Will $QQQ rebalance + Mega-Cap earnings onslaught snap the 42% YTD Irrational Inebriation? - DXY quietly forming double-bottom with EUR & GBP finally buckling (& despite aggressive PBOC intervention)" +"Thu Jul 20 12:06:29 +0000 2023","The big tech earnings have started and the high expectations have lead to early dips. $TSLA down as gross margins slid though 18% still solid and future outlook on them optimistic in call. 275 area first dip buy test. a failed 285 break would set a short. $TSM missed and had" +"Mon Jul 17 12:11:33 +0000 2023","Big week up for the markets. Excited for big earnings later on but lots to look at here today! $TSLA reports Wed. but the first Cybertruck has rolled off the assembly line. Broke the 285 top. first dip there, 280 if it cant hold open $RIVN down on sympathy shorts in front of 25." +"Thu Jul 20 14:00:56 +0000 2023","$NFLX & $TSLA are down post-earnings after beating EPS estimates, weighing on the #Nasdaq. It may seem like they are getting crushed, but both are within the expected market-maker move. Tesla had a ~$20 MMM, and is down ~$15. Netflix had a ~$40 MMM, and is down -$37.01." +"Sun Jul 16 16:59:10 +0000 2023","#drama season coming up, get your #popcorn ready Coming week #OPEX and some banks + $TSLA $NFLX earnings Following week #FOMC n big tech earnings #indices can stay sideways 100-150 pt range while the drama unfolds. 4357-4650 bigger envelope 4489-4557 tight $SPY $QQQ 🧨🚀" +"Mon Jul 17 10:34:02 +0000 2023","$NFLX kicks off tech earnings tomorrow night in AH's. Then we have $TSLA on Wednesday. Quite a bit riding on tech earnings, guidance and Tesla margins." +"Thu Jul 27 12:12:47 +0000 2023","Post fed bounce as we got what was expected. The big story today is earnings again $META huge beat on every level, weekly chart points 350 resistance. big gap, 318 is previous resistance if the gap is even tested. other 325. $GOOGL up off its big advertising beat, now 131" +"Mon Jul 31 12:10:58 +0000 2023","New week and big tech on tap. With the same double top monday and fridays highs for the NASDAQ. $SOFI beat earnings. fell initially, $10 level big resistance. like 99.9.15 for dip buy otherwise breaking out over 10. $XPEV after big rally gets a downgrade but its $NIO thats" +"Fri Jul 28 13:14:17 +0000 2023","$MSFT Below 50dma $NFLX Below 50dma $AMD Below 50dma $TSM Below 50dma $AAPL Well above 50dma $NVDA Well above 50dma $META Well above 50dma $GOOG Well above 50dma $TSLA Slightly above 50dma $AMZN Slight above 50dma $DIS Miles away from 50dma" +"Sun Jul 02 14:31:05 +0000 2023","WATCHLIST 7.03 - 7.07 $QQQ July 07 375c above 370 $TSLA 275c above 265 $META 300c above 290 $SPOT 162.50c above 161.75 $AMZN 133c above 131.50 Charts, ""The Candidates"" and Full Watch List below in 👇" +"Sun Jul 23 10:44:42 +0000 2023","$QQQ 3% Pullback already, small gap filled another one below. If this was about the rebalance they will come screaming back for these names. This week. Big earnings in Tech. " +"Sun Jul 30 14:24:39 +0000 2023","$QQQ been lagging a bit, but much stronger on Friday, made it all the way back to Thursday's high. Earnings good so far, $AMD $AAPL $AMZN biggies this week " +"Wed Jul 26 20:00:19 +0000 2023","Markets don’t go up everyday. Like what this market is doing. $SPY $COMPX $IWM $QQQ & 👑 $NVDA all holding 10ema after $MSFT $GOOG Earnings & FOMC w Market mixed today. Let’s see how we react tomorrow after $META tonight. Indices resting fine for now. HAGN" +"Wed Jul 19 02:54:05 +0000 2023","Might be a blahhh day tomorrow while the markets await the $TSLA & $NFLX earnings reports. $CVNA moving up is interesting.. Swings have been great to us: $SOFI $SPWR $MARA $AMZN $HOOD.. and $PLTR and others too. Hopefully everyone’s locked in some profits. Should be fun!!" +"Fri Jul 14 21:07:38 +0000 2023","TELL ME A TICKER YOU ARE WATCHING. I WILL CHECK CHART AND FLOW, WILL SHARE IF I SEE INTERESTING SETUP THIS WEEKEND⭐️❤️ $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $UNH $TGT $HD $FSLR $SEDG $ENPH $AI" +"Sun Jul 09 15:38:51 +0000 2023","50 DMA Pull Back Scan : $ACAD $ACVA $AMD $ASAN $BPMC $CPRT $CRM $CXM $DT $ETNB $FLNC $FSLY $GE $GME $GOOG $GOOGL $GT $HUBS $IDYA $KBH $LEGN $LFST $LPRO $LTH $MNDY $MORF $MSFT $ONON $RCM $SGML $SHOP $SNPS $SOVO $SPOT $SQSP $TMHC $TPH $WWE $YEXT via @Deepvue" +"Wed Jul 26 12:12:05 +0000 2023","Market watch: Nasdaq futures dip slightly as investors analyze tech giants' results. $MSFT faces premarket decline of 3.9% amid AI spending, but beats expectations. $GOOGL $GOOG soars 6.7% after Q2 profits exceed forecasts with strong ad demand. $META rises 2% before quarterly" +"Mon Jul 31 13:17:57 +0000 2023","shorty plan acc at 946. staying as focused as I can with more ER this week. I'll try to share any a+ setups if I'm able bullish over 4600 spx qqq 383 individuals $roku $iwm $meta $googl $upst $tsla $amd (er)" +"Fri Jul 21 12:10:10 +0000 2023","Early Look: 📈 Futures rise as Dow eyes 10th day of gains. Megacap tech stocks rebounding. Dow outperforms with longest streak in 6 years, boosted by $JNJ forecast. Nasdaq lags but sees recovery in $TSLA (+1.5%) and $NFLX (+0.3%) after mixed earnings. Nasdaq up 34.4% YTD on tech" +"Wed Jul 05 22:28:48 +0000 2023","TELL ME A TICKER YOU ARE WATCHING FOR TOMORROW AND FRIDAY. I WILL CHECK CHART AND FLOW, WILL SHARE IF I SEE INTERESTING TONIGHT. ⭐️ ❤️ $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $UNH $TGT $HD $FSLR $SEDG $ENPH $AI" +"Sat Jul 01 23:19:28 +0000 2023","Q3 starts! these cos will report earnings in Jul: $TSM $ASML $NFLX $ISRG $TSLA $SPOT $ENPH $AAPL $META $QCOM $NOW $PYPL $ALGN $EXAS $TDOC $QS $NOVA $MSFT $AMZN $TEAM $FSLR $PINS $TWLO $ALGM $KNSL $INMD" +"Thu Jul 20 00:47:26 +0000 2023","The past few reports there’s been one outlier that sets the expectations high $amzn huge pop on split $nflx huge dump $meta huge dump $Nvda huge rip Once it happens everyone starts gambling looking for next er play to go 10000% , and option makers cook smooth brains." +"Tue Jul 11 18:34:26 +0000 2023","Nasdaq has been relatively weak yesterday & today… altho mid/small tech & growth stocks have still outperformed. Expect tomorrow’s CPI print will have Nasdaq get back to the driver’s seat & lead a sizable upside move!" +"Tue Jul 25 15:23:02 +0000 2023","$QQQ $NFLX $TSLA $PLTR many names scouting daily lower highs, but earnings reactions from $META $GOOGL $MSFT and #FOMC tomorrow will have significant impact on if they are set or not. Some potential bear flags trying to form out there." +"Wed Jul 26 02:29:02 +0000 2023","So smci guides up huge Nxpi guided up. Chips/auto Tsm guided lower. Txn guided lower. Analog .. Elon says will buy every chip Nvda sells What’s reality. IMO reality is economic slowdown. Sod landing. Lower rates. But ai chip companys great. Ai companys great." +"Wed Jul 19 13:51:38 +0000 2023","$QQQ Nasdaq sideways at open watching to see if pushes over yesterday highs $SPY broke out over yesterday highs, waching to see if pullbacks hold , 10 AM Trend #markets" +"Thu Jul 13 00:59:05 +0000 2023","Watchlist for tomorrow: $HOOD $AMZN $SPWR $SOFI $PLTR $NIO $MARA Will post key levels & potential buy areas in the morning. Swinging MARA HOOD AMZN SOFI & SPWR now. More positions than I like. MARA/HOOD/SOFI trimmed, may add if permit. AMZN full + SPWR want to add more. HAGN!" +"Mon Jul 17 20:01:05 +0000 2023","Overall quiet low volume day, but names paid $AAPL $PLTR $SQ $SOFI $UPST very strong... $NVDA $AMD $META huge recoveries and reversals. All about names this week HAGN!!!" +"Thu Jul 20 09:59:08 +0000 2023","Good Morning! Futures mixed $QQQ own, $SPY flat $IWM up $TSM EPS and REV Beat, but down YoY, $AAPL pt raised $220 from $200 @ CS $NVDA pt raised $600 from $500 @ Barclays $NFLX pt raised $550 from $400 @ Evercore $CVNA d/g Underperform @ RBC pt $30 from $9" +"Thu Jul 27 20:52:08 +0000 2023","It’s funny if you just sit back and take this all in over last two weeks: $NFLX $TSLA $GOOG $MSFT $META earnings $DIA 12 straight Green Days #FOMC #GDP $SPY still at 452. 😂😂😂" +"Tue Jul 11 19:42:04 +0000 2023","Market continues to be strong and broadening out. Big tech resting, but $ROKU $SQ $PYPL $COIN $TTD Flying.. $BA $CAT $XLE $OIH.. CPI in the am, don't expect much off it HAGN!" +"Mon Jul 10 21:44:13 +0000 2023","The Nasdad 100 Index, as tracked by the Invesco QQQ Trust (NASDAQ:QQQ), is set to undergo a significant rebalancing July 24. It's a move intended to curb the dominance of a handful of large corporations, including Apple Inc. (NASDAQ:AAPL), Microsoft Corp. (NASDAQ:MSFT), Alphabet" +"Tue Jul 11 14:00:28 +0000 2023","20m msft 16m googl 35m msft 28m amzn 9 m nvda 9m tsla to sell for rebalance to buy adbe 1.7m 1.6m avgo smci not in rebalance lrcx 500k no idea if these real buy that what im hearing" +"Wed Jul 19 16:51:55 +0000 2023","so people get nflx then the get hulu thne the get aapl+ then they get dis + so now they get msft ai aapl ai etc etc world changing" +"Sun Jul 16 14:13:41 +0000 2023","EARNINGS SEASON IS IN FULL SWING 👀 NASDAQ 100 rebalancing, Tesla $TSLA and Netflix $NFLX earnings, a Microsoft $MSFT event plus much much more ... next week will be very busy Here's a catalyst watch to help you get prepared for the week ahead⬇️" +"Mon Jul 10 18:29:31 +0000 2023","The ‘Magnificent Seven’ account for 55% of the Nasdaq 100, with Apple and Microsoft alone accounting for over 25% of the index. Here’s a snapshot of the seven’s weight in the index: Apple $AAPL: 12.9% Microsoft $MSFT: 12.5% Alphabet $GOOG + $GOOGL: 7.4% Nvidia $NVDA: 7.0%" +"Fri Jul 07 14:36:14 +0000 2023","$meta broke yesterdays low and couldn’t get back above. $msft and $aapl red first today. A few things to notice Watch yesterday’s low in the $qqq and $spy I’m def more tactical taking trades." +"Fri Aug 11 12:39:58 +0000 2023","#JCI looking good to trade at current price August 11,2023 #spy #SPX #trading #TradingView #Traders #Trader #paobc #4chaartist #long #BULLISH #OptionsTrading #wallstreetbets #WallStreet #Bulls #ndx #nasdaq #StockMarket #trade #onweer #buying #stock #uptrend " +"Thu Aug 10 16:45:25 +0000 2023","#Stock futures indicate a higher open, reflecting some ongoing buy the dip interest and optimism that the July Consumer Price Index (#CPI). #SP500 : +21 @ 4,489 #DJIA: +159 @ 35,283 #NASDAQ: +88 @ 15,189 #equities #stockmarket " +"Mon Aug 14 07:02:15 +0000 2023","Tesla's latest price cuts in China have sparked concerns of a renewed price war, causing auto stocks to drop. #TSLA #Tesla #China #EV #ElecetricVehicles #StockMarket #Stock #StocksInFocus #StocksInNews #MarketUpdate #CenturyFinancial " +"Tue Aug 22 07:29:25 +0000 2023","Nvidia shares rose as HSBC analysts raised the chipmaker's price target due to an improved sales forecast for fiscal 2024. #NVDA #NVIDIA #Earnings #HSBC #Stock #StockMarket #StocksInFocus #BusinessNews #MarketUpdate #CenturyFinancial " +"Thu Aug 17 12:37:18 +0000 2023","So far - I sniped the top of this market. Here’s the proof. Dated and everything. $SPY $QQQ $TSLA $NVDA $AAPL $AMZN $META $GOOG $MSFT I have another setup I’ve been watching for… " +"Wed Aug 09 03:40:17 +0000 2023","#Vertex Pharmaceuticals (#NASDAQ: #VRTX) is making waves in the #biotech industry. Known for its groundbreaking developments, the Vertex stock story has caught the attention of many, steering the industry and influencing the VRTX stock price. #NASDAQ #VRTX #StockMarket #Finance " +"Mon Aug 14 15:39:36 +0000 2023","$W Gross Margin (quarterly) at ATH while stock price remains fart from ATH + bullish W formation. $AAPL $AI $AMD $AMZN $CCL $CLF $DIS $F $GOOGL $META $MSFT $NVDA $PLTR $PLUG $PYPL $SPCE $T $TSLA $UPST $X $HE $AMC $NIO $MARA $RIOT #StockMarket #Bitcoin #investing #trading " +"Mon Aug 14 10:53:54 +0000 2023","$TSLA stockmarket update #Tesla stock price keeps declining. Bullish scenario would be a leg down to ~$200 recovery, retest of $200 and further gains from there. I think @TESLA price declines are mainly technical (sell 4 liquidity, seasonality) but added pressure could come from " +"Tue Aug 08 23:37:08 +0000 2023","Proxies like $QQQ and $SPY are great to get a feel for what the avg stock is doing, but keep in mind the sector weighing. $QQQ is almost 50% tech and another 30% in consumer and comms. However the $SPY has a more distributed weighing in other sectors like financials and " +"Tue Aug 22 15:11:44 +0000 2023","🚀 Exciting news for Tesla! Baird adds $TSLA to its ""Best Ideas"" list. The brokerage sees potential catalysts, including recent price decline and expansion, driving the stock. Read more: #Tesla #StockMarket #SpaceX #Tesla #TeslaM…" +"Wed Aug 02 10:35:55 +0000 2023","$TSLA stockmarket update Premarket #TESLA stock price has further losses to $254 (-2.67%) after -2.38% yesterday. @TESLA stock has to get a strong impulse to break $270 or it will continue to decline over the next weeks. Most likely we will see $240 below $230 and $200. " +"Tue Aug 29 20:11:06 +0000 2023","$NFLX: Truist Securities raises price target to $485 from $339 #Netflix #Stock #StockMarket $SPY $SPX $QQQ" +"Thu Aug 17 08:37:52 +0000 2023","$AGI -2.2% resting on 200SMA $BLOOM -4.1% breaks down $GSMI +1.3% sketchy breakout Top NFB $ICT +P254m $ALI +P212m NFS continues in SM Group $SM -P87m $SMPH -159m " +"Mon Aug 21 11:30:03 +0000 2023","Nvidia Corp. (NASDAQ:NVDA) shares rose in premarket trading due to positive Q2 earnings expectations. Analysts have raised their price targets for the stock. #NVDA #StockMarket " +"Thu Aug 31 08:45:57 +0000 2023","$TSLA stockmarket update #Tesla #stock #price is moving in this years upward channel but inside a bigger downward channel that has 4 significant touch points on the upper boundary. Very crucial moment to see if @TESLA stock can pass resistance at $260 and later on $275. A " +"Wed Aug 16 11:43:55 +0000 2023","$TSLA stockmarket update #Premarket @TESLA is down to $227 #bullish scenario for $TSLA: current leg down to ~$207, a smaller bounce, retest ~$210 + further gains of @TESLA #stock to critical resistance ~$325 price level. So far my June 20 take was correct. " +"Mon Aug 07 13:06:08 +0000 2023"," (NASDAQ:AMZN) had its target price hoisted by stock analysts at Barclays from $140.00 to $180.00 in a note issued to investors on Monday, FlyOnTheWall reports. #BreakingNews #StockMarket #WSJ #CNBC #Economy #Investing " +"Wed Aug 09 15:40:33 +0000 2023","As of August 9, 2023, the estimated price range for NVIDIA (NVDA) over the past three months, based on the analysis of options trades,. #breakingnews #Nasdaq #Dow #StockMarket #Economy #DIS #VIX #NVDA #PLTR $NVDA $VIX $PLTR " +"Mon Aug 14 07:59:29 +0000 2023","$PSEI falls -1.2%, dragged by $SMPH -4.2% with NFS -P213m & $SM -1.7% $MONDE -3.8% hits ATL $GTCAP +0.3% bounces off 50SMA $SSI +3.5% fresh 52WH $SCC +3.3% forms higher high on the back of NFB surge " +"Tue Aug 01 20:30:25 +0000 2023","News: AMD's Q2 Report Exceeds Expectations, Stock Price Surges Influence: Bullish ⭐⭐⭐⭐ Investment: Consider investing in AMD as Q2 results show strong performance and Q3 is expected to have significant growth in data center revenue. #AMD #Q2report #stockmarket " +"Tue Aug 22 01:20:28 +0000 2023","A low volume rally for the Nasdaq, driven by the usual suspects but could rising yields spoil the party? Meanwhile Nvidia surges on upgrades ahead of earnings and Arm files its IPO. @willkoulouris $AAPL $AMZN $GOOG $MSFT $TSLA $PANW $META $VMW $ZM $NVDA #UST $DXY " +"Sat Aug 19 16:53:19 +0000 2023","QQQE Hit -1 ATR on WKLY along with MEGAS $AAPL & $MSFT. Similar to MAR & OCT 21 lows with a bomb to -1 ATR and large crunch washout which generally marks lows for Bull Market corrections (not Bear regimes.) Daily T also @ Xtrme Low that marks bottom during Bull. $QQQ $SPY " +"Wed Aug 23 23:19:42 +0000 2023","I know tonight is all about $NVDA, but to me $XLK (& $SPX) broke down early Aug when $AAPL lost EMA(21). Now $AAPL (and indices) trying to reclaim EMA(21). Stay tuned... " +"Mon Aug 21 21:01:05 +0000 2023","American 🇺🇸 Indeces close higher In stunning fashion As Nasdaq is helped by Nvidia Rally. Alongside Breaking news From the Largest IPO in history As ARM holdings files for a Nasdaq listing. With a valuation of $60-70 Billion USD. SoftBank’s Arm Files for IPO That Could Be 2023’s" +"Tue Aug 01 13:17:13 +0000 2023","Goodmorning Twitter ☀️ Indices + mega caps down in PM META + TSLA relatively weak AMZN, AAPL, AMD relatively stronger VIX, DXY, XLE all pushing higher so far Lots of names sitting in demand so first 15/30 minutes will be 🔑 for me today Will be watching $QQQ closely " +"Wed Aug 23 15:06:50 +0000 2023","#NASDAQ #NVDA #AAPL #AMD #MSFT - if you are a market bear, here are some levels to sell into. We'll probably get at least a pop. I'm neutral, except on NVDA and AMD - probably worth a go. " +"Thu Aug 03 15:22:10 +0000 2023","What's on the line for $AAPL and $AMZN results tonight? @jimcramer and @carlquintanilla discuss what to expect from the tech juggernauts, and why today might be a bad day to report. " +"Tue Aug 01 20:38:10 +0000 2023","After $aapl earning Thursday I see a lot of opportunities and setup in the market for both sides. As always I am ready to play either side. Will follow the price $spy $spx $qqq $msft $tsla $nflx" +"Thu Aug 03 23:49:40 +0000 2023","$aapl earnings was a big overhang for the markets Now that it’s over we will see stocks returning to their normal behaviour. I will start posting swing and Intraday plays like $meta $nio $baba $tsla $tsm $abnb (all were bangers) Tomorrow will be a busy day be ready! $spy" +"Mon Aug 14 14:42:26 +0000 2023","Clean inverse vomy on the 10m $QQQ with $VIX vomy. $NVDA, $AMZN, $GOOGL, $TSLA all had nice moves with $AAPL, $MSFT holding. Good risk:reward. Nice move. " +"Sun Aug 27 20:55:49 +0000 2023","Twitchy Traders Have S&P 500 Comebacks Fizzling at Historic Pace. $SPY $QQQ - On track for first month since 2002 with no back-to-back gains. - Even Nvidia’s blowout forecast couldn’t snap the streak. " +"Tue Aug 01 21:57:35 +0000 2023","$NASDAQ DAILY Looks like sideways action awaiting big ER this week Bulls still need 2 close above recent high 2 14446.55 to get things going Bears need 2 lose 13EMA blue now 14146 All eyes👀on $AAPL ER MACD gap holding, needs 2 cross STOCH needs 2 break 80 line " +"Wed Aug 23 22:37:51 +0000 2023","$NASDAQ DAILY 13EMA blue/50EMA purple Bear cross was AVERTED(shaded oval) Now Bulls need no rejection/loss of mid BB 13802ish $NVDA ER may gap it up tomorrow so gonna need 2 see if gap fills or not, maybe fill gap & still hold mid BB MACD seems 2 be turning STOCH racing " +"Fri Aug 04 20:52:37 +0000 2023","$AAPL ~ I have been waiting for a big gap down -4% day in Apple as one of my many bear market alert signals. Keep a close eye on the big tech “Magnificent 7” stocks because they represent the majority of the move in SPY & QQQ since the Oct 2022 low. $XLK $QQQ $SPY $MSFT $SQQQ " +"Tue Aug 29 12:51:10 +0000 2023","Market giving endless opportunities to bank!! And I point them out for you! Thats how we all bank! $spy $spx $aapl $msft $tsla $qqq $nflx $nvda $meta $amzn $googl" +"Tue Aug 01 13:01:40 +0000 2023","The S&P $SPY 500 Has New Price Target. The Runaway #StockMarket Explains It - Barron's " +"Thu Aug 03 01:34:07 +0000 2023","I have more setup like $spy $qqq today and $meta yesterday for trades tomorrow intraday! I will be posting them as we see opportunities in the market tomorrow. Are you ready to make money again? $spx $nflx $nvda $qcom $pypl $cost $amzn $aapl" +"Fri Aug 04 13:21:12 +0000 2023","$SPX & $QQQ 8-4 The NFP print is out and cold: 187K vs. 200K expected. $AMZN crushed their earnings for the second quarter, but $AAPL disappointed. We're getting mixed signals here in terms of policy changes for the next FOMC Meeting, but as it stands now, the narrative is " +"Wed Aug 16 17:47:09 +0000 2023","$QQQ bouncing off that big VPOC test at 364 so far, could be interesting if a hammer candle prints today. Mega cap Tech still holding up well today with AAPL, MSFT, NVDA green " +"Thu Aug 31 21:40:04 +0000 2023","$AAPL $MSFT $AMZN $NVDA $META $GOOG $GOOGL $AVGO $TSLA They make up ~ 50% of $QQQ As they go so does the $QQQ - the Tech ETF #QQQ $QQQ #BigTECH " +"Tue Aug 29 00:04:50 +0000 2023","@jimcramer MAGMAN - ytd perform' $META +141.2% $AAPL +39.3% $GOOGL +48.5% $MSFT +35.9% $AMZN +58.5% $NVDA +220.6% -- Want to chase Meta or Nvidia higher into the Fall? 🤨 " +"Thu Aug 31 13:05:39 +0000 2023","📈AUG 31st Market Rundown - PCE came in as expected no surprise in either direction - Nasdaq looking to mount 15500, clear path into 15650 if we hold… ES 100 points off highs also - NVDA going for ATH $AVGO earning in the AH, $AAPL filling the gap, $MSFT bullish over $230, " +"Tue Aug 22 12:40:52 +0000 2023","Good Morning all, thank yo for checking out todays #stickynote for some #trade ideas in this wild #stockmarket ahead of $NVDA $MSFT $325L With a revised deal for $ATVI and now crossing #VWAP on the daily, hit hard off earnings, if the #NASDAQ wants to go, MSFT will also. $NVDA " +"Tue Aug 01 01:44:32 +0000 2023","Monday’s Stock to Watch is China Liberal Education (CLEU). CLEU Stock Price | China Liberal Education Holdings Ltd. Stock Quote (U.S.: @Nasdaq) | @MarketWatch #Economics #Investment #Money #StockMarket #StocktoWatch " +"Tue Aug 01 12:42:31 +0000 2023","NFLX Crosses Above Average Analyst Target #ETFs #StockMarket In recent trading, shares of Netflix Inc (Symbol: NFLX) have crossed above the average analyst 12-month target price of $432.84, changing hands for $438.97/share. When a stock reaches the target an analy…" +"Mon Aug 14 12:45:03 +0000 2023","Good Morning Traders!! Thank you for checking out todays #stcikynote for some #trade ideas and key levels I am looking at here. Wall Street aims for a rebound as futures point to a modest Monday open. August's rocky start sees a hopeful shift, with S&P 500 and Nasdaq down, Dow " +"Wed Aug 02 14:51:00 +0000 2023","$QQQ (Nasdaq) The Nas is printing its first red Dots. Which makes sense as it is pretty extended (Look how far away from the Track line it is.) Also not worried about any pullbacks to Track line. Will chart some of the tech stocks for you now. " +"Wed Aug 02 15:05:42 +0000 2023","$SPY at 20sma, been a huge spot for months, $QQQ 374-354 big spot as well $AAPL $AMZN tomorrow will tell, personally bought the dip on $SPY small size, like the R:R down here for now Should be interesting to see how this plays out " +"Mon Aug 14 20:28:30 +0000 2023","Today's heatmap & recovery for tech, which leads in price but not vol, (except Nvidia). Reflected in SPY & QQQ. Something to watch. Plus link to this week's earnings. " +"Fri Aug 11 20:49:01 +0000 2023","VIDEO 📽️ Stock Market Analysis 8/11/23 $SPY $QQQ $IWM $SMH $XBI $XLF $XLE $AAPL $MSFT $NVDA $TSLA VIEW HERE 👉👉👉 ⚓️VWAP Don't buy dips, buy strength after! HAGW " +"Wed Aug 30 21:40:35 +0000 2023","📈 $SPY IS THE ISLAND TOP IN PLAY? • PCE data out tomorrow pre market. • Bulls back in driver seat after the break of short term downtrend. • To raise PT back to all time highs the island top has to be invalidated. • 2 important data points left this week. PCE and NFP. Both " +"Sun Aug 27 18:15:16 +0000 2023","The S&P 7 giants, $AAPL $MSFT $GOOG $AMZN $NFLX $NVDA $META surged 54% in 2023, though down from 70% just 3 weeks ago. Meanwhile, the other S&P 493 stocks saw a modest 4% increase. These tech giants drove 75% of Nasdaq's gains. #AI #TechTrends " +"Wed Aug 30 13:00:01 +0000 2023","So much RES coming up! Take a look at this chart. It will tell you everything you need to know about today! $TSLA $NVDA $SPY $META $AAPL $NFLX " +"Fri Aug 04 14:08:42 +0000 2023","$SPY $QQQ Testing PM Lows and then have yesterday lows $AAPL $MSFT weakness not helping market 10 AM trend here, lets see if hold chop or follow through on downside, under EMA clouds now " +"Sat Aug 12 17:04:00 +0000 2023","7 stocks make up over 50% of the NASDAQ-100 ($QQQ): 12.6% $MSFT Microsoft 12.6% $AAPL Apple 6.3% $AMZN Amazon 5.3% $NVDA NVIDIA 7.5% $GOOGL Alphabet 3.7% $META Meta 3.4% $TSLA Tesla" +"Wed Aug 30 22:14:40 +0000 2023","Tonight's Video $SPY $QQQ key levels $TSLA $META and what they have in common. $NVDA closing at an all time high GDP Non farm payrolls JOLTS and what it all means for equities " +"Sat Aug 05 20:00:51 +0000 2023","@Banker_L83 $AAPL $MSFT.... Yo Lauren... with these two behemoths trading below their 50sma and $SPY $QQQ rejected at their 10ema... I would say caution is warranted.... I sell because I can always buy back.... and we never know how low they will go... " +"Tue Aug 22 01:54:41 +0000 2023","US Dow -0.1% S&P +0.7% Nasdaq +1.6% IT stock rallied despite 10yr yield hit a high of 4.34%, reaching its highest level since Nov 2007 Tesla +7% Meta +2.4% Palo Alto Net +14.5%(strong earnings) Nvidia +8.3%(ahead of earnings) 👀👀Jackson Hole Economic events GIFT Nifty – flat" +"Wed Aug 23 17:38:28 +0000 2023","#markets Big Push here as VIX under 16 Nice breakout on QQQ as well SPY low volume today 42% of average so far $SPY will review big picture on daily as well coming to to some resistance Interesting trend into NVDA earnings " +"Wed Aug 02 20:06:59 +0000 2023","Four identical VanEck Semiconductor ETF $SMH charts for your consideration… We're sellers here... Join us to see today's client reports on $AAPL and $AMZN at " +"Wed Aug 16 20:01:00 +0000 2023","Mid Week Update #VIDEO $SPY $QQQ $IWM yea name it range break down. We are getting a nice long signal developing here, for a bounce. $GOOGL $NVDA r/s still. $AMZN Finally gave in. $TGT really didn't like that report HAGN!! " +"Fri Aug 11 18:28:14 +0000 2023","#update $SPY $QQQ $TSLA $NVDA Market is trying ,nothing to sized up in though, Just study this intraday move is good $TSLA $SPY over 34.50 EMA clouds VIX low of day, NEEDs to break 15 for continuation Interesting Charts to review before and after intraday price action " +"Wed Aug 23 16:37:12 +0000 2023","#market #update $SPY $QQQ Still in trend riding those clouds , this 442 was big for SPY if it can hold $VIX if goes under 16 we will see next leg on market Great Trend Day today See before/after below " +"Tue Aug 08 10:39:27 +0000 2023","We've seen some mega-cap divergence over the last week, with Apple $AAPL now oversold and Microsoft $MSFT close to it while Meta $META, Alphabet $GOOGL, and Amazon $AMZN are overbought. " +"Tue Aug 15 12:06:41 +0000 2023","The Nasdaq 100 $QQQ re-took its 50-DMA yesterday but is set to fall back below it at the open this morning. The semis $SMH remain below the 50-day, while the S&P $SPY remains slightly above. " +"Wed Aug 02 12:16:06 +0000 2023","Oh the humanity. They’re gapping $QQQ $AAPL $NVDA down to the 10ema, $META to the 6ema, & $SMH to the 4ema. Run for the hills, this is devastating 😂 Maybe we roll over🤷‍♂️ but price is not remotely saying that right now, relax." +"Thu Aug 24 22:11:50 +0000 2023","These seven stocks have accounted for 75% of the S&P 500's gains in 2023: $NVDA $AAPL $MSFT $GOOGL $AMZN $META $TSLA. NVIDIA leads the way, accounting for nearly 17% of the S&P's YTD gain. In tonight's Closer, we recap today's negative intraday action, look into how the Nasdaq " +"Thu Aug 03 15:28:32 +0000 2023","And a great $4486 2bar reversal candle on the intraday from our live trading room for a wee bounce into Apple earnings. 🤣👍 $SPX BUT $4444 and $QQQ $368.63 will be tagged - not if just when 😉" +"Wed Aug 02 12:17:08 +0000 2023","First, I'd like to thank the sellers to filling the 452 gap. And $QQQ 377 gap premarket. It's a nice setup now with respective bounces off 20DMA. $AMZN $AAPL with Extended Hours nice bounce near 20EMA but check out $AMZN Daily now headed in to earnings. " +"Fri Aug 11 15:17:26 +0000 2023","Many leaders sliced through their 50-day moving average in the past couple of weeks without any significant bounce. $QQQ $NVDA $NFLX $MSFT $AAPL $SMH " +"Wed Aug 30 16:35:15 +0000 2023","We’re in an incredibly advantageous environment right now . Once QQQ reclaimed 50day , now all beta names are doing the same $nflx $aapl and now $tsla . This is when you want to get more aggressive. 50 day confirmation doesn’t come across everyday . When you chart tonight you’ll" +"Mon Aug 21 22:22:57 +0000 2023","Lipstick on a pig as $NVDA paints the tape green driving a weak bounce in both $qqq and $spy. It was slow summer volume, Net NL again and negative A-D breadth. Be careful....defense first! #stocks $TSLA $PANW" +"Thu Aug 24 22:00:00 +0000 2023","$1,000 Into Nasdaq 100 $110 ~ 🍎 $AAPL Apple $94 ~ 🖥️ $MSFT Microsoft $60 ~ 🔍 $GOOG Google $56 ~ ☁️ $AMZN Amazon $40 ~ 🤖 $NVDA Nvidia $37 ~ 📷 $META Meta $30 ~ ⚡️ $TSLA Tesla $29 ~ 📡 $AVGO Broadcom $22 ~ 🥤 $PEP Pepsi Is $QQQ overvalued?" +"Sun Aug 27 19:51:12 +0000 2023","Last week summary: Market had a rollercoaster ride; Nvidia's strong earnings led to a spike and subsequent drop, ending up 6% for the week. This week: 5 things to watch - 1. Earnings: Tech (Salesforce, Broadcom, VMware) and consumer staples (JM Smucker, Hormel Foods, Campbell's" +"Mon Aug 07 23:45:44 +0000 2023","Post earnings: $AMZN close to 52wk highs $GOOG close to 52wk highs $META close to 52wk highs $MSFT below 50dma, -10% below recent highs $AAPL below 50dma, -10% below recent highs $TSLA below 50dma, -16% below recent highs $NVDA TBD ... ""The Magnificent and Confused 7's""" +"Thu Aug 03 01:27:56 +0000 2023","The index’s rally was driven by seven stocks: Apple $AAPL, Microsoft $MSFT, Nvidia $NVDA, Amazon $AMZN, Tesla $TSLA, Meta $META, Google $GOOG -- which was a sharp shift away from the hypergrowth-led Nasdaq of prior years." +"Thu Aug 10 18:40:03 +0000 2023","$QQQs & $SPY Have come off quite a bit from opening highs. Today's CPI told us its even less likely the fed raises rates at the next meeting. The issue is it wasn't likely to begin with. I told Inner Circle any pop in Nas would be sold. Big cap tech is tired and probably goes" +"Wed Aug 23 20:54:46 +0000 2023","Well, so much for the NASDAQ having a pullback, max bidding on tech stocks restarts tomorrow. The margins by which Nvidia beat earnings is absolutely wild. 11.13B predicted revenue and it beat by 2.38 Billion at 13.51. smh that is just nuts." +"Sat Aug 26 15:57:42 +0000 2023","The major indexes suffered an ugly reversal Thu. from the 50-day line, despite blowout Nvidia earnings/guidance. But the S&P 500 and esp. Nasdaq did have strong weekly gains. $NVDA $TSLA $META $GOOGL $V $CAT $CRM 1/ " +"Sun Aug 20 18:33:37 +0000 2023","Last week called gap downs when everyone turn bullish. ⭐️ Next two weeks, unexpected overnight gap ups can be seen! Get ready ⭐️💙 $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $META" +"Tue Aug 01 16:01:35 +0000 2023","Mega cap Tech names super strong $META, $AMD, $NFLX $MSFT near highs of day.. feels like Nasdaq going to drag higher next few days, just too strong and still alot of positive gamma on SPX" +"Thu Aug 24 12:08:51 +0000 2023","No surprise the market is up after the earnings last night but cant forget Jackson Hole and increased chances of rate hike. Be nimble today! $NVDA what can you say, the guide was conservative? 71% margins is nuts. Can always gripe about the PE and i wont fight this if it breaks" +"Sun Aug 13 22:15:57 +0000 2023","Futures up slightly in front of a huge week for retail earnings, $TGT $HD $WMT all report. Nasdaq will need $TSLA $AAPL $NVDA to find some support if it is to avoid a third week of losses. My Twitter barometer is as bearish $NVDA as it was sub 150. I would not be shocked to see a" +"Tue Aug 29 02:04:27 +0000 2023","Market tanked post ADP # last two months. $SPY 456 -> 449 on 08/02 $SPY 443 -> 437 on 07/06 Next one coming on 08/30 ⚠️ $SPY $QQQ $AAPL $AMZN $NVDA $TSLA $META" +"Mon Aug 14 12:00:22 +0000 2023","New week upon us. Retail earnings later but today some big tech to watch after another down week in markets. $AAPL is up slightly after a Foxconn beat despite declining revenue. 177 bottom held well. big level on weekly for support area again. $NKLA recall news comes after big" +"Fri Aug 04 12:11:28 +0000 2023","Lets end this massive week off right. Big jobs data this am, so be nimble in bias, the right stocks to trade are key. $AAPL decline in sales on all segments and held up by services, thats a good long term. under the 50 on the daily first time since jan, 187 that key $W day 2" +"Fri Aug 04 20:34:40 +0000 2023","BEEN A WHILE WE SEEN BIG BACK-TO-BACK DUMP IN MARKET! LET'S SEE IF AUGUST AND SEPT BRING BACK BEAR MOMENTUM! ⭐️❤️ $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $AMD $MSFT $GOOGL" +"Wed Aug 16 04:28:19 +0000 2023","$GOOGL + $AMZN charts just hanging out waiting for market to bounce By far best mega cap setups. $TSLA $AAPL $MSFT $NFLX aren’t close Only issue is $SPY looks terrible. So all I can do is keep ‘em on backburner" +"Thu Aug 03 01:06:43 +0000 2023","Last 7 months market have done incredibly well and paid bulls well. August and September is not going to be easy for bulls. Size small and play cautious. $SPY $QQQ $AAPL $AMZN $TSLA $AMD $META" +"Wed Aug 02 12:04:24 +0000 2023","Hump day is upon us! big earnings tomorrow but lots to dig into today with futures looking weak early. $AMD with a beat and also looking to make a specialized chip they can ship to China to meet new requirements. back over 50 SMA on daily dip buy 116 or 118 could see profit" +"Thu Aug 10 12:02:06 +0000 2023","The #CPI print on tap this morning. Not expecting fireworks on it as earnings again drive this market. $DIS mixed report, though cost cutting, following $NFLX lead and recent bottoms mean 89 and 90 breakouts are good risk to reward $BABA with beats top and bottom, 96.5 first key" +"Thu Aug 03 23:56:06 +0000 2023","$AAPL and $AMZN earnings are out and with very different reactions. What does this mean for the broad markets as bears try to gain some traction for the first time in months? $SPY $QQQ Check out today's recap for some thoughts on this: " +"Wed Aug 02 21:21:54 +0000 2023","Broad market bears are finally proving something with the loss of daily uptrends $SPY $QQQ, what do they have to do to keep proving it? $AAPL and $AMZN earnings tomorrow will have a big impact. Check out the daily recap for more thoughts: " +"Fri Aug 04 22:51:54 +0000 2023","GOOG, AMZN, AAPL, META and MSFT: The 5 firms dominate the SPX index, collectively accounting for 9% of sales, 16% of net profits and 22% of market capitalisation. Last year their capital spending of $360bn made up over a tenth of all American business investment. @theeconomist" +"Fri Aug 18 20:32:12 +0000 2023","VIDEO- Stock Market Analysis 8/18/23 $SPY $QQQ $IWM $XLF $TSLA $AAPL $META $MSFT ⚓️VWAP, 5DMA, Multiple Timeframe Analysis View here 👉👉👉 Like and RT, thank you HAGW" +"Wed Aug 16 01:19:32 +0000 2023","$COMPX $QQQ rejected into 50sma & $SPY lost it too. Overall Mkt likely too much for $NVDA especially enough cushion to hold for earnings. We’ll see how it reacts tomorrow but all the good news was a good way for big $ to sell into strength. Only name, $405- Cost, watching 50sma" +"Fri Aug 18 14:06:38 +0000 2023","$QQQ Nasdaq 100 so far held premarket lows but still under EMA clouds $VIX failing resistance so far but still over 18 $META $NVDA weakest this am" +"Tue Aug 01 13:30:49 +0000 2023","Morning Mashup-> $SPY Gapping Down $QQQ Gapping Down so we will see if it holds yesterday and premarket lows $AAPL $MSFT Gapping down $VIX elevated $SPY Levels 458 Upper Pivot 455 Support $QQQ Levels 381.20 382.51 384 levels" +"Mon Aug 21 19:45:34 +0000 2023","Daily Recap #VIDEO Market tried to sell back off, but sellers dried up around noon and back to highs near the close. $QQQ at the 8D, $SPY Close. $TSLA $NVDA $AMD $M$TA $MSFT leaders today, breadth flat, not big participation. HAGN!" +"Tue Aug 15 19:29:43 +0000 2023","Inside bar on QQQ below moving averages with weak action.....seems like defense wins championships. Had a swing in AMZN got stopped and NVDA plan played out well today but SPY losing 50SMA and extending down cycle. Better to book to me." +"Mon Aug 14 13:19:52 +0000 2023","💡 Markets Again Gapping down as USD Stays strong Bearish Bias as long as price under EMA clouds Pivots below VIX 16.20/16.40 big levels ,if rejects these will see for market bounce SPY 444.50/446/447.0/448 QQQ 364.70/368/378.60 $META vs 300 and $NVDA vs 400 main $TSLA testing" +"Thu Aug 31 19:51:26 +0000 2023","Daily Recap #VIDEO Low volume quiet day. $AMZN $META $CRWD monster moves early.. $AAPL filing it's gap, $TSLA above the 50D If you think it was slow today... wait til tomorrow! HAGN!!!" +"Thu Aug 17 20:13:28 +0000 2023","Market back to very oversold, $SPY 5% pullback. Many names broke down today.. $AAPL $AMD $AMZN $BA etc.. OPEX tomorrow.. Patience here let this play out, odds in favor of a short term boucne HAGN!" +"Mon Aug 07 20:11:26 +0000 2023","And that's a wrap. Didn't do much still chilling in $AMZN. $META $GOOGL $AMZN still strong, $NVDA nice come back today. $XLF strong all day.' $SPY Gap and go, $VIX back in the BB's HAGN!!!" +"Thu Aug 03 20:36:44 +0000 2023","And that is a warp.. $AMZN good. $AAPL Good, but just not good enough? NFP Tomorrow, $SPY under the 21D still take caution HAGN!" +"Mon Aug 14 19:50:34 +0000 2023","Low volume bullish day. Breadth not good at all, but names leading. $SPY back to the 8D.. $SMH monster move.. $NVDA $AMD $MU leading there. $AMZN $GOOGL strong... $TSLA Filled it's gap and bounced. HAGN!" +"Tue Aug 22 19:51:58 +0000 2023","Gap and crap day. $SPY opened right at the 8D and was rejected for now. $XLF getting hit hard again not helping. $AAPL $GOOGL $BA $NFLX relative strength, but most names weak. $NVDA tomorrow night... HAGN!" +"Tue Aug 29 19:53:14 +0000 2023","And that is a wrap! Quite the day, market loved the JOLTS number, anti inflationary and we just ran up. $TSLA $NVDA $GOOGL $AAPL notable huge moves. Do we get a day 2? HAGN!!!" +"Wed Aug 02 14:54:06 +0000 2023","$SPY & $QQQ at huge spots today. First blip of fear we've seen in a while. $AAPL & $AMZN earnings tomorrow will dictate short-term sentiment & price-action. Be ready." +"Wed Aug 23 21:15:02 +0000 2023","amzn... lrcx...klac...amat...amd....bkng....smci....msft....meta...amd adbe ...zs.....mdb....nvda if your playing this stuff quite trading" +"Mon Sep 11 19:15:03 +0000 2023","Meta's stock price rises on reports of the company developing a new AI system as powerful as GPT-4. #Meta #AI #StockMarket " +"Fri Sep 22 17:18:19 +0000 2023","I'm setting up my right PC with 3 screens that were spare/back or/and I wasn't using. 8 big stocks to keep an eye on once in a while on higher tf's. Few that made it to the last level(s), respected ""max"" for the week pretty well so far. $AAPL $AMD $TSLA, these 3 didn't make it " +"Sat Sep 02 19:44:14 +0000 2023","$SPY $QQQ Heavy Truck Index. What similarities do you see? $TSLA $NVDA $AAPL $AMZN $MSFT $META $GOOGL $ABNB $DIS $WBD $BX $WMT $PARA $ARDX $SCHD $NVO $NEE $ALLY $GIS $KVUE $PEP $TSLY $FUBO $DUK $QQQ $SPY $BTC #Bitcoin #Investing #Trading #StockMarket " +"Fri Sep 22 20:00:22 +0000 2023","$SPY $QQQ this is kind of bullish (at least short term) as the PUT/CALL ratio de trended remains on ""buy"" level (contrarian indicator). $TSLA $NVDA $AAPL $AMZN $MSFT $META $GOOGL $AVTX $CSCO $MSFT $LCID $PFE $PBTS $SPLK $KWEB $IONQ $XPEV $BABA $ATVI $SWIN $O $WPC $YINN $MRTX $LI " +"Thu Sep 21 13:52:08 +0000 2023","Nasdaq 100 Futures Price is sliding! #nasdaq #stockcharts #stockmarket " +"Fri Sep 08 16:37:56 +0000 2023","$MULN Gotta raise some funds anyway we can to get the stock price up 👀😁😁😁 #MULN #ev #StockMarket #nasdaq #fundraising " +"Sat Sep 02 05:09:44 +0000 2023","#StockMarket #investing #spy #trading #ai #stocknews #Tesla Tesla shares close down 5% after price cuts, Model 3 refresh " +"Wed Sep 06 01:22:40 +0000 2023","$TSLA stockmarket update #Tesla #stock #price is moving in this years upward channel but inside a bigger downward channel that has 4 significant touch points on the upper boundary. Very crucial moment to see if @TESLA stock price is struggling with resistance at $260. I " +"Wed Sep 06 21:31:08 +0000 2023","$QQQ: FLASH UPDATE.🏁 Oh man, did this get interesting. Seems like a lot of people don't understand how these short weeks work. About to have another offside pack.🚬 A lot of crazy takes out there, and quite literally, the worst time to get bearish. Hard to draw a lot from the " +"Fri Sep 29 00:09:29 +0000 2023","$TSLA stockmarket update SIGNAL: #Bullish #Tesla stock price confirmed $240 as current support with a dip down to $234 (VWAP from last low) a level I mentioned a couple of times as a potential target. Next target is $250 which is VWAP from last high After that we have " +"Thu Sep 14 19:45:03 +0000 2023","Morgan Stanley analyst predicts 20%-60% stock price upside for Amazon due to efficiency improvements. He expects Amazon to remain ROI-focused on forward investment. #AMZN #StockMarket " +"Fri Sep 29 09:33:11 +0000 2023","(The Motley Fool) Can PayPal Stock Hit $70 by the End of 2023? - This price target is certainly not out of the realm of possibilities. (Details in our app) #stockmarket $SPY" +"Sat Sep 09 00:32:04 +0000 2023","$SPY 5min Chart Interesting how the high volume nodes line up perfectly with the the GEX Strikes 🧵 $AAPL $AMZN $GOOG $META $MSFT $NVDA $TSLA $NFLX $ES $AI $SPY $QQQ #StockMarket #trading " +"Tue Sep 05 15:34:57 +0000 2023","📈💰 VIP Entertainment Technologies Inc. ( $VIP) is on fire! 🔥 With a steady rise in #stock price and a #trading volume of 63.57K, it's clear $VIP is the ultimate bet for a winning investment! $AMC $MULN $AAPL #stockmarket #trading #investing " +"Tue Sep 26 04:37:07 +0000 2023","DRAFTKINGS $DKNG: JP MORGAN RAISES TO OVERWEIGHT FROM NEUTRAL DRAFTKINGS: JP MORGAN RAISES PRICE TARGET TO $37 FROM $26 #DraftKings #Stock #StockMarket $JPM $SPY $SPX $QQQ" +"Fri Sep 08 20:44:04 +0000 2023"," The weight of the market is still down. I'd love the $QQQ $SPY to grind here along the 50-day for a few days while the NLs contracts and gets closer to parity with the NHs. Also, Mids and Smalls not looking so hot, so need to hold the Aug lows. " +"Fri Sep 08 00:20:00 +0000 2023","The S&P 500 and Nasdaq fell, with the biggest drag from Apple and a sell-off in chip stocks over concerns about China's iPhone curbs, while a fall in weekly US jobless claims fed worries about interest rates and sticky inflation $AAPL " +"Tue Sep 12 20:49:58 +0000 2023","$SPY And $QQQ Daily Lower Highs Set. $MSOS $TLRY Daily Consolidation Underway as Cannabis hits temporary tops. $META and $MSFT rising wedges? Bring on #CPI Mr. Market! " +"Wed Sep 06 20:20:05 +0000 2023","Wider Context and Nuance: $YM_F bounced above 100 SMA $ES_F tested below and recovered the 20 day SMA $NQ_F tested below and recovered the 50 day MA Also: $AAPL has a HUGE event next week. A lot of hot hands have been washed out today with the -4% drop but end of day saw bids " +"Sun Sep 17 21:54:15 +0000 2023","Stock & Options To Watch This Week + Analysis & Charting✅ Tickers included: $SPY $TSLA $SOX / $SMH $NFLX $AAPL $MSFT Appreciate this? Add a ❤️, comment & share. Want more? Get a free copy of my options trading book, see bio! Or go deeper with " +"Tue Sep 12 01:40:34 +0000 2023","A Tesla upgrade, helps drive big tech overnight. Meanwhile another UST auction is in focus, along with Apple's big unveil. @willkoulouris $AAPL $AMZN $GOOG $MSFT $TSLA $QCOM $JPM $TWNK $META $ORCL #UST $DXY #Brent $WTI " +"Wed Sep 06 15:19:28 +0000 2023","Many important indexes/stocks still at their upper monthly bands heading into this lovely seasonality. Plus the Sep 23/23 stuff making the rounds. $XLK $AAPL $SMH $MSFT $QQQ $URNM $SPY " +"Wed Sep 13 02:01:39 +0000 2023","Wall St slips as Apple and other big tech lose ground. Meanwhile the latest 10-yr treasury auction prices at the highest yield in over 15 yrs, ahead of CPI data tonight. @willkoulouris $AAPL $AMZN $GOOG $MSFT $TSLA $INTC $TKO $AAP $F $META #AI #UST " +"Fri Sep 29 21:45:58 +0000 2023","October seasonality shows first week bullish followed by a dump in second week! Sept worked as per seasonality, let's see Oct. $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $META $GOOGL $BABA " +"Thu Sep 07 14:12:49 +0000 2023","Despite the big gap down on indices, most of the move is driven by $AAPL as well as the Semis. The rest started deep in the red but many stocks are reclaiming. The most constructive sign is seeing $AMZN and $META green. $GOOGL poking at R/G. " +"Thu Sep 14 03:50:31 +0000 2023","$NFLX not 1, not 2, but three rallies found sellers at the overhead gap before yesterday's selloff into the 50SMA followed by today's break lower on big volume. Action out of the Megacap stocks are split: Good: $TSLA $AMZN $GOOGL $META Bad: $NFLX $AAPL " +"Mon Sep 18 19:14:36 +0000 2023","i Hi-Jacked @blondebroker1 's chart and added @TradeVolatility GEX Levels on $NVDA I love how they line up $AAPL $AMZN $GOOG $META $MSFT $NVDA $TSLA $NFLX $ES $AI $SPY $QQQ #StockMarket #trading " +"Mon Sep 11 19:36:20 +0000 2023","Despite the chop today market is setting up good opportunities for the rest of the week!!! Will be posting the tonight! $spy $spx $aapl $msft $tsla $qqq $nflx $nvda $meta $amzn $googl" +"Tue Sep 19 01:07:25 +0000 2023","I have more bangers setting up!! Lets see those likes on the ones i posted and i will post a lot more for yall !! $spy $spx $aapl $msft $tsla $qqq $nflx $nvda $meta $amzn $amd #SPX" +"Mon Sep 18 19:01:17 +0000 2023","Still keeping an eye on the monthlies and seasonality. Aside from metals and energy, doing VERY little trading of late. $SPY $XLK $QQQ $KBE $AAPL $SMH $NVDA " +"Wed Sep 20 01:36:15 +0000 2023","I will be posting a lot charts and bangers from tomorrow once powell is done!! A lot of money to be made!! Lets bank!! $spy $spx $nflx $nvda $meta $amzn $googl $msft $tsla $aapl $qqq" +"Tue Sep 19 01:30:17 +0000 2023","The next few weeks are going to be money printers!! I will be posting out the setups!!! Who wants them? $spy $spx $aapl $msft $tsla $qqq $nflx $nvda $meta $amzn $googl $amd" +"Tue Sep 12 10:05:36 +0000 2023","$SPY $QQQ we are set up for a major drawdown into quarter end. $AAPL buy the rumor sell the news. $TSLA don’t believe the hype. $VIX hedges likely today for CPI and UAW strike." +"Tue Sep 19 13:18:18 +0000 2023","⚠️September 19th Market Rundown - FOMC tomorrow expect chop behavior and hedging! - Below key levels 444 $SPY 372 $QQQ short term bearish - $NFLX under $390 has a lot of downside, $Nvda and semis also very very weak " +"Tue Sep 12 15:24:56 +0000 2023","$SPY $QQQ right at their 50 day SMA's, chopping up both longs and shorts as we head into headline / data risk of CPI and PPI - know your environment " +"Mon Sep 18 12:54:16 +0000 2023","Good #MondayMorning and thank you for checking out todays #stickynote for some #trading ideas and levels I am looking at here today. 📈🧐. $AAPL $178SS Looking for market weakness to continue, and that means we sell this name. If we pop on strong reports of #iphone15 orders, I " +"Fri Sep 08 14:59:39 +0000 2023","Today's Watchlist Results 💵 $AAPL $.78➡️$1.4💰82% $META 🚀 up but no entry $AAPL fell, even with $QQQ running strong. $AAPL acting as a market laggard. Images below. We discussed $AAPL precisely in this manner within Insiders. #optionstrading " +"Fri Sep 29 04:45:20 +0000 2023","$SPY $QQQ $NVDA $AMD A stock market in 4 charts ❤️ (Semiconductors tend to be the “tip of the spear.” They often lead corrections in and out of them. They tend to lead tech, and tech tends to lead the market) *American Association of Investor Intelligence (AAII) Survey *SPY " +"Thu Sep 07 12:44:08 +0000 2023","$SPY Under the 13ema, under the 50 Day MA, just had bad Jobless Claims Data, the past three days have been red, and now we are down $3 in Pre Market. I cant really make a good argument as to why we should BUY at all other than if you think the bottom is coming up! I think $440 " +"Tue Sep 12 12:28:48 +0000 2023","$SPY I am still 100% BULLISH in this market until we crack the 13ema and the 50 Day MA! Here are my reasons why: 1. Last week was a tough week, we saw the $SPY give back a lot of gains, but it has recovered nearly 50% already 2. Last week we fell under the 50 Day Ma and the " +"Wed Sep 06 13:09:48 +0000 2023","$QQQ & $SPX 9-6 Everything is going according to the forecast we shared yesterday. $SPY is already sitting in the mid-448s, but $QQQ needs to give up. Gaps all around, except on the $QQQ, should make this sesh a little more exciting than yesterday's. So let's have one. " +"Sun Sep 03 22:35:58 +0000 2023","Last two weeks predicted market to move up and it worked partially well. Next week, prediction is neutral to bearish. I still don't think we fill the $SPY 454 level gap next week. Thank you! ⭐️💙 $SPY $QQQ $AAPL $AMZN $NVDA $META $TSLA $MSFT" +"Fri Sep 15 01:56:28 +0000 2023","$QQQ broke out today and could drive higher into FOMC with everyone think FED will pause rate hikes. - $SPY chart looks similar could be lagging... " +"Mon Sep 18 02:41:23 +0000 2023","9/18 WL 👇 $QQQ Sitting right at a support. 369.15 needs to hold or we will go lower. If it holds we can see 375+ $SPY Short under 442.75 $SHOP Wedging. Short under 61.72. Long over 63.83 $COIN getting very tight. Watch long over 83.2 " +"Sun Sep 03 03:08:00 +0000 2023","This week's Video. $SPY $QQQ key levels Smart Money Dumb Money Margin Debt as a % of Growth NYSE McClellan Summation Several names $META $GOOG $AFRM $CVNA $TSLA $NVDA $AMAT and others " +"Tue Sep 12 02:20:32 +0000 2023","⚡FLAG WATCHLIST⚡ $NFLX Higher lows, lower highs. Needs 448.65 $SPY Has a slight gap top fill to upside. needs 449.17. $AMZN Great break today, needs 143.63 $NVDA Big shelf at 452.68. Long over that Goodluck ! " +"Tue Sep 05 19:51:35 +0000 2023","📈 $SPY BEAR GAP REMAINS! • Looks like a day of pure chop with $VIX also in red and price consolidation. • The structure wise it looks like a bear pennant but I am not convinced by how bears did not have a follow through today. • Bear gap being open so staying nimble on the " +"Thu Sep 28 19:55:05 +0000 2023","A look at the $QQQ top holdings: slight turns in $META $GOOG $NVDA, flat action in $MSFT $AMZN with $AAPL still out of position. None over 1x Rvolume " +"Fri Sep 08 00:29:07 +0000 2023","*WHAT HAPPENED OVERNIGHT* - SPX -0.32%, Nasdaq -0.89% - UST 10y yield -4 bps to 4.24% - DXY Index +0.20% to 105.07 - Fall in weekly jobless claims stoked inflation worries - Oil -0.9% to $89.80 - Apple -6% in 2 days; China plans to broaden iPhone ban to state firms/agencies" +"Wed Sep 27 22:01:53 +0000 2023","=(META+GOOG+AMZN+NFLX+AAPL)/5 is an average price for the ‘FAANG’ stocks. This custom index fell below its August lows today and the neckline of this potential double top formation. " +"Wed Sep 27 22:34:05 +0000 2023","$SPY $QQQ A stock market in 3 charts ❤️ *SPY Daily chart *Nasdaq 100 percentage of stocks above their daily 50SMA *Nasdaq McClellan Oscillator As always you decide and mange your own risk ✌️ " +"Sun Sep 24 15:04:57 +0000 2023","MAGNIFICENT 7 STOCKS: 1. APPLE 2. AMAZON 3. ALPHABET 4. META 5. MICROSOFT 6. NVIDIA 7. TESLA They are accounting 80% of the growth in the S&P500 YTD & jointly they have a market valuation of over US$11 trillion, nearly 1/4 of the entire US market capitalisation." +"Fri Sep 08 01:16:13 +0000 2023","🇺🇸Markets #DowJones +0.15% #Nasdaq -0.8% S&P500 -0.3% Nasdaq falls for a fourth straight day 😢 Apple shares -3% 👎 Bloomberg News report that China’s looking to broaden a ban on the use of iPhones in state-owned companies & agencies Technology and semiconductor stocks lagged –" +"Mon Sep 18 14:01:36 +0000 2023","$SPY $QQQ #market sideways so far $TSLA Weakest with Semis $AMD $NVDA $META $GOOGL showign some relative strength $VIX needs to reject and $QQQ needs to get over 371.20 for bullish bias " +"Fri Sep 15 17:25:39 +0000 2023","$SPY $QQQ🎯🎯 #Update That Vix push came in clutch As i mentioned we still had room on ATR , see below post! Now almost done with ATR, locked some more, will see what 14 does for next action " +"Wed Sep 13 15:05:59 +0000 2023","#markets 💡 $SPY breaking out off key resistance 447 $NVDA vs 450 in trend still $QQQ in trend $AMZN next leg over that big breakout As long as $VIX dnt bounce big , should be ok for markets " +"Thu Sep 21 12:53:48 +0000 2023","#markets $SPY $QQQ 🚨 Markets Gapping Down big ""Covid Era"" Style! SPY QQQ down as much as they fell yesterday market hours $IWM destroyed as well in premarket! VIX as high as 16.50 now " +"Fri Sep 15 23:25:40 +0000 2023","$SPY $QQQ What a difference a day makes … SPY daily chart update and thoughts 💭 I’m glad I kept shouting out on spaces that I was raising stops 50% above break even, cause just as it looked like there was a potential breakout we got a major reversal 🧹 SPY back below the " +"Tue Sep 12 10:56:58 +0000 2023","$SPY $QQQ.. listless session likely as traders wait Aug. CPI report - Oracle may not serve tech's cause - $AAPL typical post-launch weakness - most bullish analyst #TomLee gives bold call for the week via @Benzinga " +"Thu Sep 14 19:54:32 +0000 2023","So hot numbers and market rallies... Inflation no longer on a problem last 2 days. $ARM ipo.. nice move, . $META $AMZN $GOOGL breaking out. $AAPL nice trade today.. Quad witch tomorrow! HAGN!!!! In honor of $ARM.... " +"Mon Sep 25 22:44:42 +0000 2023","$TSLA $AMZN $META $NFLX little uptick in AH Overnight Swings Setups looking decent so far but too early to celebrate! Lot can happen overnight But will cover in today's Market Analysis more about reasoning behind overnights " +"Fri Sep 08 20:26:43 +0000 2023","$QQQ Slightly more bullish, as $TSLA been holding a range this entire last 5 days, and it closed above the 50D just by a smidget. Rejected the 5D today. 3 Things that Can Change the Outlook on Tech Next Week: 1. iPhone Lauch 2. ARMS IPO (AI Sympathy) 3. $GOOG antitrust trial " +"Fri Sep 22 20:35:02 +0000 2023","$QQQ Actually went for the 100SMA today and rejected and closed virtually flat. I think mostly because $AAPL $NVDA the likes even $AMD closed green. But watch out here, I think it has a date with August low support at 354. But check out where 354 is? Blue trendline from January " +"Fri Sep 08 20:24:53 +0000 2023","$SPY Seems like every week for the past 6 weeks, there's some crazy news from the left field that drops this market. And this week, the culprit was China vs. $AAPL. $SPY Setup going in to today was really nice if you paid attention to yesterdays action. We were able to " +"Fri Sep 15 18:19:27 +0000 2023",""" $AAPL $MSFT $AMZN $GOOG $NVDA $TSLA $META MAG7 looks like it could start to inflict some serious pain."" - @gregrieben (via @Stocktwits) " +"Thu Sep 14 23:02:50 +0000 2023","The ""Magnificent 7"" - just in case you were wondering who is on the list and how they are doing YTD, here you go: #NVDA Up 211.9% #META Up 159% #TSLA Up 124.1% #AMZN Up 72.3% #GOOG Up 56.6% #MSFT up 41.2% #AAPL Up 35.3% Not too shabby! (Not a recommendation)" +"Fri Sep 15 17:21:15 +0000 2023","It's not often you see the TQQQ down 5% plus. What think it was the economy/data/reports earnings Fed remarks AAPL TSLA NVDA outlooks? Do you think any of that really matters here? One good thorough look at this page and you'd know better." +"Thu Sep 07 11:07:04 +0000 2023","$NVDA, $TSLA & $AAPL all gapping down big...get the the Ash Trading System and the dot indicator ready this morning....No bias. Just follow the dots." +"Mon Sep 11 12:01:40 +0000 2023","On a day we never forget its nice to see the markets up early. Looking for long day over fridays close. Big week with CPI ahead and big $ARM IPO. $TSLA big gap up through 2 week resistance at 260, 50 SMA on daily cleared. buy dips into 260-62 on positive supercomputer DOJO" +"Thu Sep 14 18:51:02 +0000 2023","$AAPL Watch Apple on the hourly, sitting above its 27 EMA, signaling a move up to 178.57 into the bell. Gap up Creepy Crawly Up the Wall Risk for Spoooooz $SPY" +"Mon Sep 04 23:45:24 +0000 2023","Short week so focus is a little tighter $TSLA $AMZN $AMD $SPY Are probably all I'm watching! I've got some swings on $PLTR / $ZM / $AAPL / $RBLX in the works as well." +"Fri Sep 08 12:00:05 +0000 2023","The week comes to and end, can the markets get on the mend? Intel strength cant take markets higher, $AAPL and $MSFT have to find a buyer. $INTC has broken out on the daily, over $37.50, longs over. Its a long til its not! $META had that mini flash crash yesterday, volume" +"Wed Sep 20 12:04:07 +0000 2023","The $CART IPO was a flop but the trading wont stop. Klavyio debut today, $SHOP will hope buyers say yay. FED rate decision will be no move. 2:30 at the podium is when market finds a groove. $CART - IPO issue price of 30 is in play today, 35 and 36.25 are short levels $RIVN - has" +"Wed Sep 13 12:57:47 +0000 2023","High CPI Numbers, market expects no interest rate hike for upcoming FOMC meeting. Bad is good, let's rally again 😅 $SPY $QQQ $AAPL $TSLA $NVDA" +"Tue Sep 12 12:05:09 +0000 2023","If you you own $TSLA you loved monday, as a bills fan it wasnt a fun day. $ORCL guidance and revenue got a cold reception, stock flopping like a Josh Allen interception. $AMZN tapped exactly its 52w high for a double top on the daily. Looking both ways off it. $AAPL iphone" +"Wed Sep 13 12:02:07 +0000 2023","The countdown is on to CPI, break this small move down? markets shall try. China may not do Iphone ban but Europe may look to put Chinese EV's in jam. As always be patient not chasing any 830 move or assuming trend. $LI - both this and $NIO have awaited the flat bottom break," +"Thu Sep 21 17:50:34 +0000 2023","Crazy bid in these mega caps today or else would see some serious correlation to downside really hit things. Imagine if AAPL, TSLA, MSFT were down, might have a $QQQ -3% down day. Could still happen into next.. hardly any panic in VIX just yet.." +"Mon Sep 04 22:40:20 +0000 2023","Hit the ❤️ if you are ready for an awesome trading week…! $SPY $QQQ $TSLA $GOOG $NFLX $TSLA $AMZN $META $NVDA" +"Thu Sep 28 18:05:24 +0000 2023","If closing is weak, expect a gap down again tomorrow. Not an easy price action to play if you are not actively locking gains intraday. $SPY $QQQ $AAPL $AMZN $TSLA $META $NVDA" +"Tue Sep 05 12:03:05 +0000 2023","Holiday shortened week but action still at its peak. Arm IPO on our minds but til then trading Nvida and Amd is what you will find. WeWork with the reverse split, fade the move as usually means tock goes to shhhhhhh. $NVDA fade 488 level, respect $AMD strength friday, over 108" +"Sat Sep 02 15:55:19 +0000 2023","The market rally staged a follow-through day Tuesday, with all the major indexes reclaiming their 50-day lines - just 3 sessions after the ugly Aug. 24 reversal. A good week to exposure. 1/ $AAPL $TSLA $AMZN $GOOGL $NVDA $META $MSFT $ABNB " +"Mon Sep 25 12:10:09 +0000 2023","The Markets are off to a slow start, while the chart of $NIO not for the faint of heart. Shares of $TSLA trying to hold onto key support, while chip names remain a trend short. $AMZN - coming off double top on weekly. short pop to 132 and 135.50 $LI - 38 flat bottom broken," +"Fri Sep 01 15:19:50 +0000 2023","Co / Intraday High / Closing High: AMZN: 8/4/23, 8/7/23 AAPL: 7/19/23, 7/31/23 GOOG: 9/1/23, 8/31/23 META: 7/28/23, 7/28/23 MSFT: 7/18/23, 7/18/23 NVDA: 8/24/23, 8/31/23 TSLA: 7/19/23, 7/18/23 This is not healthy. It’s also what All-Clear Echo tops look like." +"Wed Sep 27 14:44:35 +0000 2023","Good morning market snipers! Magnificent 7 weekly chart: • $NVDA - no pending sell signal • $META - no pending sell signal • $TSLA - no pending sell signal • $GOOG - no pending sell signal • $AMZN - pending sell signal • $MSFT - pending sell signal • $AAPL - sell signal" +"Thu Sep 14 12:08:26 +0000 2023","As we get ready to pay an $ARM and a leg for todays IPO, we wait for the PPI reading for this market to go. Amazon looks to continue after a 52 week high, while shares of Apple seem less likely to fly. $AMZN - new 52w high with 143.50 support. like yesterday respect trend, look" +"Thu Sep 07 00:39:02 +0000 2023","Futures steady after the S&P 500 fell below the 50-day and the Nasdaq just closed above it. Closing below the low of the Aug. 29 FTD would be very bearish. OTOH, it wouldn't take much for a lot of buying opportunities. $TSLA $AAPL $NVDA $CXM $AI $PATH " +"Thu Sep 21 13:18:23 +0000 2023","👀Today's watch: $SGBXV out of control $NEPT solid volume but sliding off since 8 am $SPLK $28 Billion Cisco takeover deal $AAPL $TSLA $NVDA bluechip stocks gap down with indexes $SPY $QQQ $DIA so $UVXY is up" +"Tue Sep 12 12:12:24 +0000 2023","Market this morning: 📉 U.S. stock futures dip ahead of crucial inflation report, impacting Fed's rate hike plans. Nasdaq gains, led by Tesla post-Morgan Stanley upgrade, but Tesla, Amazon, and Microsoft slightly down premarket. Focus shifts to consumer and producer prices," +"Sat Sep 23 23:27:18 +0000 2023","$SPY $QQQ As the FED fades…❤️ As seasonals fade… The market will turn to the next catalyst… Tech earnings 🤖 few weeks away $NVDA … good guidance $AMZN … good guidance $META … good guidance $GOOG … good guidance I wonder if earnings will be…good" +"Fri Sep 15 12:11:48 +0000 2023","Market Summary: Wall Street futures mixed on Friday: Ford, GM, chip equipment makers down due to industry concerns, while optimism prevails for a pause in U.S. rate hikes. TSMC's equipment delay affects Applied Materials, Lam Research, KLA Corp. UAW strikes hit Ford, GM." +"Thu Sep 21 11:51:54 +0000 2023","Stock futures set for a lower open due to surging Treasury yields post-Fed's rate decision. Tech giants like $AAPL, $META, $GOOGL, and $NVDA dip in premarket. Fed signals a potential hike this year, emphasizing inflation concerns. Economic data and IPO market revival under" +"Fri Sep 15 20:17:56 +0000 2023","TELL ME A TICKER YOU ARE WATCHING NEXT WEEK. I WILL CHECK CHART AND FLOW, WILL SHARE IF I SEE INTERESTING SETUP OVER WEEKEND⭐️💙 $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $UNH $TGT $HD $FSLR $SEDG $ENPH $AI $BABA" +"Thu Sep 07 12:19:00 +0000 2023","Tech update: Markets in a third consecutive premarket decline due to persistent inflation worries. Investors eagerly await Fed insights on U.S. interest rates. Nasdaq's 1% dip added to concerns fueled by strong services sector data. Meanwhile, China restricts iPhone use among" +"Tue Sep 12 13:23:35 +0000 2023","#market Under EMA clouds so far premarket VIX 14.35 key for markets $TSLA $AMZN $META focus of market plays $AMD $NVDA semi sector check levels" +"Tue Sep 26 14:39:32 +0000 2023","Very interesting day out there this morning with big tech big time dump $AMZN $AAPL $GOOGL $MSFT the most highly weighted names in $QQQ, while higher risk/reward growth names $XBI, $ARKK and others saw strength. In the end, $SPY And $QQQ bears remain confident, with key weekly" +"Mon Sep 11 13:59:15 +0000 2023","10 AM Trend Time here $SPY $QQQ trying to hold up gap but VIX needs to fail under 14 $TSLA relative strength $AMZN $NFLX Strong names with volume $NVDA $AMD semis taking heat" +"Fri Sep 22 12:17:41 +0000 2023","Fridays trade is here, but is another freefall near? Recent IPO's try to hold their lows while $BABA and $NIO are on the go. Here are some ideas to start the day, watching @traderTVLIVE is the way! $AMD, since 100 break looking to short pops. 98, 100 the resistance levels. 200" +"Thu Sep 07 19:59:36 +0000 2023","And that is a wrap! $SPY failed at the 21D so far, down 4 days in a row, but good bounce. $AMZN $GOOGL very nice candles One more day this week and tonight..... FOOTBALL!!!! HAGN!!!" +"Thu Sep 21 20:49:45 +0000 2023","@RealSimpleAriel Yes it does.....I am more Livermoresque....AAPL AMZN GOOG META TSLA NVDA etc are the market leaders. AAPL is king kong in that group. It led higher and has also led lower." +"Thu Sep 14 02:55:42 +0000 2023","Watchlist is basically depleted. Filled with failed setups and distribution. Not much to do right now until market can sustain a rally. TSLA GOOG AMZN a few standouts but thats about it. Still inside on weekly $QQQ - remaining unbiased until it breaks one way or the other" +"Thu Sep 07 09:59:42 +0000 2023","Good Morning! Futures mixed flat to down ($QQQ) $AAPL CHINA SAID ITS LOOKING TO BRODEN ITS IPHONE BAN $ROKU d/g Hold @ Loop pt $85 $ROKU pt raised $100 from $85 @ Needham $MCD u/g Overweight @ WFC pt $310 $MS int Buy @ HSBC pt $99 $GS int Buy @ HSBC pt $403 $HD int Hold @" +"Thu Sep 21 12:22:51 +0000 2023","Curious: If, $AMZN 130 Weekly 20MA will hold? $GOOG 131.44 50DMA will hold? $QQQ 360358 SMA/EMA100 will hold? $SPY 433/435 August Lows will hold? (Broke the 100MA premarket) $NVDA SMA100 412.19" +"Tue Sep 19 19:43:14 +0000 2023","Slow day, markets went down then back up... all about Powell tomorrow. $AAPL $META PINS Showed r/s today.. $MSFT $TSLA as well. Less is more right now. HAGN!" +"Sat Oct 21 01:31:01 +0000 2023","About 900 points off weekly touch on the Order block 👊 into SMR #us30 #forex $aapl $amd $nvda $msft $meta $tesla $aapl $spx $es_f $spy $nvda $amd #eurusd $USD $nflx $abnb " +"Mon Oct 23 21:06:09 +0000 2023","$AAPL $SPY Apple on 5 min intraday another H&S $AI $MSFT $NVDA $AMD $GOOGL $META $QQQ $SMH $TSLA $AMZN $DIA $XOM $CVX $PANW $CRWD $FDX $NFLX $INTC $MU $TSM $JPM $BAC $C $MS $XLF $F $GM $COIN $MSTR $ARKK $IWM $HOOD $DOCU $ROKU $TWTR $PINS $CVNA $BA $FCX $AA $X $AMC $GME $SQ $PYPL " +"Thu Oct 19 13:36:24 +0000 2023","LUCID SHARES JUST HIT A NEW ALL TIME LOW AGAIN TODAY AND FINALLY HIT MY $5 DOLLAR PRICE TARGET 2 YEARS AGO PEOPLE THOUGHT MY $5 DOLLAR TRAGET WAS A JOKE NOW THE STOCK IS DOWN 95% #lucid #NASDAQ #NASDAQ100 #StockMarket " +"Fri Oct 20 14:38:45 +0000 2023","📈 Analyzing $VS stock trends on #NASDAQ. Sharp volume spikes with notable price changes in recent days. Watch for potential reversals with the RSI nearing mid-range. Divergence spotted on MACD. Stay informed on #StockMarket moves. #TradingInsights #VersusSystems #VS #MOB $MOB 🤓 " +"Sun Oct 29 23:07:09 +0000 2023","A bit dated, but a nice, insightful one stop shop. Would be interesting to compare some of the higher earnings growth stocks to what their 5yr stock price did. #NDZ $QQQ #stockmarket #NASDAQ #growthstocks " +"Thu Oct 05 12:54:29 +0000 2023","$NASDAQ BEARISH • Change in order flow • rejections on WK/MN supply zone • impulse and corrections • price will likely break Daily demand. $QQQ $NQ $SPX $SPY $DXY #NASDAQ #NASDAQ100 #NAS100 #StockMarket #stockmarketcrash #stock #bearmarket " +"Mon Oct 09 21:45:14 +0000 2023","Levels I'm watching on QQQ tomorrow odte $AAPL $ABBV $ADBE $AMAT $AMD $AMZN $AZO $BA $BABA $BYND $DIS $META $FDX $GOOG $HD $INTC $IWM $JPM $LMT $LOW $LULU $MA $MSFT $NFLX $NVDA $QQQ $RH $ROKU $SNAP $SPY $T $TLT $TSLA $UVXY $V $VXX $XOM " +"Tue Oct 10 23:07:44 +0000 2023","Levels I'm watching on QQQ tomorrow odte 😉$AAPL $ABBV $ADBE $AMAT $AMD $AMZN $AZO $BA $BABA $BYND $DIS $META $FDX $GOOG $HD $INTC $IWM $JPM $LMT $LOW $LULU $MA $MSFT $NFLX $NVDA $QQQ $RH $ROKU $SNAP $SPY $T $TLT $TSLA $UVXY $V $VXX $XOM " +"Wed Oct 11 21:39:31 +0000 2023","Levels I'm watching on QQQ tomorrow odte 😉$AAPL $ABBV $ADBE $AMAT $AMD $AMZN $AZO $BA $BABA $BYND $DIS $META $FDX $GOOG $HD $INTC $IWM $JPM $LMT $LOW $LULU $MA $MSFT $NFLX $NVDA $QQQ $RH $ROKU $SNAP $SPY $T $TLT $TSLA $UVXY $V $VXX $XOM " +"Wed Oct 25 13:40:55 +0000 2023","US markets open - Nasdaq Composite $NDQ dipped as Alphabet $GOOG earnings disappointment dragged down tech stocks. Nasdaq fell ~1%, while S&P 500 $SPX slipped ~0.5%. Dow Jones Industrial Average $DJI was up ~0.2%, boosted by Boeing $BA and Microsoft $MSFT. Alphabet's " +"Fri Oct 06 20:10:06 +0000 2023","$TSLA Stockmarket Update #Signal = bullish !!! First #TESLA #stock #price target @ $260 reached, next ist $270 (A) which is a very crucial resistance of the longer term downward channel. Above that we look at ~$300 (B) resistance. After that the upper bound of the upward " +"Fri Oct 27 13:38:47 +0000 2023","US markets open - The Nasdaq Composite $NDQ made gains on Friday in an attempt to recover from this week's significant losses. Amazon $AMZN played a pivotal role in boosting tech-related stocks as it reported robust quarterly results. The tech-heavy index saw an increase of " +"Wed Oct 04 19:07:42 +0000 2023","HYG PUT PRESSURE and the stock is up? When have we seen this kind of distortion on the option chain and the price move opposite? If this was call side action for tsla the stock would be up 5%. #hyg #interestrates #Fed #StockMarket #trading #optiontrading " +"Fri Oct 06 16:47:30 +0000 2023","Was watching $NFLX $AMZN $AMD per post below, mentioned $AAPL as well But then $NVDA $SHOP $CVNA $QQQ entered the chat Even if different #stocks, this is all one big trade...and I'm managing it as such " +"Thu Oct 12 14:00:49 +0000 2023","2 for 2 over our price target and we are not even 30 minutes in. Thanks to $SPY and $BABA. See what your missing out on? With or without you. Your choice... #TradingWarrior #daytrader #trading #money #investing #stockmarket #invest #entrepreneur #finance #daytrading #trade " +"Thu Oct 19 07:23:10 +0000 2023","Netflix (NFLX) had a strong Q3, gaining subscribers and earnings, while also implementing price hikes for its lower-priced ad tier. @netflix #NFLX #Netflix #OTT #Earnings #US #Tech #Q3 #AI #StockMarket #Stock #MarketUpdate #CenturyFinancial " +"Fri Oct 06 17:06:03 +0000 2023","$SPY $QQQ higher for longer may be in its final chapter. $TSLA $NVDA $AAPL $AMZN $MSFT $META $GOOGL $VVOS $RIVN $VINO $XOM $MKUL $OXY $SIRI $DVN $BTTR $SU $NUVL $VFS $BB $CEI $WNW $LAAC $OSTK $OKYO $CLX $STZ $QQQ $SPY $BTC " +"Thu Oct 19 06:25:27 +0000 2023","After earning calls of Tesla, the stock will be crash in a short term (I guess stock price will be around 200$) , but this is a big opportunity buy some shares for the long term... #TSLA #StockMarket" +"Thu Oct 19 10:14:19 +0000 2023","$NFLX Netflix’s stock jumps more than 10% on a huge spike in subscribers, and price hikes. #movies #stockmoves #stocktrading #stockmarket " +"Thu Oct 05 15:54:08 +0000 2023","@dampedspring I’m so old that I remember when these went from being called FAANG to FAANG+. Here is a precovid time series of (META AMZN NFLX GOOG&GOOGL MSFT AAPL NVDA)/SPX " +"Wed Oct 18 15:09:44 +0000 2023","$SPY What I’m looking at 👀 $SPY $SPX $NQ $QQQ $VIX $DXY $BTC $TLT $AAPL $NVDA $TSLA $MSFT $BA $NFLX $AMZN $META $AMD $OXY $AFRM $TLRY $AMC $GME #earnings " +"Tue Oct 24 13:59:18 +0000 2023","$SPY $QQQ very messy looking all around PMI comes in hot but we also have $GOOGL $GOOG, $MSFT earnings afterhours Range is too tight, can be a choppy day IMO Im cash ♠️" +"Fri Oct 06 17:32:34 +0000 2023","$SPY Been a good day. Cash for now. Wonder if we test 430 today. $AAPL $TSLA $NVDA $NFLX $MSFT $META $AMZN $TLT $TNX $VIX $DXY $AMD $GM $AMC $GME $BTC $ETH $RBLX $GOOGL $SPX $NQ $QQQ $ES_F " +"Sat Oct 28 19:24:18 +0000 2023","Even with $AMZN ER beat, $SPY still went below 413… $QQQ breached 344, which was 200ema, so 331 is probably coming after a slight pop. QQQ should see a pop since 200ema is still nose up and should act as support. SPY may not bounce till 400.83 " +"Mon Oct 23 16:16:51 +0000 2023","$NQ $QQQ Hella strong 🤟 $7+ T in total market cap reporting this week, all eyes on $MSFT, $GOOG tomorrow 🔥 Degen stonks $NVDA $TSLA massive GREEN from days bottom " +"Tue Oct 03 09:45:56 +0000 2023","META Analysis: Price Target Raised to $390 🔸Truist Securities analyst Youssef Squali raised his target price to USD 390 per META share. The daily chart of META stock, meanwhile, shows a mixed picture. 🔗 Read: #meta #StockMarket #stockstowatch " +"Thu Oct 19 12:06:03 +0000 2023","$MSFT $NVDA $GOOGL $NFLX big tech front runnin $SPY $QQQ $NDX again, $AAPL right behind. all indicatorz showed large accumulation yesturday, which we cant ignore " +"Wed Oct 18 19:05:44 +0000 2023","I mean come on I literally gave you another $spy banger live lol! Who isnt liking this! $spx $aapl $msft $tsla $qqq $nflx $nvda $meta $amzn $amc $gme" +"Wed Oct 25 22:25:03 +0000 2023","Looks like $META got clobbered and it dragged the market down with it 👀 $SPY $SPX $QQQ $IWM $AAPL $MSFT $AMZN $NVDA $META $TSLA $ADBE $NFLX $AMD $CRWD $ENPH $VIX " +"Fri Oct 27 17:12:50 +0000 2023","How similar do these two setups look: $AMZN & $AAPL #Apple scheduled to report earnings on Nov 2nd, and that can very well be the spark the market $SPY $SPX $QQQ needs. Miyan @warrior_0719 with me, no fear. We are going to print a Burj Khalifa candlestick. 🤝 " +"Wed Oct 11 12:50:28 +0000 2023","SPY- PPI higher than expectation. CPI will be too. Market flat. Wall St. always wins these binary events. Again, we have 438 gap fill. Earnings coming up. Market may brush this off and stay green. Let’s see. PA! $spy $qqq $aapl $tsla $spx $pltr $amd" +"Wed Oct 11 22:22:23 +0000 2023","Naz internals-- - index 50 DMA reclaim - Net new h-l and % above 50 DMA signals flipping green - NASI 10ema crossover - up volume trending higher Odd that nasdaq stocks were down 1.5:1, but let's see where we end the week w/ CPI tomorrow and earnings season starting " +"Sun Oct 22 17:26:41 +0000 2023","$QQQ Still far away from tagging 200 SMA 👀 $SPY closed for the first time below 200 MA since March, and the primary trend is now down. Tech can push S&P further down to 410. Some of the big tech names are still holding up despite the selloff. Expecting a 5% dump from current " +"Tue Oct 17 19:38:12 +0000 2023","$spy rallied nearly back to near 436 since this tweet, once again marked a short term bottom!! $spx $aapl $msft $tsla $qqq $nflx $nvda $meta $amzn $googl" +"Wed Oct 25 00:45:20 +0000 2023","$SPY $QQQ levels + gameplan tomorrow posted for members. ✅ Should be easy, watching QQQ closely with tech.. $META $AMZN next to bat with earnings. Keep it simple tomorrow guys. Less is more." +"Sun Oct 08 02:31:04 +0000 2023","1- 10/2 $SPY - Top ten $AAPL $MSFT $AMZN $NVDA $GOOGL $TSLA $GOOG $META $BRKB $UNH Top Ten % of Assets 31.04 the highest since tracking in July. #stocks #StockMarket" +"Tue Oct 03 17:27:00 +0000 2023","Earnings Growth & Price Strength Make Microsoft (MSFT) a Stock to Watch #StockMarket #DayTrading $AAPL, $MSFT, $GOOG, $AMZN, $NVDA, $TSLA, $META, $ORCL, $NFLX, $INTC, $BA, $AMD, $SPY, $QQQ " +"Tue Oct 31 15:41:28 +0000 2023","Yall ask for live updates on $spy and yet dont like it! I gave you an update and banger! $spx $aapl $msft $tsla $qqq $nflx $nvda $meta $amzn $googl $tsla $amc $gme" +"Sun Oct 15 00:56:19 +0000 2023","1 -10/2 - 10/9 $SPY - Top Ten - $AAPL $MSFT $AMZN $NVDA $GOOGL $TSLA $META $GOOG $BRKB $UNH. % of Assets for top ten increased to 31.35% (tracking all time high). Sold shares in all. #stocks #StockMarket #earnings" +"Mon Oct 09 21:49:40 +0000 2023","Levels I'm watching on $QQQ tomorrow #0dte $AAPL $ABBV $ADBE $AMAT $AMD $AMZN $AZO $BA $BABA $BYND $DIS $META $FDX $GOOG $HD $INTC $IWM $JPM $LMT $LOW $LULU $MA $MSFT $NFLX $NVDA $QQQ $RH $ROKU $SNAP $SPY $T $TLT $TSLA $UVXY $V $VXX $XOM" +"Tue Oct 10 23:08:58 +0000 2023","Levels I'm watching on QQQ tomorrow #0dte 😉 $AAPL $ABBV $ADBE $AMAT $AMD $AMZN $AZO $BA $BABA $BYND $DIS $META $FDX $GOOG $HD $INTC $IWM $JPM $LMT $LOW $LULU $MA $MSFT $NFLX $NVDA $QQQ $RH $ROKU $SNAP $SPY $T $TLT $TSLA $UVXY $V $VXX $XOM" +"Mon Oct 23 02:12:15 +0000 2023","$SPY Stock Market update video and I analyzed $tsla $googl $meta $aapl $amzn $nvda. Officially now Market is under all 50/100/200 SMA line but testing $419 demand zone to watch and we are over sold more detail in video -> " +"Thu Oct 26 01:53:12 +0000 2023","$SPY Stock Market update video and I analyzed $tsla $googl $meta $aapl $amzn $nvda. Market leaving the demand zone today market closed 5 Month lower low. MacD super Bearish and Cloud over the head is not normal looking.Detail in the video 👉 " +"Thu Oct 05 13:26:13 +0000 2023","My $SPY Channel for today $SPX $QQQ Gamma levels $TSLA $AMD $NVDA $AAPL $GOOGL $MSFT $QQQ $NVDA $NFLX $AMZN $META Thursday 8:30AM ET - Jobless Claims 9:00AM ET - Mester Speaks 11:30AM ET - Barkin Speaks 12:00PM ET - Daly Speaks 12:15PM ET - Barr Speaks " +"Mon Oct 30 18:43:30 +0000 2023","Yup. Anyone can do it without a sophisticated algo. Have all the SMA outfits as tabs accessible to you on a multigrid while monitoring the Nasdaq SPY DJI and tangential proshares. Better in this order. SPX SPY IXIC UPRO SPXU SQQQ TQQQ DIA UDOW SDOW. Mostly TQQQ/IXIC/SPY/SQQQ ." +"Thu Oct 19 14:04:48 +0000 2023","Not an easy environment to say the least. NFLX +15% TSLA -8% NVDA ugly AAPL AMD rallying into MAs above, have a short look GOOGL META MSFT PLTR all holding up really well NET building out a nice pattern PANW ZS CRWD all fine still Where do we go from here? 😀 " +"Fri Oct 27 14:58:27 +0000 2023","Just posted a midday $spy important update!! Will be posting more! If you find it helpful ❤️and retweet it! $spx $aapl $msft $tsla $qqq $nflx $nvda $meta $amzn $googl $qqq $amc $gme" +"Thu Oct 19 01:23:33 +0000 2023","Btw since yall want, I will be posting more tomorrow real time during market hours like today!! $spy commentary, bangers, charts everything! $spx $aapl $msft $tsla $qqq $nflx $nvda $meta $amzn $googl $amc $gme" +"Fri Oct 20 14:27:00 +0000 2023","Why Nasdaq, S&P 500 Futures Are Sagging Today – Netflix (NASDAQ:NFLX), WD-40 (NASDAQ:WDFC), SLB (NYSE:SLB), CSX (NASDAQ:CSX) #StockMarket #DayTrading $SPY, $QQQ, $MSFT, $AMZN, $TSLA, $NVDA, $AMD, $META, $AAPL, $GOOGL, $NFLX, $TSM, $MS, $T, $AAL, $SEDG " +"Tue Oct 24 13:50:51 +0000 2023","US STOCKS-Wall Street eyes higher open as Treasury yields retreat; earnings in focus #StockMarket $MSFT, $GOOGL, $AMZN, $META, $INTC, $GM, $CVX, $TSLA, $NVDA, $NFLX, $AAPL, $TLT, $AMD $PLTR, $COIN, $SPY, $QQQ " +"Wed Oct 11 23:58:45 +0000 2023","@BrettSimba I’m not shorting QQQ with META & GOOGL ripping to new highs, AAPL about to fill an upside gap, AMZN looks like a launch pad, NVDA has been on absolute fire up 60+ pts off last swing low" +"Tue Oct 31 05:01:59 +0000 2023","SPY QQQ bounce off wkly channel support. Paused at daily 2wk desc tl res. Getting tight. Daily/wkly osc oversold. Tu: HF Eoyr, AMD Wed: ADP, TreasuryRefunding, PMI mfg, Jolts, Fomc, MSFT co-pilot, QCOM, SMCI Th: Yellen, AutoSales, PLTR, SHOP, AAPL, FTNT, NET Fri: Jobs, PMI svcs " +"Wed Oct 25 13:15:23 +0000 2023","Update before the open: US Futures morning of October 25 2023, Markets down after mixed results of tech sector earnings #futures $spy $nasdaq $vix $qqq $spx $qqq #dowjones 📉📉 $avtx $gvp $ebet $nkla $ttoo $mcom $atvi $bsfc $cnxa $seel $agri $swin $gmbl $amti $mlgo $sgen " +"Thu Oct 05 14:25:00 +0000 2023","$QQQ vs $SPY Reversal Recently, $QQQ had performed better than $SPY on a relative basis. Big tech in particular. That's reversed so far today. A meaningful bounce in $QQQ shows profit taking sales. Continued selling signals a broader loss of confidence. Keep an eye on $SMH " +"Wed Oct 25 10:07:18 +0000 2023","US Futures morning of October 25 2023, Market is down as we await earnings #futures $spy $nasdaq $vix $qqq $spx $qqq #dowjones 📉📉 $avtx $gvp $ebet $nkla $ttoo $mcom $atvi $bsfc $cnxa $seel $agri $swin $gmbl $amti $mlgo $sgen $tsla $nvos $ionq $agil $gdhg $pltr $vix $dow " +"Tue Oct 24 13:14:46 +0000 2023","Update before the open: US Futures morning of October 24 2023, Tech sector earnings will determine if the market stays green. #futures $spy $nasdaq $vix $qqq $spx $qqq #dowjones 📈📈 $avtx $gvp $ebet $nkla $ttoo $mcom $atvi $bsfc $cnxa $seel $agri $swin $gmbl $amti $mlgo $sgen " +"Sat Oct 14 14:57:00 +0000 2023","$SPY DAILY: Dropped six dollars off highs past two days, still holding the 9 EMA. Tech earnings kick off this week with $TSLA and $NFLX will be interesting to see if this is a lower high, if we so we will retest 415-420 again. $AAPL $AMZN $GOOGL $NVDA " +"Mon Oct 02 02:47:57 +0000 2023","$SPY $QQQ $NAMO $TSLA $META A stock market in four charts ❤️ *Nasdaq 100 percentage of stocks above their 50MA *Nasdaq McClellan Oscillator (NAMO) *TSLA Monthly chart *META Monthly chart " +"Thu Oct 19 19:19:53 +0000 2023","Naz down .8% with $AAPL $GOOGL $AMZN unch, $MSFT +.5% & $META -1.1% & $NFLX +16.5% Don't wanna look at what the other 94 stocks are doing... yikes. $QQQ" +"Fri Oct 20 13:19:37 +0000 2023","$SPY GAMMA EXPOSURE -14,737.51 $MM per 1% $QQQ GAMMA -4,402.82 $MM USD per 1% move $IWM --2,633.73 $MM USD per 1% move $TSLA -300.94 $MM USD per 1% move $NVDA -302.41 $MM USD per 1% move $AMZN +197.43 $MM USD per 1% move $NFLX +150.42 $MM USD per 1% move $META +73.28 $MM" +"Wed Oct 18 12:53:29 +0000 2023","$SPY GAMMA EXPOSURE -6,617.37 $MM USD per 1% move $QQQ GAMMA EXPOSURE -2,584.63 $MM USD per 1% move $IWM -1,820.29 $MM USD per 1% move $TSLA +144.54 $MM USD per 1% move $NVDA -102.41 $MM USD per 1% move $AMZN +197.43 $MM USD per 1% move $NFLX -41.19 $MM USD per 1% move" +"Mon Oct 09 12:50:04 +0000 2023","On Friday, the market FLUSHED out the negative gamma....For now. $SPY GAMMA EXPOSURE +1,828.81 $MM USD per 1% move $QQQ +1,159.67 $MM USD per 1% move $TSLA +579.57 $MM USD per 1% move $NVDA +1,135.73 $MM USD per 1% move $AMZN +201.72 $MM USD per 1% move $NFLX +165.65 $MM USD" +"Fri Oct 13 20:44:46 +0000 2023","$QQQ ... next week will be an important week as far as this chart goes! The trend of Lower Highs since the July top is still technically intact. $NFLX, $TSLA, $TSM, $LRCX are some of the big tech earnings to watch next week. Will help give us more color about future direction " +"Thu Oct 26 02:34:12 +0000 2023","$spx 4183 as posted $spy $spx $msft $meta $nvda $baba $googl $amd $orcl $cvna $QQQ $SPY $AAPL $TSLA $NVDA $AMC $JNJ $AMZN $KVUE $AMD $MSFT $TGT $BABA $META $SE $AMGN $PYPL $BAC $PBR $NKLA $DIS $PLTR $AAPL $CL $KO $O $tsla #TSLA #Tesla " +"Fri Oct 27 11:45:50 +0000 2023","Barclays raises Amazon PT to $190 Evercore ISI raises $190->$195 Stock wouldn’t be under $145 right now, if the broader market internals were better. Stellar earnings 💫 $AMZN $SPY $QQQ" +"Sun Oct 29 03:48:38 +0000 2023","$SPX triple MACD my 🎁 to you, follow me for more free @tradingview scripts… Special thxs to @KioseffTrading you can build anything $AAPL $AMZN $GOOG $META $MSFT $NVDA $TSLA $NFLX $SPY $QQQ #StockMarket " +"Tue Oct 31 22:17:56 +0000 2023","$SPX ticked up ever so slightly along with big tech as investor await $AAPL earnings. FANG & Innovation📱 🟢 $AMD +2.45% 🟢 $INTC +2.27% 🔴 $META -0.46% 🔴 $NVDA -0.93% " +"Wed Oct 04 15:55:05 +0000 2023","$SPY $QQQ $VIX #markets Market Trying to find a trend over PM highs $QQQ already in trend $VIX under 19 will give good conviction $META vs 300 and $GOOGL $TSLA $AAPL $MSFT Leading the way $NVDA $AMD right behind $AMZN still laggy " +"Wed Oct 11 18:35:26 +0000 2023","$tsla #TSLA #Tesla trying $spx $msft $meta $nvda $baba $googl $amd $orcl $cvna $QQQ $SPY $AAPL $TSLA $NVDA $AMC $JNJ $AMZN $KVUE $AMD $MSFT $TGT $BABA $META $SE $AMGN $PYPL $BAC $PBR $NKLA $DIS $PLTR $AAPL $CL $KO $O " +"Tue Oct 31 07:01:26 +0000 2023","$SPX started the week with a jump, as investors await the Fed rate verdict. Tesla took a 4% hit, falling under $200. Yet, big tech rallied ahead of Apple's earnings. FANG Innovation📱 - Amazon $AMZN +3.89%🟢 - Adobe $ADBE +3.70%🟢 - Netflix $NFLX +3.07%🟢 - Tesla $TSLA -4.79%🔴 " +"Thu Oct 26 01:46:47 +0000 2023","So far earnings for MAG7, $TSLA ❌ Stocks ❌ $GOOGL ❌ Stocks ❌ $MSFT ✅ Stocks ✅ $META ✅ Stocks ❌ $AAPL ❓Stocks ❓ $AMZN ❓Stocks ❓ $NVDA ❓Stocks ❓ LAST 3 to hold the line. Temporary support for QQQ would be $330. If Apple and NVIDIA dies, AI hype and major sentiment " +"Tue Oct 31 15:42:11 +0000 2023","FANG+ Constituents: $AAPL 169.11 -0.69% $AMZN 132.1 -0.47% $AMD 96.41 +0.25% $GOOG 124.46 -1.02% $META 299.67 -0.99% $MSFT 335.21 -0.63% $NFLX 405.46 -1.16% $NVDA 401.89 -2.38% $SNOW 144.49 +0.23% $TSLA 197.2 -0.08%" +"Tue Oct 17 17:10:34 +0000 2023","$SPY $QQQ I’m still in money market funds, but this market is incredibly resilient. Bulls really need to get $RSP over the 200 day sma ($146.25). My major worry is $AAPL earnings. Tim Cook sold $42 million of stock on 10/3." +"Fri Oct 13 17:48:55 +0000 2023","FANG+ Constituents: $AAPL 178.74 -1.1% $AMZN 129.53 -2.12% $AMD 105.13 -3.37% $GOOG 138.57 -1.23% $META 314.19 -3.09% $MSFT 327.8 -1.01% $NFLX 354.98 -1.72% $NVDA 455.62 -2.94% $SNOW 158.28 -1.02% $TSLA 251.75 -2.74%" +"Mon Oct 16 10:27:46 +0000 2023","FANG+ Constituents: $AAPL 176.95 -1.08% $AMZN 129.88 +0.05% $AMD 104.88 -0.15% $GOOG 138.88 +0.25% $META 315.29 +0.25% $MSFT 328.43 +0.23% $NFLX 355.04 -0.08% $NVDA 449.85 -1.03% $SNOW 156.98 -0.1% $TSLA 248.72 -0.94%" +"Thu Oct 26 13:15:57 +0000 2023","GAMMA EXPOSURE THREAD $SPY GAMMA EXPOSURE -13,128.32 $MM per 1% move $QQQ -4,858.69 $MM USD per 1% move $IWM -2,633.73 $MM USD per 1% move $TSLA -19.87 $MM USD per 1% move $NVDA -1.43 $MM USD per 1% move $AMZN +56.43 $MM USD per 1% move $NFLX +69.42" +"Mon Oct 23 16:16:59 +0000 2023","FANG+ Constituents: $AAPL 172.72 -0.09% $AMZN 127.16 +1.58% $AMD 101.92 +0.11% $GOOG 138.19 +1.06% $META 316.31 +2.49% $MSFT 330.33 +1.12% $NFLX 403.71 +0.68% $NVDA 428.66 +3.58% $SNOW 149.47 +1.23% $TSLA 215.28 +1.55%" +"Thu Oct 05 16:33:23 +0000 2023","FANG+ Constituents: $AAPL 173.89 +0.13% $AMZN 125.62 -1.09% $AMD 102.38 -1.62% $GOOG 135.73 -0.4% $META 302.57 -0.97% $MSFT 317.01 -0.62% $NFLX 370.09 -1.81% $NVDA 445.19 +1.08% $SNOW 150.43 -0.99% $TSLA 259.69 -0.56%" +"Mon Oct 30 18:07:44 +0000 2023","Mega cap earnings so far: $TSLA 📉 $NFLX 📈 $MSFT 📈/ flat $GOOGL 📈 $AMZN 📈 $META 📉 /flat $AAPL - TBD Nov 2nd 4/7 up so far with the ""giant"" yet to report. If it reports good, then RIP bears- Santa rally will be on its way." +"Mon Oct 30 23:29:17 +0000 2023","Nice day to begin the week! $SPY nice closing EOD, $AMZN, $GOOG and $NFLX looking stronger today. $OTC really picking up ⬆️. $SONG $GVSI $DKSC $ABQQ $TRSI $MAPT $ICNM" +"Thu Oct 26 20:18:59 +0000 2023","The 3rd (Amazon) and 47th (Intel) largest US companies by market cap significantly beat expectations and see their respective stocks rally. The result for the $QQQ Nasdaq 100 ETF translates to a relatively modest 0.4% bounce after hours" +"Tue Oct 24 15:02:21 +0000 2023","Reminder: MSFT, AAPL, INTC, META, GOOGL represent a huge portion of the QQQ index & a large part of SPY. $100bil+ in Treasury auctions this week… on Tues, Wed, Thurs." +"Mon Oct 16 12:24:58 +0000 2023","$SPY GAMMA EXPOSURE -11,749.05 $MM USD per 1% move $QQQ GAMMA EXPOSURE -3,334.20 $MM USD per 1% move $TSLA -263.43 $MM USD per 1% move $NVDA -73.12 $MM USD per 1% move $AMZN +63.96 $MM USD per 1% move $NFLX -234.19 $MM USD per 1% move $META +160.07 $MM USD per 1% move" +"Sat Oct 28 18:00:47 +0000 2023","$SPY I hope that you enjoyed the charts! I posted analysis on the following: $INTC $AMZN $META $TSLA $MSFT $NVDA $GOOGL $NFLX Have a great rest of your weekend!" +"Thu Oct 05 15:54:41 +0000 2023","@timmmapple @PharmD_KS Daily chart RSI(5) & stochastic curling down bearish cross 5ema on xlk qqq tqqq ndx soxx soxl arkk lrcx amzn amd msft meta mstr compq coin nflx spy" +"Sun Oct 15 03:12:40 +0000 2023","@ElephantCapita2 Thank you EC. We need to keep an eye on the big dogs of qqq. Nvda and tsla have a similar bearish setup. Aapl and msft are aligned. Meta, googl, amzn roughly aligned. Avgo new ath yesterday and dropped 5% in a couple of hours. Meta has to turn…" +"Mon Oct 23 12:03:07 +0000 2023","The 10 year tags 5% but back down, though a look at the VIX over 22 will make you frown. We await major earnings this week, while Tesla shares under the 200 SMA looking meek. $SHOP - held under 51, the bottom comes out under 50. $TSLA - close under the 200 SMA has 215 for" +"Tue Oct 10 20:11:53 +0000 2023","Rest over next couple of days would make sense as SPX rallies into overhead unfilled gap, AAPL sold off 50DMA, AMZN sold off 20EMA, NFLX sold off 20EMA. Other megas META TSLA NVDA strong 3 days, technically set up great but sideways would not surprise, see if we hold above near" +"Tue Oct 24 13:55:48 +0000 2023","Keep watch on broader markets.. don’t lose sight of recent conditions. $SPY $QQQ both rejected near yesterday’s highs so far. Big time earnings to come too this week." +"Mon Oct 30 21:55:13 +0000 2023","Tonight's video $SPY $QQQ oversold and overbought levels Why Japan's actions this evening are significant $TNX Earnings plan $AMD Several Stocks covered $TSLA $NVDA $PINS etc" +"Tue Oct 10 19:50:17 +0000 2023","3 big up days and we cooled off on Bond data. PPI tomorrow FOMC mintues and CPI on Friday then Earnings start Friday. $META $TSLA $NVDA Very strong today HAGN!" +"Tue Oct 31 05:55:00 +0000 2023","Tonight's video $SPY $QQQ oversold and overbought levels Why Japan's actions this evening are significant $TNX Earnings plan $AMD Several Stocks covered $TSLA $NVDA $PINS etc" +"Mon Nov 06 08:00:10 +0000 2023","🚀The most active stock of the hour: Netflix $NFLX +1.80% #AInvest_Magic #shareholders #daytrading #StockMarket #wallstreet The Magic signal for $NFLX resulted in +3.63% in its price. 👏Follow and comment to access your holdings signal without any cost! " +"Thu Nov 30 09:36:51 +0000 2023","#Financial markets: Unveiling the influential factors behind @Meta stock price fluctuations #meta #stockmarket #stockstowatch #stocksinfocus #investing " +"Wed Nov 22 15:25:00 +0000 2023","$NVDA #nvidia looks like a overreaction with multiple price increase of 10% plus, Wells Fargo raised to $675 from $600 as well, see more in the image. #StocksInFocus #stockstowatch #stockmarkets #stock #stockmarketnews #tech #StockMarket #investing #investingideas " +"Wed Nov 01 21:17:59 +0000 2023","@AswathDamodaran values $TSLA per share at $179.556! That’s why $TSLA stock price keeps going down.When you look at it $TSLA P/E ratio is actually at 66.Which means the stock is overvalued. However,I still believe in $TSLA will🚀in the near future🙂! #StockMarket #StockToWatch " +"Fri Nov 10 21:12:43 +0000 2023","$SPY : HEATMAP 👀 $TSLA $MSFT $META $AAPL $GOOGL $NFLX $NVDA $AVGO $LLY $JNJ $AMD $JPM $WFC $MCD $MA $WMT $HD $COST $AMZN $PG $KO $PEP $UNP $UPS $XOM $QCOM $INTC $TXN $HON $BA $RTX $GS " +"Thu Nov 09 17:51:48 +0000 2023","$TSLA is having a three black crow chart 😶‍🌫️ I feel life is much better without owning a $TSLA stocks. So dramatic! 🙄 What’s the bad news? HSBC downgraded the stock price to $146? But could it be their analysts just don’t like @elonmusk I still believe in $TSLA 🚀 #stockmarket " +"Mon Nov 06 18:53:03 +0000 2023","$SPY 60min Chart Gaps everywhere $AAPL $AMZN $GOOG $META $MSFT $NVDA $TSLA $NFLX $ES $AI $SPY $QQQ #StockMarket #trading " +"Thu Nov 02 13:28:16 +0000 2023","$SPY $VIX $AAPL $META $TSLA 📈 Market Brief: $SPY: Strong upward expansion yesterday, followed by a continued surge in the extended session. Note the Apple's earnings report after hours - market appears to be awaiting this report to confirm its next move, whether higher or " +"Tue Nov 07 11:59:07 +0000 2023","$MAG 7 as a group is lower. TSLA -2.22, NVDA -4.17, AAPL -0.92, MSFT +0.3, AMZN =0.71, NFLX -1.13 $NQ range 15180 to 15250. Need to break below or above. You can set alerts on these 2 levels, let the system send SMS, and walk away from your screen. $QQQ 367 to 370 range. " +"Fri Nov 10 03:15:47 +0000 2023","$QQQ the levels are tight on the upside and -VE gamma shows plenty of downside if the markets get spooked. OF the Mag-7, AMZN, MSFT, NFLX, and AAPL show strength. $VIX futures are showing signs of coming down, but that could change. NVDA is wild and going nuts with call GEX " +"Fri Nov 03 06:16:23 +0000 2023","$SPY The Moment of Truth 🫡 With $AAPL trending lower, will it be enough to influence the successful retest of this weekly rising wedge? 🤔 Let us know what you think!👇 $SPX $QQQ $PLTR $TSLA $AMZN $NVDA $META $SNOW $MSFT $IWM $NFLX $VIX $SQ $DKNG $SHOP $GME $AMC $KO $COST $HD " +"Thu Nov 30 11:21:24 +0000 2023","$TSLA stockmarket update #TESLA stock price broke out of pennant (price level compression = indecision) which gives good chance for another +5% move. Next Resistance I see at $257, then $270 - $278 #NASDAQ100 is highly overbought and might head for correction soon, so this " +"Mon Nov 13 11:31:55 +0000 2023","$DFLI #dragonfly $7,50 price target on ⁦@MarketBeatCom⁩ Earnings today 927% upside🚀 #nasdaq #stockmarket #stock #pennystock " +"Tue Nov 14 15:17:29 +0000 2023","$APP , D Stock on the radar!! The price action is setting up nicely ahead of the pivotal resistance. #StockMarket #NASDAQ " +"Sat Nov 04 02:02:12 +0000 2023","US Magnificent 7 by Market Capitalization - 2023.11.3 (fri) at close (update weekly) - US total $45.0T (last week $42.5T) - Magnificent 7 Total $11.1T (Ratio 24.6%) $APPL $MSFT $GOOG $AMZN $NVDA $META $TSLA " +"Tue Nov 14 12:02:30 +0000 2023","Good Morning! $CXAI stock price rises 9% ahead of Q3 2023 earnings report. #Trading $Stocks #StockMarket #investing #CXApp #Q3Earnings $SPY $QQQ " +"Thu Nov 23 12:08:47 +0000 2023","$NVDA If the stock holds above 460-470 next week, we could expect a return to 500. If it breaks higher, we might see a price of 600 next year. 📈 #StockMarket #Trading #NVDA #NVIDIA " +"Thu Nov 02 20:06:35 +0000 2023","$AAPL earnings out soon - expect a move lower - not sure how much probably just a little but at least some kind of move lower likely good or bad earnings IMO $SPY $NDX $QQQ - lets see how it goes tomorrow. " +"Fri Nov 03 16:40:05 +0000 2023","Check out the latest on AMD stock: prices, news, and historical data. #AMD #stockmarket #investing. Is the rise in AMD's stock price sustainable or just a temporary boost? " +"Wed Nov 01 02:01:33 +0000 2023","Shares of #AMD have fallen by ~25% from yearly highs, but the company's performance remains excellent. Despite market fluctuations, #trading #stocks $Stocks #StockMarket #investing. " +"Mon Nov 20 22:17:27 +0000 2023","SPY And QQQ Continue the squeeze. NVDA MSFT all time highs. Laggard sector check in IWM XBI JETS ARKK TAN. Bears are NOT sneaky when they show up. " +"Thu Nov 02 19:50:31 +0000 2023","$QQQ $NDX $SPX $AAPL crazy overbought short term hourly - most of the other times we got a good move lower.... will this time be different ? I guess not and thats why I think $AAPL wont do much of anything to upside good or bad earnings- pullback LIKELY imo $SPY " +"Fri Nov 03 03:30:22 +0000 2023","$SPY gapped up above 200ema but closed right at this mini downward trendline that could act as resistance. 4hr and 1hr RSI is above 70. If the $AAPL dip doesn't get bought up by Buffett, I think I'll play the pull back to 423-421 with $SPXS. Otherwise will trade $CVNA tomorrow " +"Tue Nov 07 20:50:25 +0000 2023","Definitely thought we’d see a pullback this week, like everyone else. Will these green days keep coming until CPI next week? What is that number is better than expected? My QQQ $360 Puts are getting smoked this week so far. $AMZN $TSLA $SPY $ES $QQQ $SPX $NVDA $SPY $GLD $AAPL" +"Wed Nov 01 01:13:15 +0000 2023","#Apple #AAPL stock price fell 11% since their latest earnings report, losing over $400B in market value. #trading #stocks $AAPL #StockMarket #investing " +"Thu Nov 09 14:23:27 +0000 2023","$SPY $QQQ green overnight, $NVDA with a big move off new chip designs and shipments for China and leading the move for $SMH and $SOXL. Could see a big run today. Not going to take $SPY $QQQ and focus on semis $SMH safe entry moved to $152.7 pm high $SOXL safe entry moved to" +"Thu Nov 02 17:39:23 +0000 2023","$QQQ gapped above the EMA ribbon and still has strong upward momentum underpinning price action on the daily timeframe. On the flip side, this gap will likely close back to the downside at some point in the future. $MSFT / $META / $AMZN / $GOOGL / $AAPL / $NVDA / $TSLA / #QQQ / " +"Fri Nov 03 00:08:23 +0000 2023","#StockMarket tactical buy/sell signal is neutral rising now👇Pic2 shows $SPY at all 6 buy signals now! $AAPL earnings were great, buy gave neutral guidance so $NDX $SPX should drop a small amount tomorrow, but should continue to zigzag higher into the debt ceiling shutdown $QQQ " +"Wed Nov 01 12:50:41 +0000 2023","All we needed…hindsight 20/20…Can they lead us out of current correction ? My opinion.strongest AMZN, META, maybe NVDA,MSFT. ..waiting for AAPL eps on Thursday…. Adding NFLX. " +"Wed Nov 01 09:35:00 +0000 2023","Mahanagar Gas Q2 FY24 growth boosted by lower gas costs, ICICI Securities revises target price #StockMarket #DayTrading $AAPL $NVDA $AMD $META $MSFT $SOFI $WE $FSLR $AMZN $TSLA $QQQ $SPY " +"Wed Nov 01 16:47:02 +0000 2023","What is Wall Street’s Target Price for Netflix Inc $NFLX Stock Wednesday? #StockMarket #DayTrading $AAPL $NVDA $AMD $META $MSFT $SOFI $WE $FSLR $AMZN $TSLA $QQQ $SPY " +"Fri Nov 10 03:18:44 +0000 2023","$SPY the levels are tight on the upside and -VE gamma shows plenty of downside if the markets get spooked. OF the Mag-7, AMZN, MSFT, NFLX, and AAPL show strength. $VIX futures are showing signs of coming down, but that could change. NVDA is wild and going nuts with call GEX" +"Mon Nov 06 16:12:09 +0000 2023","Beat the Market Like Zacks: Hilton, Fabrinet, Micron in Focus $TSLA $AAPL $NVDA $AMD $PLTR $SQ $AMZN $MSFT $BAC $META $ROKU $DKNG $F $GOOGL $COIN $C $MARA $SOFI " +"Fri Nov 10 21:12:13 +0000 2023","$SPY $QQQ | Upcoming Key Earnings: Week Starting Nov. 13 — Bookmark This! 🔖 Nov. 13 $MNDY Monday .com $TSN Tyson Foods $FSR Fisker Inc. $RUM Rumble Nov. 14 $HD Home Depot $ONON On Holding AG $VWE Vintage Wine Estates Nov. 15 $TGT Target Corporation $JD JD .com $ZIM ZIM" +"Tue Nov 07 15:43:25 +0000 2023","$spy and $qqq midday update in 30 minutes! Who wants it? Major move brewing! 30 ❤️ and I will post it! $spx $aapl $msft $tsla $nflx $nvda $meta $amzn $amc $gme" +"Wed Nov 08 20:51:25 +0000 2023","Do yall want me to post $spy update like today, tomorrow as well? If we get enough people I will! $spx $meta $amzn $googl $tsla $nflx $nvda $meta $amzn $googl $amc" +"Fri Nov 10 14:48:47 +0000 2023","$spy and $qqq major update and a mega move brewing! Will post in 30 minutes! 20❤️ and I will post it! $spx $meta $amzn $googl $tsla $nflx $nvda $meta" +"Mon Nov 06 16:17:57 +0000 2023","Just posted a major $spy midday update! Its brewing for a massive move!! Hit the ❤️ if you find it helpful! $spx $aapl $msft $tsla $qqq $nflx $nvda $meta $amzn $googl $amc $gme" +"Thu Nov 02 18:53:55 +0000 2023","$SPY expecting a gap down on $AAPL earnings tonight, that gets quickly pushed back up tomorrow, trapping a whole new bunch of folks that think its time to go heavy short again. Stay Cautious! $QQQ, $NVDA, $SPX" +"Mon Nov 20 21:20:04 +0000 2023","$NASDAQ DAILY Finally broke out after chopping sideways 4 days, filled gap above Upper BB just racing upward allowing 4 more upside MACD racing upward is still 🐂MOMO STOCH flatlining above 80line is still 🐂MOMO If positive reaction 2 $NVDA ER tomorrow, could really send it " +"Fri Nov 10 22:58:45 +0000 2023","@badcharts1 RSP and QQEW are just sickeningly different charts from SPY QQQ. Then IWM is a real market. Its not even TSLA anymore. MSFT AAPL NFLX AMZN META NVDA? Is this an AI bubble still?" +"Thu Nov 02 05:11:11 +0000 2023","SPY QQQ strong upside continuation, on heavier volume. Small V pattern almost complete, Large V pattern has room to fill out. Reaction to AAPL eps will be key. QQQ res ~360, 364-365 SPY res ~425-426, 430 Th: Yellen, Auto Sales, PLTR, SHOP, AAPL, FTNT, NET Fri: Jobs, PMI svcs " +"Wed Nov 01 13:09:36 +0000 2023","GAMMA EXPOSURE THREAD $SPY GEX -6,089.43 $MM per 1% move $QQQ -1,912.44 $MM USD per 1% move $IWM -1,984.95 $MM USD per 1% move $TSLA -10.17 $MM USD per 1% move $NVDA -23.27 $MM USD per 1% move $AMZN +249.67 $MM USD per 1% move $NFLX -147.73 $MM USD " +"Sat Nov 11 21:03:06 +0000 2023","MAGMAN - ytd perform' $META +173.2% $AAPL +44.3% $GOOGL +50.3% $MSFT +55.2% $AMZN +70.9% $NVDA +230.9% ... the surge in the big techs, not least Nvidia and Meta is wild. Most notable... Microsoft, which printed a new hist' high. " +"Tue Nov 07 23:08:10 +0000 2023","@David_Tracey Aapl and msft up about 500B in combined market cap since late October lows. Been fun to watch the bears get so angry about it, but yeah definitely due for either a pullback or a few quiet days" +"Fri Nov 03 20:20:37 +0000 2023","6 of the Mag7 stocks have reported earnings. Here’s how the stocks performed the day after the results. $AAPL $MSFT $GOOGL $AMZN $TSLA $META $NVDA " +"Fri Nov 03 13:27:12 +0000 2023","Good morning, what a great day out there so far! $TSLA looking great $GM looking great $ORCL looking ok. All the same. Its a money making monring baby!!!!! $SPY $SPX $ES $ES_F on a cranker. Plan on off loading everything this morning and just intraday trading trades that " +"Sun Nov 19 02:41:13 +0000 2023","$SPY $QQQ A stock market in 4 charts ❤️ $MSFT $AMZN $META $NVDA MSFT might have some issues with the news we all know about and I wrote about. Although the long term technical picture is so strong I’m sure they will find a way to mange Monthly analysis updates with measured " +"Mon Nov 06 21:56:31 +0000 2023","AAPL after horrid earnings and guidance. $170-172. Today $179+, and closing over every single important daily MA. Did not watch a single tick today, until something cracks this market for real, big cap tech will literally have an endless bid. NVDA +$64 in 5 days..." +"Thu Nov 16 13:25:42 +0000 2023","US Stock Market Pauses Rally: Tech Tumbles as Microsoft Unveils AI Chip, Retail Soars with Target's Earnings Triumph 🇺🇸 Market Performance: 📊 The US stock market is currently experiencing a pause in its recent rally. Investors are reevaluating the likelihood of the Federal " +"Mon Nov 06 01:57:08 +0000 2023","@Barchart Me too, Cleaned it out 🧹 My Mag 7 holdings are cashed in and on the sidelines. Crushed it on Meta, NVDA, 20-30% on AMZN, Appl, MSFT. Was breakeven on TSLA, GOOGL. Reload when SPY hits $350ish." +"Thu Nov 02 10:42:34 +0000 2023","GM, trimmed some SMCI, nvda, tsla, google, meta, nflx still has room on these nice to trim. Roku took some longs after report 12 points so far 80-5 is possible. spy targeting 432 now as we got 425 from 410, If 432 comes this week, I would take out 25% of stock which I added 2 IRA" +"Thu Nov 02 21:42:36 +0000 2023","The S&P 500 ETF $SPY is up more than 4.9% this week but still about 60 bps below its 50-DMA. The Nasdaq 100 $QQQ is up 5.8% and is about 10 bps below its 50-DMA with Apple $AAPL trading lower after hours -Bespoke" +"Tue Nov 07 00:40:37 +0000 2023","AAPl-Have shown the weekly here.....and we triggered the large descending wedge pattern through 178 today. After gapping down on earnings, supporting, and then breaking out.....it is going to be tough to hold this market back if AAPL is going to follow MSFT higher. " +"Wed Nov 15 13:49:11 +0000 2023","FINALLY, IWM IS POSITIVE GAMMA $SPY GEX +9,680.00 $MM USD per 1% move $QQQ GEX +4,295.12 $MM USD per 1% move $IWM +1,220.92 $MM USD per 1% move $TSLA +494.79 $MM USD per 1% move $NVDA +842.50 $MM USD per 1% move $AMZN +530.22 $MM USD per 1% move $NFLX +172.72 $MM USD per " +"Wed Nov 01 19:46:34 +0000 2023","SPY has 200SMA/20EMA here, QQQ 20EMA but think with the bear trap via the weekly we will push through. AAPL report tmrw be key but given MSFT action today and this wedge pattern....strictly based on chart would rather be long then short going into report. " +"Wed Nov 01 04:37:02 +0000 2023","SPY QQQ short term osc overbought, but daily & wkly osc have room to run if they want. See if mkt builds out a small base, or not. Reaction to eps & economic data will be key." +"Wed Nov 08 15:09:48 +0000 2023","$AAPL ✅ $MSFT ✅ $GOOG ✅ $NVDA ✅ you can have rest of market deep red but these just hold spx together... impossible to short index now... switch to rty or equal weight... spx just pinned on dispersion into mag7 during any downside..." +"Thu Nov 02 21:40:53 +0000 2023","The S&P 500 ETF $SPY is up more than 4.9% this week but still about 60 bps below its 50-DMA. The Nasdaq 100 $QQQ is up 5.8% and is about 10 bps below its 50-DMA with Apple $AAPL trading lower after hours. " +"Fri Nov 03 23:27:58 +0000 2023","The $SPX was able to shake off Apple's $AAPL weak guidance to finish off its best week since November of last year (+5.85%)📈 FANG Innovation📱 🟢Advanced Micro Devices $AMD +4.10% 🟢NVIDIA $NVDA +3.45% 🟢Micron $MU +3.04% 🔴Apple $AAPL -0.52% " +"Wed Nov 15 21:00:01 +0000 2023","Market is hot and extended, but not selling off. Big dips in $AMD $MSFT $AMD $META will watch for opportunities there. $NFLX Stud.. $TSLA nice.. $TGT wow! Thoughts in Video! HAGN! " +"Wed Nov 01 20:15:00 +0000 2023","Mid Week Update #VIDEO Quite the day, market strong from the start, Powell Hawkish but market didn't care. $AMD monster move.. $MSFT $AMZN right with it. $AAPL running into earnings. Market looks set to rally $SPY at the 200D, need to clear it now! " +"Wed Nov 29 22:11:21 +0000 2023","📈 $SPY BEAR ATTACK POSSIBLE? ⚠️ PCE Data out Pre market tomorrow. PCE data will be cooler than expected. Pop to fade? • Seeing a bearish divergence forming on the RSI • Trendline break down close. • Cloud names did perform well after close on their respective ERs but " +"Mon Nov 13 21:10:55 +0000 2023","REALLY NICE WINS Today on $META $TSLA Copped some $AAPL $AMD weakness However, $SPY pretty much flat day, market waiting for CPI 830am Tomorrow! So far bullish that it's holding 440. " +"Wed Nov 01 20:00:34 +0000 2023","11/1 #alert #results $amd 105C 0.83 to 3.50 $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $ai $amzn $googl $tsla $nvda $spx $ba $lulu $mdb 🚨SMALL GAINS ADDS UP🚨 Join a service that shows the actual ENTRIES & EXITS not the PEAK $nflx $amzn $tsla JOIN & TRADE OUR" +"Tue Nov 21 11:56:05 +0000 2023","Good morning! Let’s continue, $SPY waiting for some pullback here, $NVDA earnings today AH, $OTC better and better $STAL $SDRC $BEGI $OPTI $CATV $ABQQ $NHMD $ITOX $VMHG $PSRU $YCRM $TMSH $NBRI $GGSM $SMCE" +"Mon Nov 06 00:42:33 +0000 2023","Last week going into this week 💫Dip buyers made a strong comeback, driving the S&P 500, Tesla, and Nvidia to significant weekly gains. ✨Apple's earnings report, while beating expectations, led to a stock decline due to sales slowdown, sparking discussions about its long-term" +"Thu Nov 09 22:41:08 +0000 2023","$SPY $QQQ $NDX man therez gunna b lotta dead moronz chasin this nonsense up here again soon $NVDA $ANET $META $MSFT $CMG $NFLX $ROKU $ORLY $AZO $AAPL $AMZN market keeps givin theeze idiots passez, have uh feelin this time, there wont b any rescue " +"Wed Nov 01 20:00:38 +0000 2023","Watching $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $amzn $googl $tsla $nvda $spx $ba for tomorrow $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $ai $amzn $googl $tsla $nvda $spx $ba $lulu $mdb 🚨SMALL GAINS ADDS UP🚨 Join a service that shows" +"Thu Nov 02 20:00:37 +0000 2023","Watching $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $amzn $googl $tsla $nvda $spx $ba for tomorrow $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $ai $amzn $googl $tsla $nvda $spx $ba $lulu $mdb 🚨SMALL GAINS ADDS UP🚨 Join a service that shows" +"Mon Nov 06 21:00:37 +0000 2023","Watching $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $amzn $googl $tsla $nvda $spx $ba for tomorrow $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $ai $amzn $googl $tsla $nvda $spx $ba $lulu $mdb 🚨SMALL GAINS ADDS UP🚨 Join a service that shows" +"Tue Nov 07 21:00:41 +0000 2023","Watching $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $amzn $googl $tsla $nvda $spx $ba for tomorrow $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $ai $amzn $googl $tsla $nvda $spx $ba $lulu $mdb 🚨SMALL GAINS ADDS UP🚨 Join a service that shows" +"Wed Nov 08 21:00:51 +0000 2023","Watching $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $amzn $googl $tsla $nvda $spx $ba for tomorrow $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $ai $amzn $googl $tsla $nvda $spx $ba $lulu $mdb 🚨SMALL GAINS ADDS UP🚨 Join a service that shows" +"Thu Nov 09 21:00:50 +0000 2023","Watching $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $amzn $googl $tsla $nvda $spx $ba for tomorrow $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $ai $amzn $googl $tsla $nvda $spx $ba $lulu $mdb 🚨SMALL GAINS ADDS UP🚨 Join a service that shows" +"Tue Nov 07 14:22:30 +0000 2023","When you look at the Nasdaq. And see it falling like a knife? That’s the SQQQ operating with a SMA buy algorithm. Sometimes it’s as simple as the pindrop SMA operatikns that I share that they give out to smaller firms to maximize on. Then sometimes big banks complicate things." +"Fri Nov 03 12:43:15 +0000 2023","THE MARKET HAS FLUSHED OUT THE NEGATIVE GAMMA FOR NOW GAMMA EXPOSURE THREAD $SPY GEX +2,463.46 $MM USD per 1% move $QQQ GEX +1,912.44 $MM USD per 1% move $TSLA +401.66 $MM USD per 1% move $NVDA +706.55 $MM USD per 1% move $AMZN +462.67 $MM" +"Mon Nov 20 18:52:10 +0000 2023","Dear alpha male influencers calling me crazy when I said that Big Tech will surge before the memestocks... The Nasdaq is now above 16K. Yeah: I TOLD YOU SO! Go eat some crow. Oh I remember the names. Yeah gonna stick with my tealeavesreading. ;) (Now I do think the market " +"Thu Nov 09 01:24:53 +0000 2023","@cperruna mega just stay aapl googl amzn meta tsla nvda amd msft nflx crm v ma adbe lly large best of breed shop ttd okta wday twlo mdb team ddog crwd now small/mid too hard just own iwm mdy spec comeback baba tcehy pypl sq not much else to own" +"Wed Nov 08 14:44:34 +0000 2023","$NVDA highs now into 464, just a beast since the $AMD results and really all of teh Semi space overall. Just like taking candy from a baby this move lately but would not mind a few days of pullback in the QQQ now" +"Tue Nov 07 21:00:36 +0000 2023","11/7 #alert #results $msft 362.5C 0.96 to 2.60 $hum 500C 0.75 to 3.25 $meta 325C 0.98 to 1.80 $aapl 182.5C 0.54 to 1.26 $tsla 230C 0.83 to 1.50 $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $ai $amzn $googl $tsla $nvda $spx $ba $lulu $mdb 🚨SMALL GAINS ADDS UP🚨" +"Wed Nov 15 00:05:04 +0000 2023","Stocks surged as the S&P 500, Dow Jones, and Nasdaq 100 hit multi-month highs, driven by a softer-than-expected CPI report suggesting the Fed may pause rate hikes. Bond yields dropped, benefiting semiconductor, homebuilder, and real estate stocks. Positive moves for companies" +"Fri Nov 03 12:14:39 +0000 2023","Its been a strong week in the market, but Apple so far is off target. Doesnt matter if you call it Square or Block, with a beat on eanrings their shares set to rock. $AAPL - Beat expectations but growth slowed and gave slight warning for holiday quarter. Tough to see it go" +"Thu Nov 02 12:04:50 +0000 2023","A dose of the fed and markets out of the red. Earnings are everywhere but the big one awaits. After the bell is Apple then we see this rally's fate. $PLTR - after the beat and eligibility to S&P 500 hard to want short, but 18-18.50 is a short zone and I can see a dip, over 16" +"Tue Nov 14 14:55:57 +0000 2023","$AAPL $MSFT $META $GOOGL $AMZN 🔸MEGACAP STOCKS RISE FOLLOWING COOLER-THAN-EXPECTED CPI REPORT 🔸APPLE, MICROSOFT, META PLATFORMS, ALPHABET, AMAZON UP BETWEEN 1%-2.3%" +"Tue Nov 07 00:15:44 +0000 2023","Impressive! This overbought & hardly any pullback on the $SPY $QQQ. The $IWM bore the brunt of the $TNX rally. The ""pullback"" was used to buy mega cap tech. We have zero earnings this week that can move the market and there is no econ data except the bond auctions worth noting." +"Mon Nov 13 12:18:05 +0000 2023","In today's Early Look: ""AAPL vs. Russell (and The Cycle)"" Russell 2000 was DOWN -3.2% last week taking its DRAWDOWN to -14.6% since the end of July’s lower-highs #MOAB Tech (XLK) was UP +4.3% last week taking it ALL the WAY back to where it was in July! To be clear, " +"Fri Nov 10 20:14:13 +0000 2023","@GarethSoloway Equal-weight tech $QQQE is up +1.67% today. iShares Expanded Tech $IGV is up +2.3%. $RSP is lagging $SPY, but that's what you expect to see during uptrends. It's a tech rally, not just a mega-cap one." +"Mon Nov 06 17:08:28 +0000 2023","$AAPL > 1.34%, $179 Now just need $TSLA to push up towards $220, and $SPY $QQQ get some traction. Lots of money on the sidelines, market short interest still high. SPY PUT:CALL 1.375 today, Bearish traders still." +"Sat Nov 25 15:31:44 +0000 2023","$QQQ $SPY $AMZN $COIN $DKNG $DDOG $MDB $CRWD $DUOL $IOT $CWAN $UBER $AMD $NVDA $ABNB $SNOW $SHOP $ANF $GPS Strong lockout rally continues. A little chop would be welcome but see more stocks setting up and continue to have a positive view of the market. Some important earnings" +"Tue Nov 21 20:42:51 +0000 2023","Overall very quiet day. $TSLA Big day, $GOOGL $META $NFLX held up well... $ARM strong ahead of $NVDA earnings tonight.. that is a big one! 1 Day left for me this week, expect it to be pretty quiet day. HAGN!" +"Thu Nov 16 21:03:16 +0000 2023","Quiet day overall, market digesting still. So back to the pile.. er the big names.. $MSFT $NVDA $AMD $NFLX .. $INTC.. yea $INTC... $META $GOOGL $AAPL It's what they want! HAGN!" +"Wed Nov 15 12:45:07 +0000 2023","Earnings today I'm watching is $PANW $NVDA 500 premarket Has there been a red premarket in last 3 days? $SPY over 453 today means eventually 460 test of March2022 / July 2023 highs. $AAPL all but seemingly will touch 189/190. Roll with it. $TSLA gap filling 242." +"Wed Nov 01 10:00:35 +0000 2023","Good Morning! Futures down Big data and Fed today $AMD pt cut $140 from $160 @ Keybanc $GM u/g Overweight @ Barclays pt $37 $F u/g Overweight @ Barclays pt $14 $SHOP u/g Neutral @ Exane $REGN pt cut $210 from $240 @ Keybanc $PAYC d/g Perform @ Oppy" +"Fri Nov 03 11:49:00 +0000 2023","MARKET RECON: Ambivalent Apple, Jobs Data on Tap, Gaining Back Lost Ground, T-Bill Tizzy $AAPL $XLRE $XLE $XLP $GOOGL $META $AMZN $MSFT $D $FLR $SPX $COMPQ #MarketRecon via @sarge986" +"Thu Nov 30 15:54:13 +0000 2023","$QQQ bears showing some follow through from the signs yesterday, $NVDA and SMH daily down trends confirmed, but so far other sectors XLF XLV holding SPY flat as they are at high of day." +"Fri Dec 01 15:29:58 +0000 2023","Stocks like PFE, DIS, TSLA, BABA are moving premarket. Tesla unveils Cybertruck priced at $61k, with a decal mocking Elon Musk's window fail available for $55. Stay updated on TSLA's stock price and news. #Tesla #Cybertruck #StockMarket #Investing " +"Tue Dec 12 11:37:38 +0000 2023","$AMD 5min scalp, pre market broke the lower yellow trendline and now currently at blue support, if pre market breaks this area too, i will look for long at 50 ema areas. price is already dropping in pre market so look out for longs! #trading #amdtrading #StockMarket #stock " +"Tue Dec 19 14:43:43 +0000 2023","$AMD new 52 week high! This wants to run hard! It's coming after $NVDA with #AI chips that are 30% better likely a couple hundred dollars less in price! #StocksInFocus #stockstowatch #stockmarkets #stock #stockmarketnews #tech #investing #investingideas #StockMarket #investing " +"Fri Dec 08 11:09:52 +0000 2023","$TSLA #stockmarket update zooming out in the daily chart we can see a fight between 2 #TESLA stock price channels. A short term upward channel that was invalidated on October 13 and the longer downward channel stayed in play. @TESLA #stock most likely will try to break out of " +"Fri Dec 15 17:20:20 +0000 2023","Koryx Copper Inc( $KRY), a significant participant in mineral exploration, is creating waves with its devotion to green technologies and strategic acquisitions. The current price of this #stock is $0.04.📊📈 #StockMarket #Investing #Stocks #Trading #Investment $NVDA $AMD $MSFT " +"Tue Dec 05 23:14:41 +0000 2023"," Some dings starting to show up in the mkt. $QQQ dropping a checkmark as its 10-day starts to roll down. If $SPY joins the party, large caps will become tough to trade. Not a show-stopper at this point. Energy is the only sector so far with negative " +"Fri Dec 08 19:50:46 +0000 2023","$SPY The stock price is rising, but trading volumes are decreasing. It looks like weakness. Monitoring the resistance level at 460📈📉 #StockMarket #Trading"" " +"Sat Dec 02 00:26:04 +0000 2023","Remember the #Bitcoin Stock- To - Flow model ? Well it’s now saying that 50k USD per 1 $BTC is fair value When you see $QQQ and the broader US #StockMarket being a small push away from making new All Time Highs it’s not to difficult to see this price by next summer. " +"Mon Dec 18 17:24:31 +0000 2023","$META with a great setup. We have been in this one for a while. Went a little further out on the strike price but still well in the green. 355C in at .91 and we just hit 1.92. #TradingWarrior #daytrader #trading #money #investing #stockmarket #invest #entrepreneur #finance " +"Sun Dec 31 05:51:03 +0000 2023","NVDA is in an #uptrend, growing for 3 consecutive days. In 304 of 363 cases, the price rose further in the following month. Keep an eye on this stock for future growth 📈 #trading #stocks #investing #finance #stockmarket " +"Sun Dec 03 08:36:15 +0000 2023","Traders everytime upon stock's price movements 📈📉🤒 #Nifty #Nifty50 #NiftyBank #Sensex #StockMarket #StocksInFocus #StocksToBuy #StockMarketIndia #DowJones #Nasdaq " +"Mon Dec 11 11:06:59 +0000 2023","AAPL, U2, Apple Inc. gears up for a new product launch next week, with market analysts predicting a stock price rise amid strong financials and brand loyalty, despite supply chain and regulatory concerns. #AppleEvent #StockMarket" +"Sat Dec 02 22:30:32 +0000 2023","💡 Key takeaway: AMD's stock surge is driven by growing interest in its graphics processing business. Wall Street predicts a bright future, setting an optimistic 12-month price target of $126.79. #AMD #stockmarket #AI " +"Fri Dec 08 15:24:54 +0000 2023","#Amazon Stock Analysis! Perfect Brodening Formation on #AMZN 1d chart. Price consolidation near the upper boundary suggests upward breakout will occur this time. On ⤴️breakout, Target 1️⃣7️⃣0️⃣ USD, My Life will not Let Go 2️⃣0️⃣% gain! #StockMarket #SP500 #trading #TradingSignals " +"Thu Dec 28 13:11:10 +0000 2023","🙏💸 $PLCE in Downtrend: its price expected to drop as it breaks its higher Bollinger Band on August 16, 2022. View odds for this and other indicators #stockmarket #stock $JFK $CEMI $SPY $TSLA $SHOP $AMZN $NVDA $ROKU $AIM $AAPL $AMD $BB " +"Sat Dec 02 23:30:02 +0000 2023","📈 Key takeaway: Wall Street sets an optimistic 12-month target price of $126.79 for AMD stock, indicating high growth expectations. #AMD #stockmarket #investing " +"Sat Dec 02 22:31:44 +0000 2023","AMD's stock has surged due to increasing interest in its graphics processing business. Wall Street has a positive price target, indicating high growth potential. AMD could be a potential breakout AI stock to consider. #AMD #stockmarket #AI " +"Thu Dec 07 21:24:43 +0000 2023","Trading plan for tomorrow: - $QQQ above 10 and 20ma and closed strong - could break out of recent base - have 50 bps open risk in $SMH and $AMZN - looking to add 50 bps more tomorrow if mkt moves up - WL: $DUOL $CVNA $W " +"Thu Dec 21 12:50:04 +0000 2023","Introducing booming stock $TQQQ in high-growth tech industry. Astounding 216% rise, massive volume, potential long-term hold. #StockMarket Company Name: ProShares UltraPro QQQ Symbol: $TQQQ Price: 48.54 Volume: 88,082,510 % Up: 216% " +"Wed Dec 06 11:28:27 +0000 2023","#WEXWrapUp w/ @TheDomino: Stories you may have missed from today's show. - $AAPL hits $3T market cap - $AMZN cuts seller prices - $ASAN warns of slow growth - $AMD to launch new AI chip - @xai to raise $1B " +"Wed Dec 06 01:57:16 +0000 2023","The Mag 7 support the Nasdaq as the Dow and S&P slip. Treasuries continue to rally. Meanwhile someone's helping Alibaba and Starbucks, on track for a record losing streak. @willkoulouris $JPM $MS $WFC $BOFA $AAPL $AMZN $META $NVDA $TSLA $BABA $TTWO $HOOD $DIS $SBUX #UST " +"Wed Dec 13 19:11:52 +0000 2023","$SPX Congrats to the insane people who took that @TradeVolatility you little dog you told me this morning didnt you in your own lil way $AAPL $AMZN $GOOG $META $MSFT $NVDA $TSLA $NFLX $ES $AI $SPY $QQQ #StockMarket #trading " +"Fri Dec 08 15:52:45 +0000 2023","Cant believe you aren’t liking tweets with so many live updates! I am giving you the move before it happens! Smh 🤦 $spy went from 454-460 $qqq $tsla $nflx $nvda $meta $googl $amd" +"Mon Dec 11 19:14:10 +0000 2023","$spy 52 week high! I told you go long markets up almost $30 from this tweet! Thats where everyone was telling you to short except me! $qqq $tsla $nflx $nvda $meta $amd $amzn $googl" +"Wed Dec 27 04:36:16 +0000 2023","$spy hit 52 weeks high 🎯 5 days ago every single bear got excited on that 1% down day. Told you to buy the dip. $qqq $aapl $amzn $googl $nvda $meta $amzn" +"Thu Dec 07 16:08:03 +0000 2023","We have been long since $spy was 430s! Who wants to know my next move?? 30❤️ and I will post a detailed tweet of my next move! $spx $qqq $tsla $googl $nflx $nvda $meta $amzn $amd" +"Fri Dec 15 16:48:46 +0000 2023","Everyone and their mother wants a pull back, you already know what happens if you have been following me long enough… $spy $qqq $aapl $tsla $nflx $nvda $amzn $meta" +"Thu Dec 14 19:01:15 +0000 2023","I am going to just post this once, don’t fall the double top posts people are tweeting! I think we go up! As long as $spy holds 465! Good luck all! $spx $qqq $aapl $tsla $nflx $nvda $meta $amzn $googl $amd" +"Fri Dec 08 14:28:01 +0000 2023","Just posted the trade plan for $spy and $qqq. Hit ❤️ and retweet them, if you find them helpful! $spx $meta $amzn $aapl $tsla $shop $vix $googl $amd" +"Tue Dec 12 14:26:04 +0000 2023","Just posted the trade plan for $spy and $qqq. Hit ❤️ and retweet them, if you find them helpful! $spx $meta $amzn $aapl $tsla $shop $vix $googl $amd" +"Tue Dec 12 14:23:37 +0000 2023","$SPY intraday levels Tuesday Non event #CPI as far as overnight move. These are daytrade levels only, see my highlights for long term Spy Thoughts. *Wait for Confirmation 📈break $462.40 🎯$463.10/$463.92/$465/$466.20 📉lose $$461.20 🎯$460.40/$459.26/$457.80/$456 $SPY " +"Tue Dec 26 15:00:42 +0000 2023","$QQQ $SPY Nasdaq is all I am watching here, sellers holding us @ 17040. We need to see the mount of 17070 for continuation, once that happens I see $MSFT, $NVDA, and possibly $TSLA breaking out finally... " +"Fri Dec 29 16:25:41 +0000 2023","I wasnt going to do much today but love the sell off. I am buyer of the dip into new year as longs as $spy holds 470. Good luck! $qqq $aapl $tsla $nflx $nvda $meta $amzn $googl" +"Mon Dec 04 23:24:57 +0000 2023","$spy Just going to put this out there, I dont see any meaningful pull back yet as long as 450 hold! And Yes I am long, but not 0dte lol! $spx $aapl $tsla $nflx $nvda $meta" +"Thu Dec 21 16:43:42 +0000 2023","Dont waste your time in the markets until Tuesday ! Big money on vacation. I am long as long as $spy holds 460-465 as I said yesterday. I posted here yesterday about going long as always posting my moves! $spx $aapl $tsla $nflx $nvda $meta $amzn $googl" +"Fri Dec 01 16:35:23 +0000 2023","Today, the Dow Jones Industrial Average went up a bit as investors awaited comments from Federal Reserve Chair Jerome Powell. Tesla's stock dropped further after an event about its Cybertruck deliveries. There were updates on economic indicators like the S&P Global Purchasing " +"Tue Dec 19 17:47:05 +0000 2023","I have posted a very important midday update on $spy hit ❤️ and retweet, if you want me to tell my next move again like i said in November to go long! $spx $aapl $tsla $nflx $nvda $meta $amzn $googl $qqq" +"Thu Dec 07 21:41:45 +0000 2023","$NASDAQ DAILY Bears fumbled, needed a close below mid BB(yellow staircase) Finally closed above 14310 resistance Important Jobs data tomorrow could send it, could kill it 🤷‍♀️ MACD still high above centerline isnt bearish STOCH quick reversal isnt bearish 👀on NFP tomorrow " +"Sun Dec 17 15:34:28 +0000 2023","$SPY $QQQ Nasdaq looks a bit stronger here in my opinion, we saw a lot of profit taking on some of these tech names to end the week. I also believe we saw A LOT of contracts been rolled out, ITM Calls are DOMINATING ITM puts. Volume has also SKYROCKETED over the last week. " +"Wed Dec 13 21:22:12 +0000 2023","21dma pullback scan $ACLX $AGI $BRZE $BXMT $CLS $DKNG $FSLY $GFI $HMY $IONQ $LPG $MBLY $MDB $MQ $NXE $PENN $RMBS $ROKU $SIX $SMCI $SYM $TRIP $TSLA $XP $XPO $ZM " +"Tue Dec 05 19:14:56 +0000 2023","@warrior_0719 people will be so screwed, unbelievable screwed !🩸🩸 nflx 424, msft 347, apple 180, 178 for sure and maybe 158. spy 422, but spy is not confirmed yet. the other ones i have mentioned are confirmed" +"Mon Dec 11 05:10:00 +0000 2023","The Mag 7 is bumping into overhead resistance... The next move is important for this custom index of the big boys! #Apple $AAPL #Alphabet $GOOGL #Microsoft $MSFT #Amazon $AMZN #Meta $META #Tesla $TSLA #Nvidia $NVDA " +"Thu Dec 21 15:13:24 +0000 2023","Initial supply found at the WTD ⚓️VWAP (green) in $SPY $QQQ and $SMH 15 min TF high caution level with flat/decl 5 day moving averages " +"Thu Dec 21 23:32:50 +0000 2023","12/21 Top 12 volume scan by Finviz *Price above $20/optionable/up 1% $TSLA $MARA $MU $AMD $AMZN $NVDA $AFRM $INTC $RIVN $GOOGL $BABA $UBER Many bullish inside bar and hammer candle showing market is still control by bulls at least they will push to high not bear time yet for me " +"Wed Dec 27 18:36:27 +0000 2023","@ABIntlGroup $ABQQ has much more in the tank than just #TaylorSwiftTheErasTour Revs of over $10M they own 100% of All in One Media a division of ME Metaverse Inc w/1Million ownership shares and another IPO in the works which will be providing ABQQ shareholders with annual dividends as well " +"Tue Dec 12 14:38:44 +0000 2023","Entire markets are red with $SPY and $QQQ down. $META opens 🚀 with early momentum up 💪 Front ran the entry point before open, but hit green in an otherwise ocean of red this AM. #optionstrading main and idea screenshot below from AM watchlist! " +"Wed Dec 20 15:48:22 +0000 2023","What a day already $FDX 1.17 > 3.91 🔥🔥🔥 $GOOGL +64% 🔥 #ES_F #NQ_F to targets (remember we use the #tr3ndyPMZ for entries $NFLX on fire 102% w/ 58 days left 🔥🔥 $TSLA 100% 58 days left" +"Sun Dec 31 04:44:07 +0000 2023","$QQQ was up over 50% this year. A lot of high fiving. Go back one more year and the picture is pretty sad. Went from $400 to $409 from beginning of 22. Unlikely big tech has repeat performance in 24. The hurdle for $META tripling is much higher. Equal-weight S&P for the win." +"Sat Dec 16 15:31:58 +0000 2023","$SPY $QQQ “🕎December🎄” mid month update 12-15-2023 ❤️ Lots of 🎁 from 🍌🍌🍌 $AAPL 🎯$197 ✅ 🎅🏻🍌🍌🍌🎁 $AMD 🎯$128 ✅✅✅🎅🏻🍌🍌🍌🎁 $BA 🎯$240 ✅✅✅✅🎅🏻🍌🍌🍌🎁 $HON 🎯$205 ✅🎅🏻🍌🍌🍌🎁 $LULU 🎯$470 ✅✅✅✅🎅🏻🍌🍌🍌🎁 $QQQ 🎯$400 ✅✅🎅🏻🍌🍌🍌🎁 $RIVN 🎯$20" +"Tue Dec 05 15:51:45 +0000 2023","$QQQ the large cap buyers came as $AMZN $AAPL $TSLA lead today. My horses are $AMZN $QQQ & $NVDA. Nice when a plan works." +"Thu Dec 07 00:42:21 +0000 2023","*WHAT HAPPENED OVERNIGHT* -> SPX -0.39%, Nasdaq -0.58% -> Energy/tech underperfomed -> US ADP was soft but MBA mortgage applications rose for the 5th straight week -> UST 10y yield -5 bps to 4.12% -> Dollar Index > 104 -> Oil -3.8% to $74.23/bbl #StockMarket" +"Tue Dec 12 20:55:56 +0000 2023","Nasdaq very close to making a historical high. So is Dow Jones and So is S&P. But for me the most exciting part would be if Apple goes past 200$. Still holding, Meta, Amazon, Apple and Tesla. And still long Dow Jones from 33,670 which I posted going long here a while ago. Dow" +"Sat Dec 09 19:16:18 +0000 2023","Individual stocks still have lots of room to run. Think $AMZN here (And $TSLA as well). What's this gonna do for $SPX and $QQQ? (Oh...all time highs you mean? 🤔🤑) " +"Mon Dec 11 00:29:07 +0000 2023","*WALL STREET ON FRIDAY* -> SPX +0.41%, Nasdaq +0.45% -> SPX @ highest level since March 2022 -> US Nov jobs report was strong -> UST 10y yield +8 bps to 4.23% -> Dollar Index +0.4% to 104 -> Oil +2.4% to $75.85 -> This week: US CPI (Tues), FOMC (Wed), slew of CB decisions" +"Wed Dec 06 00:59:23 +0000 2023","Global-Market Insights 2/n -Dow and S&P500 fell 0.22% and 0.06%, respectively, while Nasdaq rose 0.31% -Megacap companies Tesla (1.3%), Nvidia (2.3%) and Apple (2.1%) were up" +"Sat Dec 09 14:01:55 +0000 2023","EPS Acceleration screener. 30 names sorted by RS descending #IBDPartner $META $NVDA $DECK $NOW $DDOG $RACE $SNPS $NVO $ARM #31 :) 90%+ of biggest stock market winners showed EPS accel b4 or during their huge price moves. Scan via @MarketSmith platform " +"Sat Dec 09 02:12:30 +0000 2023","2023 YTD (Magnificent Seven) NVDA +225.1% META +176.5% TSLA +98.0% AMZN +75.5% MSFT +56.1% GOOGL +53.0% AAPL +50.6% Major Indexes Nasdaq + 37.6% S&P 500 +19.9% DJIA +9.4%" +"Sun Dec 17 17:05:57 +0000 2023","Weekend Review, 12/17: Confirmed Uptrend Nasdaq and S&P 500 are now at a 22-month high after closing higher for 7 weeks in a row. Nasdaq 100 ETF $QQQ finished at an all-time closing high. Distribution Days: 2 - Nasdaq, 1 - S&P 500 $SPY " +"Sat Dec 23 01:56:44 +0000 2023","2023 YTD (Magnificent Seven) NVDA +234.1% META +193.7% TSLA +105.0% AMZN +82.6% GOOGL +60.4% MSFT +56.2% AAPL +49.0% Major Indexes Nasdaq +43.3% S&P 500 +23.8% DJIA +12.8%" +"Sat Dec 16 01:48:49 +0000 2023","2023 YTD (Magnificent Seven) NVDA +234.5% META +178.3% TSLA +105.8% AMZN +78.5% MSFT +54.6% AAPL +52.1% GOOGL +50.3% Major Indexes Nasdaq +41.5% S&P 500 +22.9% DJIA +12.5%" +"Tue Dec 12 21:48:43 +0000 2023","📈 $SPY BREAKING HIGHER. ⚠️ Tomorrow is quite a bit of macro events to digest with PPI pre market and then FOMC followed by Powell's Press conference. • Market is breaking higher from the mega phone pattern which is also a continuation pattern technically. • Will keep it very " +"Fri Dec 29 22:49:00 +0000 2023","2023 (Magnificent Seven) NVDA +238.9% META +194.1% TSLA +101.7% AMZN +80.9% GOOGL +58.3% MSFT +56.8% AAPL +48.2% Major Indexes Nasdaq +43.4% S&P500 +24.2% DJIA +13.7%" +"Sun Dec 24 00:55:48 +0000 2023","More of the same but some new, and some small ones too, for the monthly focus AAOI ABNB AFRM ANET APLD AUR BITF CAMT CIFR CAVA CLSK COIN ARM CRWD CVNA DUOL ESTC FN FORM FROG FRSH GTLB HIVE HUT INFA IOT MARA MDB MNDY MQ MSTR NET NOW NTNX NVDA PATH PHM PLTR RAMP RIOT RKT RMBS SHOP" +"Thu Dec 14 17:29:13 +0000 2023","$SPY $QQQ Lots of jingle bellzzz on da list 😘 Which ones next to get hit? $HON was real close today 👀 I like $DDOG in the batters box now IMO 🎅🏻🎅🏻🎅🏻 🍌🍌🍌 ❤️❤️❤️" +"Fri Dec 15 20:53:50 +0000 2023","Weekly Recap #VIDEO Very nice week, FED and Powell delivered, $SPY $QQQ so close to ATH.. $DIA already there. $AAPL $COST ATH.. $NVDA $AMD $AMZN $META $TSLA all looking very nice for end of the year push. Market broadening out, " +"Fri Dec 01 14:16:31 +0000 2023","$SPY $QQQ 🕎 December🎄 “Happy Holidays” Here comes 🎅🏻… 🎶🎅🏻🎶 $AAPL 🎯🎅🏻$197 🎁 $AMD 🎯🎅🏻$128 🎁 $AMZN 🎯🎅🏻$155 🎁 $ADBE 🎯🎅🏻$645 🎁 $BA 🎯🎅🏻$240 🎁 $CRM 🎯🎅🏻$265 🎁 $HON 🎯🎅🏻$205 🎁 $DDOG 🎯🎅🏻$130 🎁 $LULU 🎯🎅🏻$470 🎁 $META 🎯🎅🏻$345 🎁 $MSFT 🎯🎅🏻$388 🎁 " +"Fri Dec 29 00:54:47 +0000 2023","$SPY $QQQ $SPY $QQQ “🕎December🎄” update 12-29-2023 ❤️ $TSLA added 😘 Lots of 🎁 from 🍌🍌🍌 16/20 ✅👀 and last day to go 👀 $AAPL 🎯$197 ✅ 🎅🏻🍌🍌🍌🎁 $AMZN 🎯$155 ✅✅🎅🏻🍌🍌🍌🎁 $AMD 🎯$128 ✅✅✅🎅🏻🍌🍌🍌🎁 $BA 🎯$240 ✅✅✅✅🎅🏻🍌🍌🍌🎁 $CRM 🎯$265" +"Mon Dec 11 18:01:18 +0000 2023","This might be a new one. Nasdaq up over half a percent and most of the big dogs are down $TSLA, $META, $AAPL, $AMZN, $GOOGL, $MSFT AND rates are up. Weird." +"Thu Dec 07 21:49:24 +0000 2023","$SPY WELLLLLLLL After yesterday's Dark Cloud Covering candle, it was completely destroyed, especially $AMD up over 9% on the day. The buy the dip mentality is still very alive and well, thanks to another dip buy at 454 levels after yesterday's closing. Closed above the 5DMA " +"Tue Dec 12 10:11:33 +0000 2023","Some interesting observations from Monday's session $QQQ up but Mag7 down $BTC down but $QQQ up $SMH up but $NVDA down $SPY up, $VIX up Meanwhile, the Dow records a 2nd consecutive all-time highest close, looking to clock its 7th green week in a row, last time was Oct 2017" +"Sun Dec 24 14:24:36 +0000 2023","$Nasdaq... with the Nasdaq up 8 straight weeks and the DJIA making all-time highs we see many stocks extended... However, I am seeing many stocks setting up.... must be laggards....right? " +"Mon Dec 11 15:13:38 +0000 2023","What's going on? NASDAQ down but QQQ up, but MAG7 down too And SOXL up +7.5% but only AMD up +3% rest small green and NVDA red Which stocks are driving QQQ and SOXL up?" +"Tue Dec 05 10:29:12 +0000 2023","𝐄𝐨𝐝 #𝐍𝐢𝐟𝐭𝐲 𝐮𝐩𝐝𝐚𝐭𝐞, 𝐓𝐮𝐞 𝟓𝐭𝐡 𝐃𝐞𝐜, 𝟐𝟎𝟐𝟑 CMP 20855 𝐆𝐥𝐨𝐛𝐚𝐥 𝐬𝐞𝐭𝐮𝐩 Another rather interesting day overnight. SPX pulled back 25 points to close at 4569. The YTD high of 4607 (±20) seems to be a firm resistance for now. The down move was more to do" +"Mon Dec 11 12:54:23 +0000 2023","$SPY $QQQ a lot of data this week. Keep it simple: bullish above 4607 on S&P 500, bearish below 4550, and chop between. Bulls control the market as long as $SMH is over $160. It’s a AI bull market and AI is lead by semiconductors." +"Wed Dec 27 00:23:09 +0000 2023","EOD Market Summary: Nasdaq achieved a record high, driven by a Santa Claus rally and strength in chip stocks. The S&P 500 reached a nearly 2-year high. Economic news was positive, supporting the outlook for a soft landing. Holiday spending and increased M&A activity boosted" +"Thu Dec 28 22:27:38 +0000 2023","EOD Market Summary: Stocks closed with mixed results as the S&P 500 reached a nearly 2-year high, Dow Jones and Nasdaq 100 hit new all-time highs. The Federal Reserve's potential interest rate cuts in early 2024 supported stocks, particularly in the tech sector. However, Tesla's" +"Fri Dec 29 12:40:11 +0000 2023","$spx daily and weekly chart to go with the #630club $spy $qqq $aapl $msft $nvda $tsla $gld $nio $tlry (ascending channels everywhere). They are nice to ride but when they break. Take some care. " +"Tue Dec 05 01:09:13 +0000 2023","EOD Market Summary: Stocks retreated on Monday as higher bond yields weighed on tech stocks, causing the Nasdaq 100 to hit a 3-week low. Concerns about the Federal Reserve's potential delay in rate cuts by Q2-2024 contributed to the rise in bond yields. The markets are closely" +"Fri Dec 08 13:45:41 +0000 2023","Happy #FridayVibes Morning to all Traders and thank you for checking out todays #stickynote where I post some names I am looking at and levels of Interest. Nonfarm comes out hotter and the market starts to head lower, we were already BEARISH today, and with #unemployment rate " +"Sat Dec 09 03:39:10 +0000 2023","$QQQ changes for Quad Witching: DoorDash to Be Added to Nasdaq 100, Zoom to Be Removed (Bloomberg) $DASH $ZM - Splunk Inc. $SPLK MongoDB Inc. $MDB Roper Technologies Inc.$ROP CDW Corp $CDW and Coca-Cola Europacific Partners Plc $CCEP will also be added to the index - " +"Tue Dec 12 15:54:36 +0000 2023","W/ @cvpayne at 2:35PM ET about divergence in Mag7 since S&P 7/31 high to high on 12/11 eg: $TSLA-10%, $AAPL -2% vs $MSFT +11%, $AMZN +9%. Believe divergence will be even more likely in 2024. S&P is overbought but still have +seasonality & FOMO. Watching bond yields & oil." +"Fri Dec 15 12:25:48 +0000 2023","Market is up and the Mag7 are down, this is a sign of broadening which is healthy and what you see in a bull market. $spy $qqq $googl $amzn $meta $msft $tsla $nvda $aapl" +"Fri Dec 22 02:20:15 +0000 2023","Stocks closed higher on Thursday as weak U.S. economic news fueled expectations of future Fed rate cuts. The S&P 500 rose 1.03%, Dow Jones gained 0.87%, and Nasdaq climbed 1.23%. Reports of a Q3 GDP downward revision, a dip in the Philadelphia Fed business outlook, and easing" +"Sun Dec 17 15:36:14 +0000 2023","$SPY I do hope that you enjoyed the charts! Posted analysis on the following: $AAPL $TSLA $AMZN $RIVN $CSCO $UBER $MSFT $GOOGL Thanks for looking. I hope it helps. Have a great rest of your day!" +"Mon Dec 18 02:49:38 +0000 2023","Pullback Focus and Watch list -  AMD AMR AVGO BA BKNG CMG COSTP CRWD CVNA DDOG DOCN DOCU ESTC EXPE GKOS GS HOV JBL MELI MMYT MSTR NET NOW NTNX PDD PINS PLAB S SHAK SLNO TEAM TMDX UPST URI VRNA ZS" +"Thu Dec 14 18:55:47 +0000 2023","Meanwhile, I'm watching $QQQ flirting dangerously close to making a KEY REVERSAL (new ATH followed by close below previous day low). Admiral Ackbar may be onto something. " +"Sun Dec 17 16:25:58 +0000 2023","We will have an awesome trading week…! Hit the ❤️ if you agree…! $SPY $QQQ $AAPL $GOOG $TSLA $META $MSFT $NVDA $CHWY $PLTR $MMM $AAL $UAL $PYPL" +"Wed Dec 27 13:07:43 +0000 2023","The Markets right back to testing all time highs, while for chip names AMD and Intel its more clear skies. Apple still fighting the tape as they launch the watch appeal, while crypto dips have proven to be a steal. $AMD - rocketed off the 140 level yesterday, 52wk high has" +"Fri Dec 15 13:14:53 +0000 2023","Witching day for the markets is here, while the EV rally continues to be clear. Intel joins the AI chip frey while Uber enters the S&P 500 today! $RIVN - huge 20 break yesterday, room to 25 on the daily, looking prev close and 21.75 as big dip levels. $INTC - New AI chip out," +"Mon Dec 18 19:20:49 +0000 2023","$NVDA is flying, $NFLX is flying, $META is flying, $AMZN is up, $GOOG is up and then there is $TSLA, barely green. It's a Tesla thing, not a market thing. " +"Wed Dec 13 18:35:55 +0000 2023","$SPY $QQQ Besides falling out of the sky and landing on your face and then wiggling… I think $AAPL is saying it wants 200 and $NVDA wants 500" +"Tue Dec 05 14:21:41 +0000 2023","$SPY $QQQ If you’re bullish a gap down is better than a gap up that they would have sold into After this small corrective pullback I believe starts the road to ATH. $AAPL making a new 52 week high would be the signal in my mind. “So goes Apple so goes the…”" +"Sun Dec 31 14:28:44 +0000 2023","TELL ME A TICKER YOU ARE WATCHING NEXT WEEK. I WILL CHECK CHART AND FLOW, WILL SHARE IF I SEE INTERESTING SETUP.⭐️❤️ $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $UNH $TGT $HD $FSLR $SEDG $ENPH $AI $BABA" +"Mon Dec 04 21:30:00 +0000 2023","$SPY closed red today, but some very important stocks still managed to print a hammer candle on the daily 🔨 Full list below: $AAPL $AMZN $MSFT $LLY $INTU $QCOM $GOOG " +"Tue Dec 19 17:56:31 +0000 2023","Meanwhile, trading volumes in SPY on last Thursday and Friday were well above the one-month average. The Invesco QQQ Trust Series 1 (ticker QQQ), which tracks the Nasdaq 100, saw a $5.2 billion outflow on Friday, the most for a single session since the year 2000. “ -Bloomberg" +"Thu Dec 07 19:06:23 +0000 2023","NFP tomorrow: 1) Good NFP numbers, gap down? 📉📉🩸🩸🩸 2) NFP miss and gap up? 🚀🚀🚀 What's your take. Comment 👇🏻 $SPY $QQQ $NVDA $TSLA $AMD" +"Sat Dec 09 15:51:20 +0000 2023","Good Job numbers on Friday ✅ Market near ATH (all time high) ✅ Top 6 MEGA stocks out performing - $META $GOOGL $AAPL $NVDA $MSFT $AMZN ✅ Inflation under control ✅ What happens if Powell raise another 25BPS on #FOMC 12/13? ⭐️❤️ Share your thoughts! Comment 👇🏻 $SPY $QQQ $DIA" +"Wed Dec 06 00:30:15 +0000 2023","In mixed session, megacaps rebounded, with Apple breaking out and hitting a $3 tril valuation. Otherwise, stocks mostly fell, but generally look healthy. AMD set to unveil AI chip to challenge Nvidia. $AAPL $MSFT $AMZN $NVDA $AMD $MDB $ASAN $S $TOL $HQY " +"Fri Dec 08 19:15:10 +0000 2023","$SPX at 4600, $QQQ at 392.. Big breakout levels for this month $AAPL on the verge of testing 200.. $NVDA can run to 500+ by the end of the year.. Lots of stocks setting up for a bigger breakout FOMC coming up next week.. If there's a positive reaction we can see $SPX run to" +"Fri Dec 08 00:19:02 +0000 2023","AMD and Google surging on AI news, leading the market. $AMD raced by buy points while $GOOGL flirted with an entry. Apple, Amazon and Meta reclaimed buy points. The major indexes are still just below 52-wk highs. Now focus turns to Friday's jobs report. " +"Mon Dec 11 11:01:21 +0000 2023","Good Morning! Futures down slightly $JD removed from Nasdaq 100 Index $AAPL pt raised $250 from $240 @ Wedbush $BBY u/g Buy @ Jefferies pt $89 from $69 $PINS u/g Outperform @ RBC pt $46 from $32 $HPQ u/g Outperform @ Evercore pt $40 from $33 $LAC int NEUTRAL @ JPM" +"Tue Dec 05 19:43:11 +0000 2023","Having computer worked on, off screens early. $SPY continues to be range bound. But realy nice recovery in big tech names today.. $AAPL $TSLA $NVA $MSFT $AMZN specifically... $AMD event tomorrow. $ARM nice chart! HAGN!" +"Wed Dec 06 12:57:00 +0000 2023","$SPY Lets get this gap fill today, $SPX 4589 $TSLA retry trendline? $AAPL looks like basing for the time being Keep an eye on semis $AMD event 1pm. Rock and Roll" +"Wed Dec 06 15:05:08 +0000 2023","The Magnificently Manipulated 7 Strikes Again #MM7 📉409 stocks in the S&P 500 were down yesterday, but $SPY was only down -0.1%, thanks to $AAPL, $NVDA and a handful of mega-cap tech stocks. From today's Early Look by @KeithMcCullough: " +"Tue Dec 26 20:56:07 +0000 2023","And that is a wrap! Very quiet day, as expected. $QQQ new ATH, $SPY 52W high... $TSLA $AMD $INTC $NVDA stronger. Mark up time... Out tomorrow catch you guys on Thursday!" +"Mon Dec 11 12:50:37 +0000 2023","Our forecast is 462/465 this week with good CPI headline results 3.0 or better. $AAPL with a gap down and $GOOG continuing lower, $QQQ tech seems weak this morning. Semis $AMD still very strong. Wouldn't mind just chill in the chop today, as market awaits for tomorrow." +"Mon Dec 18 12:34:43 +0000 2023","$GOOG can be pretty good watch today. $AMZN flowing above 150... $AAPL will the market buy this dip? $SPY 468 holds I hold." +"Mon Dec 11 20:53:02 +0000 2023","Mostly quiet day, some big teck names seeing selling ahead of the rebalance $MSFT $AAPL $GOOGL $META $NVDA etc.. $AMD $NFXL $NKE nice moves.. $XLF range break.. Market broadening out CPI in the am HAGN!" +"Sun Dec 10 05:51:45 +0000 2023","Are u a fan of the 200MA or is it hocus pocus? The Mag 7 since they last broke above the 200MA $NVDA 182% $META 118% $GOOG 36% $MSFT 48% $AMZN 39% $AAPL 14% $TSLA 10% Trend is important context." +"Mon Dec 18 01:36:23 +0000 2023","Longs: AMD ANF CAVA COIN CRWD DDOG ESTC GTLB PATH SNOW TSLA Alerts set with setups: ABNB ADBE AFRM AMZN AZTA ARM BKNG BROS CROX CUBI CVNA DT DUOL DV FOUR FROG FSLY GWRE MDB MELI META MNDY MSFT MSTR NFLX PDD PWSC RXST RBLX S SMCI SN TRIP TTD UPST UPWK VRT" +"Sun Dec 24 16:23:17 +0000 2023","@Banker_L83 $MSFT $AAPL $AMZN $TSLA $NVDA... Yo Lauren.... many of these mega cap tech stocks have been consolidating 4-6 months... That is why I believe the indexes will trade higher..." +"Mon Dec 11 15:13:23 +0000 2023","$AAPL, $MSFT, $META, $AMZN, $GOOGL, $NVDA, $TSLA are all down -1.5% or more right now, yet the $QQQ is +0.4%. What is holding up the Qs in green if 50% of the index is heavily red?" +"Thu Dec 28 13:32:58 +0000 2023","MARKET RECON: Tired Rally? Heavy 0DTE, Yield Curve Spreads, Empty Piggy Bank, 'Watching' Apple $TSLA $MARA $XLRE $XLP $XLV $XLE $RTX $LMT $GD $AAPL $SPX $COMPQ $DJT #MarketRecon via @sarge986" +"Sat Jan 27 03:34:10 +0000 2024","🚀The most impressive stock of the moment: Advanced Micro $AMD -1.71% #AInvest_Magic #shareholders #marketupdate #TRADINGTIPS #StockMarket The Magic signal for $AMD resulted in +66.29% in its price. 👏Following and commenting to receive signals on your holdings. " +"Wed Jan 17 16:41:40 +0000 2024","Buying Spirit Airlines stock here. The price is right. $save #StockMarket #Nasdaq #jetblue" +"Fri Jan 19 13:49:31 +0000 2024","Based on my personal analysis, I predict $NVDA stock might see an uptick today. Reminder: This is not financial advice. Always do your own research. Current price before market opens: 571.07 USD. #StockMarket #NVDA #Investing" +"Fri Jan 26 15:06:22 +0000 2024","$AMD #AMD Next week earnings Tuesday after market close on 1/30, price to perfection up 80% in 3 months! A fan but this could go down 10% easy on soft guidance! #StocksInFocus #stockstowatch #stockmarkets #stock #stockmarketnews $smh #investing #investingideas #StockMarket " +"Wed Jan 03 09:56:23 +0000 2024","🔸Bitcoin Price Starts the Year with Bullish Sentiment; 🔸Stock Futures Fall Overnight after Nasdaq Registers Worst Day since October; 🔸Oil Prices Fall as Traders Monitor Rising Tensions in Red Sea. #bitcoinprice #CryptoNews #oilprices #StockMarket #NASDAQ100 " +"Tue Jan 09 15:04:21 +0000 2024","$Spy massive head and shoulders- This is what everyone is talking about, My opinion it doesn’t play out. if I am wrong I will accept it, but I don’t see it playing out! Buyer of the dip. Cheers! $qqq $aapl $tsla $amzn $googl $nflx " +"Wed Jan 24 15:55:15 +0000 2024","$NFLX WOW! Big moves in the financial world! Stock price surges to $553.95 (+12.55%) today! 📈 Earnings Update: Dec 2023 EPS slightly misses at $2.11 (-5.47%). Revenue beats expectations at $8.83B (+1.38%)! Exciting times ahead! 💰📊 #StockMarket #Earnings " +"Wed Jan 03 16:08:48 +0000 2024","#Fx #StockMarket October 24, 2023 Technical analysis(#Elliottwave count ) was carried out Microsoft stock (#nasdaq ) at the price of usd329.17 " +"Mon Jan 22 15:51:21 +0000 2024","🔴 Tesla's stock experienced a 1.3% decline following Morgan Stanley's decision to lower the target price. #TSLA #stockmarket #Investing" +"Wed Jan 24 21:49:43 +0000 2024","After breaking all time highs SPY can easily crash 5%-10% quickly. Here’s 3 plays we focused on: ✅ NVDA massive AI runner ✅ NFLX killer earnings ✅ SMCI monster breakout coming still TSLA big opportunity to go long and FOMC on January 31 (bearish) " +"Mon Jan 08 15:22:47 +0000 2024","Bajaj Auto announces a Rs 4,000 crore share buyback at Rs 10,000 per share, with a 43% premium over the current stock price. #BajajAuto #Nifty #Nifty50 #banknifty #niftybank #Dow #SP500 #Nasdaq #stockmarket #stocks #zerodha #Bitcoin " +"Fri Jan 05 13:30:49 +0000 2024","📊📉📈BIG TECH - MAG7 Nasdaq tumbled this week after Barclays downgraded its outlook for Apple. Two decades ago, the wealthiest 10 per cent of Americans held 77 per cent of corporate equities and mutual funds. Today, however, the wealthiest 10 per cent own 92.5 per cent of " +"Thu Jan 18 17:22:56 +0000 2024","$TSM stock price rose today after the company announced earnings of $1.44 per ADR unit in Q4. #WallStreet analysts are optimistic, predicting an 8.1% upside potential. #stocks #stockmarket #stockmarketnews Not investment advice. Capital at risk. " +"Tue Jan 02 22:27:58 +0000 2024","So Barclay’s downgrades Apple stock so it falls like crazy, and then they will guaranteed, sweep in and buy it up at a dramatically discounted price to make millions in mere days. This is how banking works. #aapl #StockMarket" +"Mon Jan 29 19:01:35 +0000 2024","It's all about big tech this week as $AAPL $MSFT $GOOGL $AMZN & $META report earnings. @RiskReversal has a bearish $QQQ options trade... Watch the full episode of today's MRKT Call: " +"Fri Jan 05 16:35:55 +0000 2024","What do you think would be the current $TSLA stock price and overall media narration about #Tesla if @elonmusk wouldn't say he's pro-Republican? For the record, I respect the fact he's speaking his mind openly. #StockMarket " +"Sat Jan 13 03:03:24 +0000 2024","🚀 $TSLA stock is on a wild ride today! With price cuts in China and factory downtime in Berlin, it's like Elon Musk's rollercoaster. But hey, Cathie Wood is still a fan, so who knows where this Tesla will end up? Buckle up, folks! 🎢 #TSLA #Tesla #StockMarket""" +"Tue Jan 09 01:00:01 +0000 2024","Wall Street’s main indexes notched significant gains, boosted by Nvidia, Apple and other megacap tech stocks, while plunging Boeing shares kept the Dow in check " +"Wed Jan 10 13:45:26 +0000 2024","$SPY daily levels I will post deep analysis still on X, just trying something new because my power is out from storms! @MoneyBeeOptions $spy $spx $qqq $tsla $nvda $amd " +"Mon Jan 01 05:30:02 +0000 2024","Key takeaway: Tesla stock (TSLA) experienced significant growth in 2023, achieving a remarkable 102% increase. Despite a slight dip in stock price recently, the electric vehicle maker had a very good year overall. #Tesla #stockmarket #growth " +"Thu Jan 11 19:51:03 +0000 2024","Team AVYN Soaring ⚡️ $SPX l +184% 💚 Ditching the screen grind, securing the bag, and living my best life - that's my motto! 🚀 $SPY $AAPL $AMD $QQQ $NVDA $MSFT " +"Tue Jan 23 01:13:33 +0000 2024","New all-time highs for the Dow and S&P as UST yields slipped ahead of key data this week. @willkoulouris $AAPL $AMZN $AMD $NFLX $TSLA $KWEB $ADM $NS $ZION $UAL #UST #BTC $WTI #Brent $SPY $DXY " +"Tue Jan 02 12:46:09 +0000 2024","Let's talk $TQQQ! 📈 Magnificent rise of 215% in hot tech industry! Solid pick with great volume. 💡#StockMarket Company Name: ProShares UltraPro QQQ Symbol: $TQQQ Price: 50.70 Volume: 67,122,690 % Up: 215% " +"Tue Jan 02 12:45:39 +0000 2024","Hey everybody! Unprecedented 253% surge in $NVDA! Sweeping tech industry due to outstanding performance. Keep watch! #StockMarket #NVIDIA Company Name: NVIDIA Corporation Symbol: $NVDA Price: 495.22 Volume: 38,929,330 % Up: 253% " +"Tue Jan 02 12:45:48 +0000 2024","Hey folks! $AMD is soaring! 💫High volume + 139% rise proves tech industry is red hot. Time to watch! #StockMarket Company Name: Advanced Micro Devices Symbol: $AMD Price: 147.41 Volume: 62,079,190 % Up: 139% " +"Thu Jan 11 00:18:57 +0000 2024","Thursday Watchlist $AAPL i like the 2/2 190C over 186. covers ER. starting to look a lot more bullish with buyers holding the 180/182. $AMD needs back over 151.12 $GOOGL over 143, 144C $META over 370, 375C or 1/19 380C $MSFT over 384, 1/19 390C $SHOP over 81.39, 82C when #CPI " +"Sun Jan 21 19:29:41 +0000 2024","here are the weekly @novaclxb custom SCAN results. $SPY $QQQ $NVDA $MSFT $GOOGL $AMD $SPX are in uptrends... while... $AAPL $IWM $TSLA are lagging the broader market... " +"Wed Jan 24 08:11:05 +0000 2024","$AAPL did not close above the previous day's (slightly spiky) high - the top remains intact, for now. (and in other news, the CNN index is creeping towards 'extreme greed' again. #nasdaq #spx500 " +"Tue Jan 02 16:04:47 +0000 2024","Gave out all the plays last week this is why “I’m the greatest” even had our proprietary inverse Dan Ives indicator working. $amzn $nflx $meta $amd $spy $qqq " +"Mon Jan 29 05:05:13 +0000 2024","1/26 | Notable Inside Days: $TSLA, $PLTR, $GOOGL, $PYPL, $IBM, $BA, $PARA, $CPNG, $MGM, $CAT, $ENPH, $DASH, $PANW, $ADBE, $ZM, $WYNN, $FSLR NOTES: - $SPY consolidation through EOW. Chop will continue between 486.53-488.42 - $QQQ bull gap closed on Friday, feels like a retest of" +"Wed Jan 31 00:32:24 +0000 2024","1/30 | Notable Inside Days: $MARA, $INTC, $SNAP, $COIN, $LYFT, $AFRM, $HOOD, $DAL, $SHOP, $IBM, $AA, $SNOW, $ABNB, $ROKU, $NTLA, $CELH, $TGT, $MGM, $ADBE, $ETSY, $COF, $MRNA, $BEAM, $TWLO, $CRSP, $OKTA NOTES: - $SPY doji on the daily and flagging on 65m. All about FOMC rate" +"Tue Jan 30 22:32:09 +0000 2024","Consolidation on the daily chart of QQQ as the ETF falls post market despite solid earnings from MSFT & GOOG. Let's see what JPow can do tomorrow. " +"Sun Jan 21 21:49:02 +0000 2024","$SPY all time high’s! I am seeing a lot of people posting that we have bearish divergence on the $SPY chart. Please remember, we also have hidden bullish divergence as well. Always make sure you look at both sides of the coin. If we maintain the $480 area on SPY, price " +"Tue Jan 30 01:08:02 +0000 2024","The stars are aligning. Mega caps $SPY $QQQ $MSFT $META $NVDA $AMZN $GOOGL are pushing into new-highs while $IWM $MDY is starting to shape up. As a result, NYSI NASI has hooked up with the NYSI almost back above its 10-DSMA. NAMO also blasted past the zero markets into positive " +"Wed Jan 24 18:58:35 +0000 2024","Some big days for stocks have been overshadowed by $NFLX, Tickers of Interest and their current gains; 👀 $ASML ASML Holding 10.47% $TXT Textron 8.45% $TEL TE Connectivity 7.64% $SAP SAP 7.56% $SMCI Super Micro Computer 6.69% $AMD Advanced Micro Devices 5.99% $MUFG Mitsubishi" +"Wed Jan 24 21:13:51 +0000 2024","America’s flagship stock market index, the S&P 500, closed at another record high yesterday, as a stream of solid earnings reports pushed the index to a fresh high. Driving the market are the Magnificent 7: Apple, Microsoft, Alphabet, Amazon, Nvidia, Meta, and Tesla. " +"Wed Jan 31 21:39:32 +0000 2024","$SPX triple top and then ABC down. A=C (both $55 down) See if we get a bounce tomorrow with data and more big tech earnings. $AAPL, $META and $AMZN. $4860, $4869.6 and $4890 are levels above if we bounce🤞 " +"Sun Jan 14 21:31:52 +0000 2024","$QQQ and $SPY has some of the same holdings in the Top 10 $AAPL $MSFT $GOOGL $GOOG $AMZN $NVDA $TSLA $META But The percentages of these holdings are much higher in $QQQ than $SPY " +"Thu Jan 18 19:04:57 +0000 2024","For the record, I think $SPY could see new ATHs tomorrow. Maybe early next week. $AAPL is bouncing off its 200d sma And $AMZN and $GOOG look like they want to make a move soon." +"Mon Jan 29 22:04:53 +0000 2024","Nasdaq had a strong session overnight! Earnings updates from big tech companies plus the looming #Fed decision helped keep stocks in the green. The $ASX looks set for a flat opening. Investors await crucial Australian #CPI data out tomorrow. " +"Sun Jan 14 19:34:41 +0000 2024","$SPY $SPX $QQQ - Nas & NYSE stocks > 50D MA We are beginning to see a notable curl down on both while making minimal advancements on SPY. The recent curl down in NAS Stocks > 50D MA is rather similar to the July/August high as well and if history repeats, this suggests a pop" +"Wed Jan 03 14:11:39 +0000 2024","$SPY $QQQ Unfortunately yields are back up along with the dollar and downgrades in NVDA Unfortunately it prob leads to about 1-2 weeks of selling but that will be the leg that causes the all time high mark in S&P 500 in my opinion Long knives out for MAGNIFICENT 7 (dumbest " +"Sat Jan 27 20:01:18 +0000 2024","Nasdaq $QQQ Charting & Data Analysis 1) $QQQ is up against a long term trendline. It has previously rejected at this point multiple times. 2) Past 3 days show failures to breach trend as well as waning volume with fewer buyers stepping up. Each day seeing early moves fade. 3) " +"Wed Jan 24 13:53:42 +0000 2024","$SPX & $QQQ 01-24 Following a massive earnings beat by $NFLX, another gap day. We're here for it. Next, we have PMI on tap right after open, and $TSLA earnings AH. In other words, I don't expect much from today's sesh. Let's have a great one. " +"Fri Jan 19 02:40:11 +0000 2024","US stocks advanced on Thursday, helped by Apple as the iPhone maker’s shares chalked up their biggest one-day gain in eight months. Gains for the Nasdaq Composite accelerated late in the session, helping the tech-focused index finish 1.3 per cent higher, with all Magnificent" +"Tue Jan 09 21:11:49 +0000 2024","📈 $SPY BULLS LEFT THE DOOR OPEN. • A nice gap down this morning to buy the dip on at support and with $NVDA $SMCI and $AMD raging higher. • Bulls were successful in filling the bear gap opened today and it shows some strength there, but they left the door open for the bearsby " +"Tue Jan 30 08:15:55 +0000 2024","Futures a bit soft tonight. Microsoft and Google report earnings AH. I’m sure they’ll look fine but this kicks off a big week FOMC, jobs # and consumer sentiment Friday, and big tech earnings Thursday including $AAPL which looks vulnerable to me with China struggling " +"Wed Jan 31 00:12:57 +0000 2024","The two Mag 7 stocks didn’t get it done tonight on earnings. Tech futures getting hit. Thursday becomes critical when $AAPL $AMZN AND $META all report. Then of course we have the FOMC in between tomorrow 💀 " +"Thu Jan 11 16:38:58 +0000 2024","$QQQ not able to clear new highs yet, after higher than forecast CPI. No change in any of my views or positioning. Holding $QQQ $META $NVDA $GOOGL + more tech. " +"Mon Jan 15 23:41:38 +0000 2024","$SPY $QQQ $META $GOOGL $SNAP $NFLX $AMZN Imagine if SNAP pre-reported earnings and said such good things the pin action 🎳 it would have on the above stocks👀 So it’s like we just got publicly traded data before they report earnings, hmmmmmmm 🤔" +"Tue Jan 30 01:08:14 +0000 2024","Global-Market Insights 4/n -It's a huge week for earnings with results due out of Microsoft, Apple, Alphabet, Amazon, and Meta -Fed interest-rate decision on Wednesday (IST) night and jobs market data on Friday" +"Mon Jan 29 01:45:23 +0000 2024","Lots of big time earnings this week - possibility biggest week of the year so far - with $MSFT $GOOGL $AMD $AAPL $AMZN $META all reporting (and many other big ones too).. could be a trend-altering/confirming kinda week. $SPY $QQQ " +"Wed Jan 17 01:48:50 +0000 2024","$SPY #analysis A Closer look at $SPY, $AAPL bounce off Support zone held up Spy today other wise most stocks were declining Market internals were not great. Now bouncing of 5-12 clouds , 472 area is pivot to hold and $VIX 14 1st Feb $AMZN $GOOGL $AAPL Earnings🚨 " +"Sat Jan 27 19:15:43 +0000 2024","One of these setups involves me buying 1,3,6-month $QQQ calls and closing my computer for a month. $TSLA pooped the sheets and $QQQ and $SPY barely flinched. $GOOGL $MSFT $AMD $QCOM $AAPL $META and $AMZN report this week along with #FOMC and Janet's issuance. " +"Sun Jan 21 23:56:13 +0000 2024","Noticed lots of excitement on my feed over the weekend. I like to take note of that. We've had a really big move in Semi's YTD $NVDA +20% $AMD +18% Other big tech $MSFT +6% $GOOG +5% $META +8% These names drive mkts. I would rather use caution then get super bullish here. " +"Thu Jan 04 19:57:03 +0000 2024","$SPY $QQQ So now we have the 5th Do we get the 6th when… All of tech is at or near support with a FED that is done and earnings coming up soon 🤔. AMZN and NFLX are setup best for this earnings in the FAANG in my opinion and I don’t even have any NFLX 😢 I posted almost" +"Fri Jan 19 17:24:25 +0000 2024","#markets $SPY $QQQ Flagging nicely now over bullish clouds Keep eye on $AAPL and $MSFT in case 478 buyer on SPY all day 4800 SPX level giving nice trades as well " +"Wed Jan 10 23:48:22 +0000 2024","$ELF $NVDA $PHM $LLY... Stocks making 52 week highs today... Oh... and all-time highs too... prolly nuthin...retail, semiconductor, homebuilder. drugs... " +"Mon Jan 22 01:30:45 +0000 2024","The week ahead brings us $TSLA, $NFLX, $INTC, $V, and other key earnings, $162B in Treasury note auctions, Advanced Q4 GDP and PCE inflation data. There are also a number of very interesting swing trade setups in commodities and regional ETFs. 👇 " +"Tue Jan 30 13:11:09 +0000 2024","$SPY – JOLTS this morning, Microsoft and Google earnings after the close. Sprinkle in a little AMD and we really should get the party started. FOMC tomorrow. Lets begin " +"Fri Jan 12 20:09:57 +0000 2024","I can't and never try to predict how the market will behave in the future. But $MSFT, $NVDA, and $META aren't showing any bearishness to me. Now whether it lasts into subsequent weeks is a whole different question. $QQQ $SPY" +"Sun Jan 21 21:21:54 +0000 2024","$QQQ Market moving tech earnings to watch out for in the week ahead: $NFLX Tuesday after the close $TSLA Wednesday after the close $INTC Thursday after the close" +"Wed Jan 03 10:34:16 +0000 2024","𝐄𝐨𝐝 #𝐍𝐢𝐟𝐭𝐲 𝐮𝐩𝐝𝐚𝐭𝐞, 𝐖𝐞𝐝 𝟑𝐫𝐝 𝐉𝐚𝐧, 𝟐𝟎𝟐𝟒 CMP 21517 𝐆𝐥𝐨𝐛𝐚𝐥 𝐬𝐞𝐭𝐮𝐩 US tech got clobbered last night with the Mag7 loosing a lot of ground, led by Apple, taking the Nasdaq down 250 points, it's biggest fall since October last year. SPX also" +"Mon Jan 22 15:46:11 +0000 2024","Blow off the top rally now cooling off a bit, folks taking profits… I think the market is front running a good earnings season. Now it’s not about rates — it’s about if $GOOGL $META $NVDA $TSLA and others can perform. If they do, smaller companies get the benefit of the" +"Sat Jan 20 17:31:06 +0000 2024","How are the 'Magnificent 7' Tech Stocks doing so far this year? 🟢 Nvidia Is Up +20.1% $NVDA 🟢 Meta Is Up +8.3% $META 🟢 Microsoft Is Up +6% $MSFT 🟢 Alphabet Is Up +5% $GOOGL 🟢 Amazon Is Up +2.2% $AMZN 🔴 Apple Is Down -0.5% $AAPL 🔴 Tesla Is Down -14.6% $TSLA $SPY " +"Tue Jan 23 21:13:21 +0000 2024","$SPY Hear me out! Now that tech earnings in full swing, $QQQ next up is $TSLA followed by more next week. $NFLX did pretty good, and I think this bodes well on the street for rest of the season. Moving up $SPY target to 488/489 this week. " +"Tue Jan 16 21:07:10 +0000 2024","Market Recap 📈📉 $AMD: Shares rose 8.3% in midday trading due to optimism about AI boosting semiconductor demand. $AAPL: Shares down 1.2% on unusual China discounts, including iPhone 15. $PYPL: Shares fell 4.2% after Mizuho downgrade, citing rising competition from Apple Pay" +"Sun Jan 28 20:51:20 +0000 2024","Tuesday: $MSFT $GOOGL $AMD earnings Wednesday: QRA(treasury refunding announcement), Chicago PMI & Fed Interest Rate Decision Thursday: $AAPL $AMZN $META earnings 🤯Hope you’re ready… " +"Mon Jan 29 14:47:05 +0000 2024","The #StockMarket has the wind at its back before key #earnings and the #FederalReserve meeting. Get key facts on #inflation, levels and major events. $NFLX $TSLA $AAL $AAPL $MSFT $AMZN netflix/" +"Wed Jan 17 20:02:46 +0000 2024","$META About to go green, $NVDA up $15 from this AM... $SPY & $QQQ Pulled back to 21EMA today $AAPL Back at 50SMA Wouldnt surprise me to run up next few days- maybe the expected pop to trap last bulls is upon us." +"Sat Jan 27 21:30:26 +0000 2024","How are the 'Magnificent 7' Tech Stocks doing so far this year? 🟢 Nvidia Is Up +23.2% $NVDA 🟢 Meta Is Up +11.3% $META 🟢 Alphabet Is Up +9.1% $GOOGL 🟢 Microsoft Is Up +7.4% $MSFT 🟢 Amazon Is Up +4.7% $AMZN 🔴 Apple Is Down -0.1% $AAPL 🔴 Tesla Is Down -26.2% $TSLA $SPY " +"Fri Jan 19 21:10:36 +0000 2024","$SPY My feelings at this point, is that market is pulling forward ""MOST"" of the gains the index is going to see this year, during the last 3 months rally. We have earnings season upon us, $NVDA $AMD $TSLA $NFLX $META $AMD $GOOG $AMZN most notable ones.. and ""everything"" has to " +"Tue Jan 09 00:16:45 +0000 2024","EOD Summary: Tech stocks, particularly Nvidia, drove the market higher as the S&P 500, Dow Jones, and Nasdaq 100 all closed with gains. A 5% surge in Nvidia, boosted by the unveiling of new graphic chips at CES, led the rally. M&A activity, with Boston Scientific acquiring" +"Mon Jan 29 17:03:11 +0000 2024","UltraPro Nasdaq $TQQQ buyers of 4000 Feb $57 puts at $3.10 offer sweeps, implies bearish Nasdaq short term but could also be hedge for earnings this week in Tech" +"Wed Jan 24 21:00:08 +0000 2024","Market Recap 📈📉 $NFLX: Surged 10.7% with strong Q4 revenue and subscriber growth, exceeding expectations. $AMD: Gained 5.9% after New Street Research upgrade, seen as a key player in the growing AI chip market. $ASML: Rose 8.8% with Q4 results beating expectations, net sales" +"Thu Jan 25 02:47:19 +0000 2024","EOD Summary: The S&P 500 and Nasdaq 100 reached record highs fueled by strong tech earnings, particularly from Netflix and ASML Holding NV. Global markets received a boost as the People's Bank of China cut the reserve requirement ratio. However, bond yields rose after positive" +"Sun Jan 28 16:03:27 +0000 2024","A big week for market moving earnings. $AMD & $SMCI will move the semiconductor sector. $AMZN, $AAPL, $MSFT, $GOOGL and $META will move $QQQ Probably a tough week for multi-day swings. My strategy will be day trades and patience to manage headline risk." +"Fri Jan 19 02:48:09 +0000 2024","EOD Market Summary: Nasdaq 100 reached a record high, closing up 1.47%, led by strength in technology stocks. Chip stocks surged after Taiwan Semiconductor Manufacturing Co. anticipated solid growth. The S&P 500 and Dow Jones also posted gains. Political risks eased as the" +"Tue Jan 23 15:22:39 +0000 2024","Nasdaq breadth fading here off highs now.. would be nice if they whacked these Chip names ahead of earnings to allow for some decent trades.. its a bit out of control" +"Thu Jan 25 13:11:44 +0000 2024","Well Tesla earnings did not save the day so again looking for Semis to pave the way. Trio of airlines with solid earnings reports makes up for Boeing which again is coming up short. $RIVN - after the Tesla miss down on sympathy. $15 is the major support level, if it fails it at" +"Wed Jan 24 04:58:49 +0000 2024","Hit the ❤️ if you are ready for an awesome trading day..!! $SPY $NFLX $QQQ $AAPL $MMM $BABA $AAL $META $TSLA $NVDA $AMD $UAL $GOOG $AMZN $ROKU $VZ" +"Fri Jan 19 10:45:26 +0000 2024","Yes it does! Tech and $qqq went out strong with leaders leading $nvda $amd $msft $meta and some playing catch up, $aapl $amzn $googl I’d think this time $spy can get and stay above $478-$478.60 as it cleared the 8/21day again yesterday " +"Tue Jan 30 21:39:05 +0000 2024","WHEWWWW, WHAT A DAY/WEEK! TELL ME YOU CAPITALIZED ON $PXLW $MARK $CRBP $RVSN $NEXI $SINT AS THIS IS NEAR MAX-EUPHORIA SO IT'S ONLY NATURAL FOR THE $DIA $SPY $QQQ TO LIKELY RETRACE GIVEN WEAK INITIAL $GOOG $AMD RESULTS. Study & be prepared for EVERYTHING!" +"Thu Jan 04 13:09:27 +0000 2024","Short Apple a day has kept the losses at bay. Earnings have started back, but Mobileye is wiggity wiggity wiggity WHACK. Its all good just trade what moves, here are a few names for todays groove. $AAPL - Its not at the 200 SMA yet on the daily and got another downgrade so til" +"Mon Jan 22 04:48:06 +0000 2024","My views on market tomorrow. ⭐️❤️ Gap up, followed by choppy trend till noon and run again towards end of day. $SPY $QQQ $AAPL $AMZN $TSLA $NVDA $META" +"Tue Jan 30 13:15:05 +0000 2024","If you like earnings then today is your day. Last night $SMCI told the shorts to get out the way! Even $GM with a beat as EV's continue the bounce. The big boys report after the bell, be patient and be ready to pounce. $AMD - Reports after the bell, 181 level still a fade. $INTC" +"Thu Jan 11 14:20:52 +0000 2024","$SPY $QQQ $NFLX $NVDA $MSFT $META $AMZN So what do we got? We got a hotter than expected CPI report from 3.2% to 3.4%, that’s a negative check We also got the CORE CPI, which is the FED’s preferred measure went from 4% to 3.9% the first time it’s been under 4% this entire" +"Wed Jan 10 13:12:43 +0000 2024","📊 Market Summary 📈 Futures for $SPX and $DJI remain cautious, eyes on inflation reports and bank earnings. $IXIC sees premarket gains. Equities tread cautiously in 2024 amid mixed data and Fed uncertainty. Late 2023 rally driven by rate cut hopes, but megacaps volatile. March" +"Thu Jan 18 13:18:22 +0000 2024","All we needed was an Apple upgrade and a TSM beat? Now the short Semi's are in full retreat. Even bounces in EV stocks, is it enough to make it hot? $AMD - All time highs reached on back of $TSM beat and guide. The ALTH close 161.91 in play on dips. may prefer $ARM to the 71 and" +"Tue Jan 30 21:25:13 +0000 2024","Yet again.. as expected folksy was long $msft $goog and $tsla It’s better to wait for FOMC I think Once FOMC crashes markets it’s gonna be nicer levels As $amzn and $NFLX will show me thinks" +"Wed Jan 24 13:16:07 +0000 2024","Bull markets do Bull market things, and Netflix sub growth and profits give extra zing! $ASML driving chip names to the moon while tonight we hope Tesla earnings go kaboom. $AMD - With ASML's beat and guide group is higher, 170 was resistance for 2 days looking longs over $INTC" +"Wed Jan 31 13:14:22 +0000 2024","Market Update: Nasdaq futures gap down as tech giants $GOOG and $MSFT project increased AI costs in earnings reports. Alphabet eyes higher spending on AI infrastructure, while Microsoft reveals elevated AI development expenses. Tesla's growth warning amplifies concerns for the" +"Wed Jan 03 12:50:28 +0000 2024","$AAPL STARTING to get interesting, 200D around 179. $SPY breaks 470, likely see that 20D hit, as $QQQ are well below it. SPY tends to catch up. $AMD below 20D actually sold my position yesterday whew. But is this the dip to buy before CPI Next Thursday?" +"Tue Jan 30 18:06:31 +0000 2024","Three of the biggest companies in the Nas report today, this is their performance since last earnings: • $AMD +96% • $GOOG +27% • $MSFT + 26% How much upside is left?" +"Sun Jan 14 23:13:49 +0000 2024","Some stocks have rolled over already I think $nflx $aapl and the junk in arkk ETF being good example Others like $nvda $msft $tsla could have some life left in them Once these high flyers roll over, we should get a very good 50% sell off in the main index" +"Tue Jan 09 19:58:37 +0000 2024","@marcusd369 $ABQQ just look at that Weekly MACD climbing Higher+ across the pivot and the bullish divergence spreading further The RSI look how its flattened and starting to curl north w the 14ma crossing the RSI 60 **Extremely Bullish** Flagging pattern setting up!!! " +"Tue Jan 16 14:50:33 +0000 2024","$AMD $NVDA Relative Strength today while $SPY trying to hold Premarket lows $AAPL taking it all down $MSFT watch if fails $QQQ under clouds as well" +"Mon Jan 22 13:17:51 +0000 2024","📈 Market Update 🌐 Futures indicate higher trading, sustaining S&P 500 momentum. Chip and megacap stocks fuel the index to record highs, making semiconductors and IT standouts in 2024. Eyes on upcoming earnings for insights into corporate health—Netflix, Tesla, Intel in focus." +"Tue Jan 30 14:13:05 +0000 2024","Some Levels to keep an eye out for on $QQQ Today! 📍428.5 📍427.73 📍426.94 📍426.18 Good Luck! What levels/ stocks are you keeping an eye on? $SPY $TSLA $AAPL $NQ" +"Wed Jan 24 13:11:58 +0000 2024","Market Update: Futures ⬆️ premarket, fueled by $NFLX robust earnings and Q4 subscriber growth. $ASML Holding's strong performance boosts semiconductor sector. S&P 500 hits new high, maintaining bull run amid anticipation of robust earnings justifying valuations. Eyes on $TSLA," +"Thu Jan 04 13:56:37 +0000 2024","$SPY 468 level important $SPX 4700 Lose this and close under I do think 460 in store before CPI bounce (will come in next 3-4 days) $AAPL 180 I’m paying close attention $AMZN down a bit on tik tok news. Hmmmmm Team $NIO" +"Thu Jan 25 21:10:00 +0000 2024","Action today felt worse than it was. $SPY inside day, still out of the BB's.. $GOOGL joined the ATH club.. $MSFT $AMD... new ATH. $IBM Beast, partying like 1997 $TSLA.. ewwee" +"Tue Jan 16 20:52:08 +0000 2024","Market overall choppy. That said $NVDA $AMD $MU all very nice days and $TSLA huge bounce. It's a market of names until it picks a direction. Retail sales in the am. HAGN!" +"Mon Jan 08 20:58:18 +0000 2024","Bulls came to play today, huge move in the $SPY and $QQQ. $SPY just missed 475.32 would have been positive for first 5 sessions of January... $NVDA $AMD lading the way.. $MSFT back to top of the range.. $AMZN $GOOGL big tech finally showed up. $BA holding the 50D so far..." +"Fri Jan 26 16:31:49 +0000 2024","My current wide list AFRM ALT AMD AMGN AMZN APP ARDX BLD CCCC COIN CRM CRWD CYBR DKNG DOCU DUOL DXCM EFX ELF FNF FOUR FSLY GCT GTLB HUBS IBM LBPH MARA MELI MRVL NET NFLX NOW NVDA PATH PINS S SHOP SMCI SNOW SPOT STNE TSM TXT UBER VRNS VRT VSCO Z ZIM" +"Thu Jan 11 20:58:30 +0000 2024","Some day this market will sell... that day was not today. $SPY $QQQ huge comeback. $MSFT $NVDA new ATH's. $AMZN $GOOGL new 52W highs. PPI Pre and Earnings season starts $JPM $BAC $C $WFC $DAL $UNH HAGN!!!" +"Sun Jan 28 23:55:51 +0000 2024","Week of ages comings. Amd. Msft Nvda smci adbe Lrcx Googl Amzn Huge moves. Coming. And then There was powell and On top of that is yellen…. Yellen may be the most important" +"Sat Jan 20 18:36:09 +0000 2024","@ballerdk22 $AAPL $MSFT $META $AMZN $GOOGL $NVDA...I have been posting daily videos about how the mag 6 (sans Tesla) are setup in bases. That does not mean they all must work. But META MSFT NVDA have made moves higher-AMZN GOOGL next? If they move higher the index will be pulled along" +"Wed Jan 03 12:39:29 +0000 2024","MARKET RECON: Meaningful Selloff, Down Goes Tech, PMI, Market Breadth, Defense Stocks $AAPL $C $BAC $WFC $ASML $AMD $ARM $INTC $NVDA $XLV $XLU $XLP $XLK $XLI $LMT $NOC $HII $SPX $COMPQ $RUT $DJT $SOX #MarketRecon.. via @sarge986" +"Tue Jan 30 20:15:37 +0000 2024","Whole World is Praising Rahul Gandhi’s #BharatJodoNyayYatra for promoting secularism and harmony 🔥❤️ #RahulGandhi" +"Thu Jan 11 17:53:47 +0000 2024","$SPY, $QQQ nice ramp now higher here after that subtle bullish breadth near the lows looked interesting.. plus the soft action in $VIX saying we rebound" +"Tue Feb 06 16:20:12 +0000 2024","Someone posted earlier that recent breadth only occurred one other time in history, Aug 1929. So I thought I would take a look at price action and compare. I must admit, there are some defined similarities. #DowJones #SPX #nasdaq #nyse #StockMarket #stock " +"Thu Feb 22 13:34:10 +0000 2024","🚀The most active stock of the hour: Microsoft $MSFT -0.15% in pre-market; #AInvest_Magic #trading #StocksToBuy #TRADINGTIPS #StockMarket $MSFT has +55.95% in price since the Magic signal was generated. 👏Follow and comment to access your holdings signal without any cost! " +"Thu Feb 01 00:40:40 +0000 2024","What does it mean when a stock's price is referred to as being ""Priced in""? Never guess again plus bonus trade plans for a potential massive trade coming up! $AAPL $META $SPY $QQQ $TWTR $IWM $BA $MU $NVDA $TSLA $GME $AMC #daytrading #stocks #stockmarket #freetradeplan #tradeplan " +"Fri Feb 02 17:28:21 +0000 2024","$Meta up huge. Did you know the signal to buy was Jan 2 at the price of 353? Check out AI Forecasting tool which is simply a black bar on the chart. Proof is in the actions...not the words. #meta #eps #stockmarket #stock #options #trade #ai #forecast #facebook " +"Tue Feb 27 23:23:16 +0000 2024","2/27 | Notable Inside Days: $F, $WMT, $GM, $CRM, $NKE, $MGM, $ENPH, $MMM, $NDAQ, $SPOT, $COST, $FDX, $LULU NOTES: - $SPY peekaboo above downward channel with 507 resistance. Need above for upside - $IWM bull gap opened and began filling bear gap above, still open from " +"Fri Feb 02 14:13:51 +0000 2024","$nq went down on jobs number but CIMTF support just stopped it! See chart. Support moved up and stopped price from going down for now. As long as this support holds, we can go back up #nasdaq #nq #stockmarket #stock #Options #trade #investment " +"Tue Feb 13 10:39:08 +0000 2024","Daily Market News with FXOpen - 13 February 2024 🔸Stock Futures Slip after Fresh Dow Record; 🔸Bitcoin Price Exceeds Psychological Level of $50k; 🔸Rate Cuts Likely Won’t Happen until the Summer, Atlanta Fed Chief Says. #StockMarket #bitcoinprice #BTCUSD #InterestRates " +"Fri Feb 16 14:24:09 +0000 2024","Wedbush today raised its price target on Nvidia $NVDA to $800 from $600 while maintaining its Outperform rating Wells Fargo raised its price target on Nvidia $NVDA to $840 from $675 while maintaining its Overweight rating #StockMarket" +"Sun Feb 11 11:00:08 +0000 2024","(The Motley Fool) Should You Buy Walmart Stock Ahead of Its 3-for-1 Stock Split? - Walmart's share price will soon be much lower. (Details in our app) #stockmarket $SPY" +"Wed Feb 14 12:00:07 +0000 2024","(The Motley Fool) Symbotic Stock: Buy, Sell, or Hold? - Symbotic's stock price initially crashed after lackluster earnings and has since bounced back. (Details in our app) #stockmarket $SPY" +"Mon Feb 26 07:31:53 +0000 2024","Alkem Labs is accused of evading over Rs 1,000 crore in taxes, resulting in a 10% decline in its stock price, according to reports from India Today. #Nifty #Nifty50 #banknifty #niftybank #Dow #SP500 #Nasdaq #stockmarket #stocks #zerodha #Bitcoin " +"Fri Feb 09 14:22:50 +0000 2024","Happy Friday... Check out this RSI Script... Special thanks to my Guys tagged below. $AAPL $AMZN $GOOG $META $MSFT $NVDA $TSLA $NFLX $SPX $AI $SPY $QQQ #StockMarket " +"Wed Feb 21 18:32:39 +0000 2024","Amazon's high stock value keeps it out of the Dow Jones, a price-weighted index. Does this reflect a flaw in the Dow's methodology, failing to adapt to the evolving market landscape dominated by tech giants? #StockMarket #DowJones" +"Wed Feb 28 12:23:07 +0000 2024","Good morning! It’s $MARA earnings day. GDP numbers drop in an hour…. $AAPL bounced on news of no longer moving forward in EV manufacturing and instead will focus even more dollars on AI tech (duh). Will $AAPL finally join the rest of its bullish peers in the QQQ, and keep " +"Fri Feb 02 11:32:09 +0000 2024","Fantastic results from #TataMotors But all the results are in price already. Stock may face some profit booking after Gapuo in Monday. #StockMarket #nifty50 #sensex #niftyOptions #banknifty #Budget #PaytmKaro #optionbuying #stockmarkets #GIFTNIFTY #NASDAQ #fiidata #fiis" +"Thu Feb 01 12:33:53 +0000 2024","A nice gap up for $SPY in the PM session. A cool-off was surely needed after it's parabolic run over the past few months. Econ Data, as always, today. We also have $META $AAPL and $AMZN after the bell today! 🍿 " +"Wed Feb 21 23:01:52 +0000 2024","In spite of the #StockMarket #indexes being down last few days, market internals have not collapsed. As a matter of fact, just the opposite. #breadth remains strong. Will $NVDA ER make a diff tomorrow?? ( data is for stocks with volume > 1.5M, price > 10) " +"Thu Feb 08 21:53:19 +0000 2024","So here gamma acts as a ""magnet"" drawing the option's delta towards a specific value (0.5) as the stock price fluctuates around the strike price.🙂 $SPX $SPY $VIX $ES_F #StockMarket #optionstrade #Option #market #MarketInsights $BTC" +"Fri Feb 02 17:40:17 +0000 2024","Excellent results: ✅Microsoft, Amazon, Meta, Nvidia Decent/ average results: ✅Apple, Alphabet ""Poor"" results: ❌Tesla You can try and search for the needle, or you can jusy buy the haystack. Just buy the Nasdaq! #TFSA 📈📈📈 " +"Fri Feb 02 18:36:03 +0000 2024","At the market close on Thursday, February 1st, several data providers published data indicating that #Nasdaq100 volatility closed near an all-time low. However, some are calling this bad data. Nonetheless, mega-cap tech stock volatility remains near multiyear lows, while the " +"Sat Feb 03 18:54:03 +0000 2024","Doing the same analysis against 200MA, components of $QQQ MA peaked end of 23. New Mag7 (MSFT, AMZN, GOOGL, NVDA, AMD, LLY, META) are driving the gains. Rest of the components are lagging. It is a warning sign for sure amplified by $META gains. 👁️🦺 " +"Sat Feb 03 18:13:58 +0000 2024","Last week was PHENOMENAL for our analysts 🔥🔥🔥 Here are the top alerts from the team 📈 #TheStrat #ICT $SPY $SPX $TSLA $META $NVDA $AMD $COST $WMT $MARA $SMCI $AAPL $AMZN $DKNG $SHOP " +"Tue Feb 13 14:05:40 +0000 2024","#NASDAQ #SPX500 - all three inflation numbers were above par. A close below key TL and 20SMA support should trigger some algo selling, and perhaps tip #NVDA too. " +"Fri Feb 16 14:24:39 +0000 2024","$SPY $QQQ Happy Friday - Greed says we’re so BACK - $SMCI up another 5%, next target $1500 by Wednesday 🧐 - $NVDA only up 1.6% See you at new all time highs by lunch time today. The squeeze must go on, " +"Thu Feb 01 23:24:11 +0000 2024","2/1 | Notable Inside Days: $AMD, $INTC, $GOOGL, $MSFT, $GM, $LYFT, $SQ, $RBLX, $PDD, $CRM, $SNOW, $LLY, $DWAC, $FSLR, $PANW, $BIDU, $CRWD, $LULU, $NOW, $LRCX NOTES: - $SPY bull gap open. AH PA suggests potential island bottom tomorrow. Open bear gap is 489.22-490.88 - $QQQ bull" +"Wed Feb 14 16:33:22 +0000 2024","Out $SPX +$450 for a win $AAPL $AFL $AMD $AMZN $BA $CAT $COIN $DIS $DOCU $GOOGL $IWM $LULU $META $MSFT $NFLX $NVDA $QQQ $SHOP $SPY $SQ $TGT $TSLA" +"Thu Feb 08 23:34:17 +0000 2024","2/8 | Notable Inside Days: $F, $AMD (x2), $META, $CSCO, $GM, $BA, $PDD, $NFLX, $TCOM, $ZM, $ETSY NOTES: - $SPY doji on daily, holding 498. 498.71 is HOD so will need to see that for more upside. Loss of 498 by 10:35 EST is also a rising wedge breakdown - $IWM strong erasing" +"Fri Feb 02 16:13:26 +0000 2024","I know it's a big SPY + QQQ day - yes big tech is special especially $META - but this R2K/R3K (IWM/IWV) chart caught my eye. It's not everyday one sees a relative chart pushing early 1990 lows. " +"Fri Feb 09 13:49:57 +0000 2024","Good morning Looks like if this $SPY $SPX $ES $ES_F ramp holds up into open. We getting fat paid again $MSTR runners $U $SQ $SNOW will be the big ones $AAPL $ETSY $INTC Building. $ABNB Gains will be wiped from $EXPE OH well Keep on cranking the bangers out!!! " +"Mon Feb 12 15:15:18 +0000 2024","Good morning!!! What a morning. Pretty much everything we are holding over the weekend went friggen BOOM $AAPL is the really the only one being held back. But oh so many others 50- 150% everywhere!!! $SPY $SPX $ES $ES_F pretty flippen tight up here!!!! SOmething big coming " +"Sat Feb 03 21:49:35 +0000 2024","MAGMAN - ytd perform' $META +34.2% $AAPL -3.5% $GOOGL +1.9% $MSFT +9.4% $AMZN +13.1% $NVDA +33.6% ... of the sextet I'd favour Amazon. " +"Fri Feb 02 16:00:44 +0000 2024","The schizoid market we all know and love. Money piles into tech on the backs of $META and $AMZN earnings but everything else is going down as breadth is decidedly negative. " +"Thu Feb 01 17:27:03 +0000 2024","Intermediate term $QQQ below decl 5DMA $AAPL <5 & under YTD AVWAP EPS after close $AMZN neutral to neg EPS $GOOGL leave it alone $META pos to neutral EPS $MSFT neutral to positive $NFLX positive to neutral $NVDA positive to neutral $TSLA negative trying to find bid green = YTD " +"Fri Feb 02 12:38:02 +0000 2024","@itsmichaelluu ✅#1. Companies in SPY to swing because they have lots of catalyst, AI driven, technology and strong fundamentals: META AMZN GOOG TSLA SMCI AAPL NVDA MSFT (I was able to grow a small account rapidly and quickly because I focused on NVDA and SMCI)" +"Thu Feb 01 21:06:36 +0000 2024","PF update - 02/01 New: $XBI $SNPS Hold: $SMCI $NXE Closed: As mentioned last night, today we saw a reversal of FOMC move...a classic. That's why staying open-minded & flexible was key. • Trimmed NXE at 5R near open. it's now on the runner • SMCI reached multi-bagger status " +"Thu Feb 01 21:00:14 +0000 2024","$AAPL, $AMZN & $META report after the bell. But remember, tomorrow's job report may be a big piece to where the $SPY / $QQQ end up! #optionstrading #stockmarkets " +"Thu Feb 22 17:00:29 +0000 2024","Comparative $SPY Analysis: $NVDA $META Leaders (Obviously lol) $LLY $V $BRK.B $JPM Relative Strength $AAPL $GOOGL $GOOG $UNH $MSFT Laggards $WMT $COST $AMZN Flat Lets see how things change during lunch and into the close." +"Thu Feb 29 15:26:25 +0000 2024","Magnificent 7 is really the $NVDA & $META Show Here's the performance over the last year for $NVDA, $META, $AMZN, $SPY, $QQQ, $GOOGL, $AAPL & $TSLA Note, $AAPL has been the laggard. I projected $AAPL to lag all through '23 and to continue lagging in '24 #stocks " +"Tue Feb 20 18:42:57 +0000 2024","""Mag 7"" Overlook $AAPL - needs to hold 200 sma $AMZN - will 21 ema hold or gap fill to $160? $GOOGL - trendline holding $META - very strong holding 9 ema $MSFT - losing 21 ema, lower $NVDA - distribution before earnings $TSLA - gap fill thwarted by market digestion " +"Thu Feb 22 13:18:30 +0000 2024","Daily Market Diagnosis: On Weds, sellers remained in control although a little subdued as volume was lower than Tues selling day so not official dist. days--but Nas did flip down to MMTS yellow (barely); felt like the market was just walking on eggshells all day--with Fed " +"Tue Feb 06 06:47:00 +0000 2024","Tonight's video $SPY levels Heavy focused on the ADL line of the NASDAQ $QQQ $SMCI $NVDA $PLTR $TSLA covered I walk through a trade journal as well. " +"Mon Feb 12 01:01:20 +0000 2024","Global-Market Insights 2/n -Traders digest the revised CPI for the December -Ultracap stocks including Nvidia, Amazon, Alphabet, and Microsoft were higher to push the S&P500 beyond the 5K mark" +"Fri Feb 23 14:24:54 +0000 2024","$SPX & $QQQ 02-23 Possible gaps on the daily below as we continue our post-$NVDA ER pamp. It's nothing short of amazing what we're seeing so far this week. Even Block $SQ had good earnings, showing that small businesses are pushing through any signs of a slowdown in this " +"Fri Feb 02 15:09:44 +0000 2024","The market is now down to the phenomenal four $MSFT $AMZN $META $NVDA Nasdaq has 71% decliners and the New York Stock exchange index has 81% decliners " +"Mon Feb 12 13:43:13 +0000 2024","Morning traders! The markets had another strong week, with the S&P 500 breaking through the 5000 level and reaching a new high. Nasdaq also hit levels not seen since October 2021. Even small caps saw significant gains. One reason for the excitement was the updated CPI data, " +"Wed Feb 28 23:06:31 +0000 2024","$SPY $QQQ Alright cool, love u guys were so on the same page so many of us ❤️❤️❤️ Ok, we have to know what we are buying. Algos r going to sniff this all out so u need to be aware We are in the land of the forward P/E with a FED cutting cycle and still slowing growth to come. " +"Thu Feb 01 18:03:00 +0000 2024","$AAPL, $AMZN & $META report tonight. Expecting a mixed bag there. $AAPL (1yr Perf +28%) (YTD Perf 0.27%) Sup $180 Res $196 $AMZN (1yr Perf +50%) (YTD Perf 5.20%) Sup $155 / $150 / $145 Res $161 $META (1yr Perf +158.5%) (YTD Perf 14.28%) Sup $382 / $363 / $343 Res $400s " +"Mon Feb 05 12:56:32 +0000 2024","Hello traders! Last week, the stock market extended its gains as major tech companies rebounded and a robust employment report improved corporate earnings outlook. The S&P 500 approached 5,000, and the Nasdaq 100 rose about 2% on an optimistic outlook from Meta and Amazon. " +"Fri Feb 02 15:18:00 +0000 2024","Underneath the surface there is a reasonable amount of selling happening in this market, but because $META, $AMZN, $NVDA, $MSFT and others have such significant weightings in $SPY and $QQQ we're not seeing that translate to the indices. " +"Mon Feb 26 13:31:35 +0000 2024","Hello traders! The S&P 500 reached another all-time high on Friday, and the Dow also hit a new record. However, the Nasdaq dipped 0.28% but hit a fresh 52-week high earlier in the day. The PCE (Personal Consumption Expenditures) price index data coming out Thursday morning " +"Mon Feb 12 19:22:19 +0000 2024","$SPY $QQQ $SPX #update Nice fades since we broke 34-50 $AMD $NVDA $SMCI all short mid day for beautiful flushes Bear Flags across the board! #ripsteremaclouds $VIX 14 resistance watch that rejection " +"Sat Feb 24 17:00:01 +0000 2024","Another wild short week. Markets looked ready to break down then $NVDA reported... nope new ATH's!!! $SMH $NVDA $META $AMD $AMZN all very strong. GDP and PCE next week, so maybe some fireworks! HAGW, watch the video!! " +"Mon Feb 26 01:37:11 +0000 2024","Focus List for 2/26 - 3/1📝 $TSLA 190p < 192 | 200c > 197 $AAPL 180p < 182 $DIS 110c > 108 $AMZN 175c > 175 Crazy week last week with $NVDA earnings. For more upside on $SPY I will be looking at the 508 level. Over 508 it can ultimately set up for a push into the 510-513 " +"Thu Feb 08 14:47:40 +0000 2024","#market $SPY $QQQ Have the look & setup but lot of pressure towards 500 SPY! BIG 7 heavy this morning except google, they have to move to help market! $TSLA Very heavy $META under clouds too " +"Wed Feb 21 19:45:14 +0000 2024","#markets $SPY $QQQ $SPX From Chop to Bearish Trend, Nice Mid day fades after FOMC minutes $VIX helping, still not over 16.12 but strong $AAPL $MSFT $META leading the sells $NVDA still holding up " +"Wed Feb 28 16:49:40 +0000 2024","I’ll only ever alert a mega cap stock or index on here so you can have a watchlist for me of: - $SPY $QQQ $IWM $AAPL $MSFT $GOOGL $TSLA $NVDA $AMD $META $AMZN $NFLX" +"Fri Feb 02 12:37:35 +0000 2024","Good Morning! A bounce-back day for equities, capped by 3 large tech earnings in $AAPL, $META, and $AMZN, with $META and $AMZN wildly succeeding and $AAPL pulling back slightly. I was surprised by $META's dividend, but good to see their year of getting leaner has paid off. Today" +"Sat Feb 24 19:31:50 +0000 2024","@MarketsRayon @Mayhem4Markets there is a slight difference in weights for $SPY and $QQQ - however $TSLA and $AAPL (top holdings in both) are in downtrends, $TSLA in a much stronger downtrend and $AAPL flirting with its 200 MA" +"Tue Feb 27 17:57:34 +0000 2024","$SPY $QQQ #market Market Bearish Chop today, slow grind to downside $QQQ led by $MSFT $GOOGL $AMZN $AAPL Weakness Semis are still kind of holding up after morning flush Watch this PM low test for bias! " +"Mon Feb 05 03:20:42 +0000 2024","Good Morning Everyone !! Quick Market Update US Big Tech Stocks surged on Friday Meta makes Stock Market History with $197Bn market cap gain Dow Jones was up 134 Pts Dow Jones Futures down 79 Pts now GIFT Nifty down 30 Pts at 21929 Events to watch-Earnings+MPC (8th Feb)" +"Tue Feb 13 21:17:07 +0000 2024","$SPY Very interesting close $SPX down 1.3% over a 3.1% Headline CPI. Hotter than expected? Yes. But little overblown on the reaction? I believe so. On Jan 31, $SPY dipped to the October Lows Trendline and Held, and two days later market recovered and filled the gap. What also " +"Sat Feb 10 20:56:31 +0000 2024","How are the 'Magnificent 7' Tech Stocks doing so far this year? 🟢 Nvidia Is Up +45.6% $NVDA 🟢 Meta Is Up +32.2% $META 🟢 Amazon Is Up +14.8% $AMZN 🟢 Microsoft Is Up +11.8% $MSFT 🟢 Alphabet Is Up +6.6% $GOOGL 🔴 Apple Is Down -1.9% $AAPL 🔴 Tesla Is Down -22.1% $TSLA $SPY " +"Tue Feb 20 13:48:46 +0000 2024","$SPY Bears really want to tear 496 down, if that holds, it'll be just a trendline bounce in to the $NVDA earnings tomorrow + FOMC Minutes which might be nothing burger. 1 Hour Chart. Oversold readings now on the hourly timeframes $AAPL turning green off the 50WMA bounce this " +"Sun Feb 04 11:51:59 +0000 2024","How are the 'Magnificent 7' Tech Stocks doing so far this year? 🟢 Meta Is Up +34.2% $META 🟢 Nvidia Is Up +33.6% $NVDA 🟢 Amazon Is Up +13.1% $AMZN 🟢 Microsoft Is Up +9.4% $MSFT 🟢 Alphabet Is Up +1.9% $GOOGL 🔴 Apple Is Down -3.5% $AAPL 🔴 Tesla Is Down -24.4% $TSLA $SPY " +"Sat Feb 24 22:05:33 +0000 2024","How are the 'Magnificent 7' Tech Stocks doing so far this year? 🟢 Nvidia Is Up +59.1% $NVDA 🟢 Meta Is Up +36.8% $META 🟢 Amazon Is Up +15.2% $AMZN 🟢 Microsoft Is Up +9.1% $MSFT 🟢 Alphabet Is Up +3.1% $GOOGL 🔴 Apple Is Down -5.2% $AAPL 🔴 Tesla Is Down -22.7% $TSLA $SPY " +"Fri Feb 02 21:01:14 +0000 2024","Market Recap📈📉 $META: Soared 20.3% on strong Q4 profit, first dividend. $AMZN: Jumped 7.9% with Q4 earnings and revenue beat. $INTC: Fell 1.8% due to reported delay in $20 billion chip factory construction. $MCHP: Slid 1.6% on weak outlook for Q4 despite meeting revenue" +"Mon Feb 12 10:07:06 +0000 2024","BREADTH @t1alpha Friday's ATH (all-time high) in $SPY was driven by $MSFT +$NVDA + $AMZN 3 stocks = 27% of the day's positive price momentum " +"Fri Feb 02 12:50:35 +0000 2024","$spx futures +30 as yesterday the active bears proved to have No power. If u get stubborn in this market u can be put out of business. $spy cleared $487 and is now at ATH with $spx. $meta up 16% $amzn +7% $aapl down 2.6%. $nvda and $SMCI lead the way to ATH’s " +"Tue Feb 27 21:22:46 +0000 2024","Seems like the market can't move lower due to the rolling corrections in mega caps. $GOOGL went red on the year, $AAPL at its 200sma, $META still getting bought at the 8ema, $NFLX making new 52wk highs, $MSFT could be next to go if shrugs off the anti trust tape bomb" +"Thu Feb 22 17:34:20 +0000 2024","$SPY $QQQ $SMH well…this isn’t my type of setup. We’re outside the Bollinger Band on $SMH. Kudos to the bulls. A old line trader told me that it’s impossible to have a correction pre $NVDA earnings. So…we’ll see." +"Sat Feb 10 13:52:27 +0000 2024","Few Weekend notes $SPX first close over 5k $aapl day or 2 away potentially reclaiming 50 day ( best potential value ) $amzn breaks out earnings highs $nvda closes at 20000 (sarcasm but not really ) $tsla continues sloppy dead cat bounce $meta oddly doesn’t participate" +"Thu Feb 01 22:48:27 +0000 2024","$SPY $QQQ so $AAPL doing what I expected. I’ll be honest, I’m not certain what to do at this point. Some generally cautious people are becoming Uber bullish and some permabulls are becoming cautious. Tomorrow is another day." +"Thu Feb 08 21:38:17 +0000 2024","A rare day of OUTPERFORMANCE by Equal-weighted Tech and Discretionary over the cap-weighted ETF's as $AAPL, $NVDA, $FTNT, $AMD all fell while MPWR, ON, and Tom Lee's GrannyShots like $ANET showed very good strength. Despite Tech being seemingly stretched, Semis still powering" +"Fri Feb 02 18:58:35 +0000 2024","Few big names like $META $MSFT $AMZN $NFLX $NVDA $SMCI keeping the market momentum up and $SPY hitting higher highs Few names like $AAPL and $GOOG investing heavily in AI and should be the names that would do well over time with short term stock fluctuations Like $IBM on" +"Fri Feb 16 21:29:32 +0000 2024","Here's this week's heat map on the $SPX. Seemed to be a week where the Magnificent 7 lagged a bit. $NVDA $META and $TSLA managed to end in the green. But $MSFT $AAPL $GOOGL and $AMZN sold off fairly aggressively compared to most smaller stocks. " +"Tue Feb 20 15:48:19 +0000 2024","$SMH down -3% as a group, and $ARKK -4%, some nice liquidations to start post OPEX week and that weaker seasonality showing up after Presidents day so far but could see $QQQ bounce off this key 425 support and try to hold 21 day EMA" +"Sun Feb 11 00:16:12 +0000 2024","#MAG7: The order of when these stocks will see Sept/Okt low: 1) $TSLA already broke < Oct 2023 low 2) $AAPL On the way.. 3) $MSFT 4) $AMZN 5) $GOOG 6) $META 7) $NVDA Charts below:" +"Wed Feb 14 21:45:38 +0000 2024","$SPY $QQQ If your company isn’t delivering… Fak’em There’s too many companies delivering. I will buy $APP $FROG $INFA for those that are not performing. I don’t care paying up because I know they will go higher with upward earnings revisions Later if the market has a bigger" +"Tue Feb 06 01:59:39 +0000 2024","EOD Market Summary: S&P 500: -0.32%, Dow Jones: -0.71%, Nasdaq 100: -0.17% Stocks lower on rising bond yields, hawkish Fed comments, and strong economic data. Nasdaq 100 supported by chip stocks ON Semiconductor (+9%) and Nvidia (+4%). Fed Chair Powell cautious on rate cuts," +"Tue Feb 06 13:06:58 +0000 2024","If $NVDA breaks $700 in the premarket does it make a sound? Fresh highs for Eli Lilly and Spotify as earnings Gaps all around. And today there is no way to ignore, Chinese names looking for stim continue to soar. $NVDA - tagged $700 in early premarket action, set for a break at" +"Thu Feb 01 22:01:07 +0000 2024","After gaining 1.18% today, the Nasdaq 100 ETF $QQQ is up another 1.14% after hours on the back of big moves higher from Meta $META and Amazon $AMZN." +"Tue Feb 13 13:11:08 +0000 2024","CPI due out soon, even if good can it reverse this morning dip? Earnings names Shopify and Datadog are down and not helping the ship. Once again chips and AI will be in focus and maybe we see if the ARM move is hocus pocus. $COIN - BTC has been back and forth at the 50k level" +"Fri Feb 02 13:23:37 +0000 2024","Markets running as $META shorts got Zucked! Add to Amazon gains and back up the truck. Apple in the penalty box after China sales decline. Non Farm Payrolls drop soon, tune in on time. $META. $SNAP - Blowout for the former let dips set up unless 450 hits. On sympathy SNAP 17.15" +"Thu Feb 01 23:10:04 +0000 2024","What an INCREDIBLE $DIA $SPY $QQQ MARKET THIS IS! Whewwww $AMZN $META let's goooooo, are you ready for tomorrow's madness?!?!" +"Fri Feb 02 16:34:40 +0000 2024","Today is showing an extraordinary amount of divergence that's been quite rare in recent months, if not years-  Nasdaq is up 1.1% and SPX higher by 0.63%, but these indices are diverging substantially from actual market performance- meaning 9 out of 11 sectors are lower on the day" +"Thu Feb 01 16:25:16 +0000 2024","$SMCI saying tech not done yet.. and a ton of bears now getting riled up from this bank selloff.. just a gut feel but got a hunch META and AMZN strong reports tonight. Less certain about AAPL but we'll see" +"Fri Feb 02 04:19:44 +0000 2024","⚡️Incoming Insiders Video! - $AAPL, $META & $AMZN, analysis, opportunities and more. - $SPY projections near term as well as 2024 adjusted values. - $AXP, $XLV, $TSLA, $NFLX trade idea updates 🤑🔥 Plus more, sending out now! 📨 #optionstrading " +"Thu Feb 22 19:59:09 +0000 2024","$QQQ - super overbought here - but oddly it isn't so much $NVDA - how do we know? It moved much earlier and has kind of stalled out - but $META and $AVGO are pumping higher - Market Rebellion analyst Bryan McCormick For more technical analysis, join the Rebellion🏴‍☠️: " +"Thu Feb 15 18:34:43 +0000 2024","$SPX fully recovered from the gap down after CPI. SPX setting up for 5068 next if it holds 5k after PPI tomorrow. Price action much more bullish now $NFLX setting up for 600 next, $META to 500 in play in the next 2 days $TSLA breaking out today.. if it gets through 200 it can" +"Thu Feb 01 20:24:28 +0000 2024","In about 30 minutes the mega cap tech earnings blitz kicks off. Deepwater invests for the long-term, but for fun my predictions on where the big three trade by end of day Friday. $AAPL up - iPhone is healthy. $META down - Good news priced in. $AMZN down - AWS can't keep up" +"Thu Feb 01 17:15:17 +0000 2024","$SPX held 4861 so far, trying to move back near 4900 we can see 4900+ again if there's a positive reaction to $AAPL $AMZN $META earnings.. let ssee if spx can close between 4890-4900 today $NVDA watch 628.. dip bought up today if it gets back through 628.. 642 in play next week" +"Fri Feb 02 13:18:35 +0000 2024","📈 Market Update 🚀 $Nasdaq futures surge on stellar performances by Meta & Amazon, setting the stage for a crucial NFP report. Tech earnings dominate the week with mixed results from the ""Magnificent Seven."" $Meta's 1st dividend & robust holiday sales drive double-digit gains." +"Tue Feb 13 12:18:46 +0000 2024","In today's Early Look: ""Broadening Bull Markets"" Reminder: we’re still signaling Bullish @Hedgeye TREND on 5 of the 7 #MM7 stocks. Quantitatively (#VASP Signals) in our new Momentum Stock Tracker product were Long: MSFT, AMZN, META, GOOGL, NFLX. We’re Short: AAPL and TSLA. " +"Fri Feb 16 18:05:03 +0000 2024","Action under the hood so good but feels like might get choppy with the bigs......would make sense with SMCI blowoff if indexes chopped. Feels like an important close today for the short term....stuff that not doing anything for me or newer.....seems like good day to re-set down" +"Thu Feb 22 21:20:50 +0000 2024","And that is a wrap.. market said ""I'm not ready to sell"" and ran to New ATH.. $SPY up huge.. $NVDA $AMD $SMCI monster moves.. $META ATH.. $AMZN Big move Can't just sit short this market for now. HAGN!!! And Enjoy your " +"Thu Feb 01 21:34:56 +0000 2024","And that's a wrap... $SPY all the weakness from yesterday.. bought back... New ATH AH.. $META Great, $AMZN good... $AAPL... stinker. NFP in the am! HAGN!" +"Thu Feb 01 18:30:34 +0000 2024","Big night of earnings into jobs tomorrow morning $AAPL implied move +/- 3.7% $META implied move +/- 6.8% $AMZN implied move +/- 6.7% NFP tomorrow at 8:30, est. 187K 🍿 ready, happy gambling $SPX $SPY" +"Thu Feb 08 20:46:56 +0000 2024","Very low volume day, choppy As Hell! That said $SMH $NVDA new ATH, $ARM monster.. $TSM monster $MSFT ATH... and $TSLA trying to close over the 8D for first time in a month! HAGN!" +"Thu Feb 29 20:52:51 +0000 2024","Quite the day in the markets.... $SPY $QQQ almost back to ATH. $AMD huge move new ATH $CRM weakness bought back almost ATH... Inflows in the am! HAGN!" +"Tue Feb 27 20:52:59 +0000 2024","Another very quiet extremely low volume day. Still market held and $SPY small Hammer candle formed. $AAPL big news, see if we can get continuation tomorrow. GDP @ 8:30 HAGN!" +"Mon Feb 12 18:23:00 +0000 2024","Some big players and high flyers slowly creeping into red territory here. $NVDA, $NFLX. $AMZN, $TSLA already red. Should make for an interesting close today." +"Wed Feb 14 12:53:39 +0000 2024","The Magnificent 7 accounted for more than 45% of the S&P 500's $SPY return in January, as Nvidia $NVDA, Microsoft $MSFT and Meta $META staged strong rallies." +"Wed Feb 14 15:29:41 +0000 2024","$spy and $qqq trying to fill some of yesterday’s gap/hole which negates some of that control. Leaders still act well. $nvda cleared $734 see if it holds that. $smci wow! New ATH to trim and trail $AMD above $176- needs to hold that $meta $nflx $amzn still above pro earnings" +"Thu Feb 01 15:14:40 +0000 2024","The markets are catching a slight bid today so far. Do earnings for $AAPL, $META, & $AMZN turn this ship around to new all-time highs?" +"Fri Feb 23 06:45:45 +0000 2024","The S&P 500 index reached a new peak on Thursday (February 22), after chip manufacturing giant Nvidia announced quarterly business results much better than forecast, thereby promoting market and technology sector. At the end of the trading session on February 22, the S&P 500" +"Sun Mar 10 18:00:18 +0000 2024","$TSM Bulls Before Mondays Open.👇 ✅ Bullish AF 🐂🐂🐂🐂🐂🐂 $250 ✅ TSMC is the world's largest chip foundry ✅ 60% Control of the $600B #Semi market ✅ Expected blow-out earnings report ✅ Customers include $NVDA $AAPL $AMD ✅ Planned $5B government grant ✅ Sales " +"Thu Mar 14 14:42:11 +0000 2024","$CCTG 📈 CCSC Technology is on the move! Volume is soaring past the 3-month average, and the stock price has seen a significant uptick. Keep an eye on this one, traders! #StockMarket #CCSC #NASDAQ #TradingVolume #StocksToWatch 👨‍💻 $PRST $APM $VERI 👀🐮 " +"Fri Mar 15 12:30:35 +0000 2024","If you can stomach price volatility in the stock market, you can stomach anything… also my oven glass randomly exploded so market go up! $TSLA $PLTR $SOFI #cryptocurrency #StockMarket $SPY " +"Mon Mar 18 22:10:49 +0000 2024","3/18 | Notable Inside Days: $AMD (x2), $AMZN, $MSFT, $CSCO, $KO, $MRVL, $CVX, $SBUX, $SCHW, $ARM, $ABNB, $AMGN, $CRWD, $UPWK, $AVGO, $ETSY, $ZM, $DDOG, $TEAM, $WYNN, $NOW, NOTES: - $SPY island bottom open from 511.70-512.44, with full bull gap fill at 509.75 - $QQQ island " +"Thu Mar 21 00:30:19 +0000 2024","3/20 | Notable Inside Days: $NVDA, $XOM, $SE, $PANW, $TEAM, $LLY NOTES: - $SPY broke out of consolidation finally above 218. Any retest of 518.22 can be played for a bounce but don't think we see that this week. 525 or so should be a retest of the upper channel trendline - $QQQ " +"Fri Mar 08 01:36:37 +0000 2024","3/7 | Notable Inside Days: $AMD, $LYFT, $PINS, $SNOW, $EBAY, $CVX, $NKE, $PANW, $DKNG, $OXY, $PEP, $UAL, $CHWY, $AFRM, $ROKU, $DOW, $LUV, $TCOM, $MMM, $WDAY, $W, $ZM, $GME NOTES: - $SPY another island bottom! Starting at 512.19 and filling at 512.05 it's small but present. " +"Thu Mar 21 00:14:28 +0000 2024","Astera Labs' stock skyrockets in its Nasdaq debut, closing up 72% from its IPO price. Investors celebrate the emergence of a new AI chip player in the market. 🚀💼 #AsteraLabs #StockMarket #AI " +"Thu Mar 14 03:39:57 +0000 2024","3/13 | Notable Inside Days: $NVDA, $PLTR, $CPNG, $AAL, $WMT, $ORCL, $TSM, $META, $PARA, $AMAT, $DOCU, $IBM, $TTD, $CVNA, $NET, $COST, $NFLX, $PPG, $FDX NOTES: - $SPY inside day into PPI tomorrow, not much else to say right now, chart is really messy and depends on data - $QQQ " +"Fri Mar 29 20:06:07 +0000 2024","NVIDIA CORP. (NVDA) Stock Price (USD) 1999-2024 The evolution of the stock's market/close price (Yearly/in USD) over time. *More infos in the video description📽️ #finance #economy #stocks #nvidia #nvidiacorp #nvda #nvdastock #price #chart #stockmarket" +"Mon Mar 11 18:30:08 +0000 2024","(The Motley Fool) Why New York Community Bancorp Stock Is Down Today - The bank-saving equity infusion came at a steep price to existing holders. (Details in our app) #stockmarket $SPY" +"Sun Mar 24 09:30:07 +0000 2024","(The Motley Fool) This Ultra-High-Yield Dividend Stock Is Trading at a Lower Price-to-Earnings Ratio Than the S&P 500 - Altria stock looks undervalued as the company faces a challenging growth path ahead. (Details in our app) #stockmarket $SPY" +"Sun Mar 17 15:39:48 +0000 2024","Happy St. Patrick’s Day! ☘️ $AAPL $AFL $AMD $AMZN $BA $CAT $COIN $DIS $DOCU $GOOGL $IWM $LULU $META $MSFT $NFLX $NVDA $QQQ $SHOP $SPY $SQ $TGT $TSLA " +"Thu Mar 28 04:29:54 +0000 2024","Citigroup's stock price hits highest level since February 2022. #Nifty #Nifty50 #banknifty #niftybank #Dow #SP500 #Nasdaq #stockmarket #stocks #zerodha #Bitcoin " +"Sat Mar 09 15:51:03 +0000 2024","@kashyap286 Here's a quick way to do this via Signal Sigma's screener: - Set $QQQ as benchmark ETF - Set Relative Z-Score on a column (and sort by this, with max value at 0) - Set Dollar Volume on another Observe results. Some other notable entries and a toppy looking combined chart: " +"Fri Mar 08 21:01:04 +0000 2024","Weekly Growth Portfolio Update | Mar 8, 2024 • Growth Portfolio 2024 YTD: +$13,695 | +6.5% 📈 • $QQQ +7.2% 📈 • $SPY +7.7% 📈 • $IWM +3.0% 📈 • $ARKK (3.1%) 📉 Current economic signals, including recent data from $COST and job market trends, suggest a reality check: the " +"Sun Mar 31 08:46:36 +0000 2024","Happy Easter to my X fam $AAPL $ABBV $ADBE $AMAT $AMT $AMZN $BA $BABA $BYND $DIS $FDX $GOOG $HD $INTC $IWM $JPM $LK $LOW $LULU $LYFT $MA $MSFT $NVDA $NFLX $PINS $QQQ $RH $ROKU $SNAP $SPY $TLT $T $TSLA $UWT $UVXY $V $VXX $XOM " +"Fri Mar 01 21:06:08 +0000 2024","The S&P 500 $SPY and Nasdaq 100 $QQQ closed the week in the green for the 7th time out of 9 this year, while the Dow closed slightly in the red. A short recap: $GOOGL Gemini Problems, $AMD crossed the $300B Mcap., $TSLA outperformed, $UNH faces an antitrust probe, while both " +"Wed Mar 13 00:23:30 +0000 2024","Trade Recap on $AAPL and $AMD 03/12/24 Despite power going out as soon as I entered..... It turned out to be a great day. $SPY $QQQ $IWM $META $AMC $MARA $TSLA $NVDA $MU $MSFT #TECHSTOCKS #TradingTips #OPTIONSTRADING " +"Thu Mar 21 23:31:30 +0000 2024","$QQQ & $AAPL I'm overall expecting a gap up tm and a big nothing burger. Very rangebound PA and get action next week- BUT, if we don't gap up... and we pivot down, we could see some serious downside tomorrow- I'll be looking to short pops. I think gap up is likely scenario. " +"Fri Mar 01 18:10:31 +0000 2024","The impressive performance of $KRY is evident in its current trading price of $0.075 and substantial trading volume of 15K, reflecting strong market interest and confidence in the stock's growth potential. #traders #investors #stockmarket $SIDU $BYND $AMD " +"Mon Mar 18 15:00:48 +0000 2024","This $QQQ rally off of the $GOOGL and $APPL deal, $NVDA's GTC conference, and $TSLA finally getting a bounce.. is going to get a kick in the shin if the 10-year yield rallies and closes above February's high. $NDX $TNX $TYX " +"Mon Mar 25 01:20:49 +0000 2024","The Nasdaq gains but the Dow and S&P pullback from records. Brokerage projections of where the S&P is headed remain very diverse. And the FT says China is limiting use of Intel, AMD and Microsoft products. @willkoulouris $AAPL $AMZN $GOOG $NVDA $TSLA $KWEB $NKE $LULU $AMD $INTC " +"Wed Mar 20 20:31:16 +0000 2024","Papa Powell said fuck your puts - happy FOMC day. Longed the news drop on $QQQ & $MNQ - positioned swings in $LYFT $TTWO $BBY & $MOS w/@GobiCalls. Insane week so far @SpyderAcademy " +"Fri Mar 01 12:51:15 +0000 2024","Hey #StockMarket enthusiasts! $NFLX is in a hot industry, up 106%, trading high volume! #Investing📈 Company Name: Netflix Symbol: $NFLX Price: 602.92 Volume: 3,572,082 % Up: 106% " +"Fri Mar 01 12:50:29 +0000 2024","Eye-catching surge in $TQQQ stocks, up by 189%! 📈 In hot tech sector with high trading volume! #StockMarket 🚀 Company Name: ProShares UltraPro QQQ Symbol: $TQQQ Price: 60.36 Volume: 68,479,880 % Up: 189% " +"Fri Mar 01 19:19:24 +0000 2024","$KRY maintains its upward momentum with a current trading price of $0.075 and notable trading volume of 15.00K, signaling robust market dynamics and #investor enthusiasm for the #stock. #traders #stockmarket #stocktobuy #marketwatch $ROOT $NVDA $LUNR $MRNA " +"Tue Mar 05 06:23:40 +0000 2024","Just finished writing my daily update on $QQQ, $SPY, $NVDA, $AAPL and $IWM. Weakness in Apple today wasn’t terribly surprising. Despite underperforming Friday, put sellers barely stepped up. #stockmarkets " +"Fri Mar 01 18:32:18 +0000 2024","Unless innovation picks up globally, the US is poised to maintain its dominance in the world stock markets. This explains why it commands a higher Price-Earnings Ratio (PER) compared to European peers. #usstockmarket #stockmarket #bullmarket" +"Fri Mar 15 19:03:14 +0000 2024","Pretty quiet Friday for me but great week. Some trade recaps from the week $META calls 70% $TIGR Calls 50% $CCJ Puts 500% 🔥🔥 $AAPL Put credit spreads 20%+ Still swinging $PTON $W shares Check pinned tweet Promo Code ALEXJONES #UnchartedTerritory " +"Thu Mar 21 21:39:17 +0000 2024","It was not a great close today, but it was not terrible since AAPL had a bad day, -4.09%. The QQQ hourly uptrend from 03/19/24 remains in effect. QQQ support is 442, followed by 438, which needs to hold. MACD is short-term overbought (middle chart), as is money flow (bottom " +"Tue Mar 05 23:17:50 +0000 2024","3/5 | Notable Inside Days: $PFE, $CPNG, $SE, $MRVL, $JNJ, $CVX, $UPS, $SPOT QUICK NOTES: - $AAPL flagging after large gap down (wedge pattern) - $MSFT big drop, erasing island bottom but finding support at previous 65m TL just below - $NVDA barely dented open bull gap and" +"Mon Mar 11 16:29:51 +0000 2024","Trade Tracker: Amy Raskin @ChevyChaseTrust trims Nvidia. The Investment Committee debate whether the momentum trade is in trouble. $NVDA $AAPL $GOOGL $MSFT $TSM $SMH " +"Wed Mar 06 01:20:00 +0000 2024","WATCH: Wall Street's three major indexes all retreated more than 1%, with weakness in megacap growth companies such as Apple and the chip sector weighing most on the Nasdaq ahead of this week's crop of economic data and remarks from Fed Chair Jerome Powell " +"Wed Mar 13 20:27:40 +0000 2024","Lest say $QQQ gaps up tomorrow $443.94-$445.72 resistance Falls back to $439.47 minimum $SPY needs $513.62 minimum $SPY levels I’ll watch for buys: $512.31,$512.89 $QQQ: $434.46,$435.24, $437.30, $439.47" +"Tue Mar 05 20:56:16 +0000 2024","Okay last tweet for sure - and bear in mind you only care about $SMH $NVDA $SMCI... Nothing else really matters. With $QQQ printing -2% and $SPY -1% you'd expect these to be deep red (-5%?), but they are not. My guess is these are chop/resting days, GIVE TIME... Higher later." +"Thu Mar 14 23:04:26 +0000 2024","3/14 | Notable Inside Days: $ORCL (x2), $DAL, $GE, $UAL, $ONON, $PANW, $ABNB, $PINS, $SPOT NOTES: - $SPY market is resiliant, bad news againg and still bears were met with resistance. Bouncing off of 512 intraday and hammering over 514.07 support there is not quit. All about" +"Wed Mar 27 01:59:34 +0000 2024","3/26 | Notable Inside Days: $AMD, $AAPL, $RIVN, $AMZN, $COIN, $LYFT, $TJX, $TCOM, $LLY, $TTWO NOTES: - $SPY eliminated an island top and faded, bounce should come around 517.50 area with TL, level, daily 9, and 65 50ema supports all lining up - $AAPL finding support along 65m" +"Sun Mar 31 15:09:22 +0000 2024","$NDX- While MSFT and NVDA may have topped, AAPL and TSLA could bounce, AMZN, AVGO and META can still make new highs and GOOGL could break out so new highs in April to as high as 18964 are still possible. A close below the 10 week MA would likely mean that a multi week high is in. " +"Wed Mar 13 17:22:18 +0000 2024","YTD Market Cap Changes for the Magnificent 7: $NVDA: +$1.08T $META: +$396B $AMZN: +$268B $MSFT: +$245B $GOOGL -$80B🔻 $TSLA: -$222B🔻 $AAPL: -$385B🔻" +"Wed Mar 20 15:25:53 +0000 2024","Comparative $SPY Analysis: Updated Results Leaders $NVDA +31.71% $META +6.57% Relative Strength $LLY +3.56% $V +3.74% $BRK.B +1.10% $JPM +8.00% Laggards $AAPL -3.48% $GOOGL +3.61% $GOOG +3.30% $UNH -5.79% $MSFT +5.09% Flat $WMT +5.43% $COST +1.47% $AMZN +3.86% I left off" +"Sun Mar 10 19:56:26 +0000 2024","$AAPL 1D: Finish wave A in the 160-165 area? Counts for $GOOG, $MSFT, $AMZN, $META and $NVDA in below thread. All will follow AAPL´s route and revisit Oct 2023 low, in wave A. " +"Fri Mar 08 20:23:57 +0000 2024","Market is looking a bit tired here...we've got an outside day on higher vol in QQQs, plus leaders like $NVDA have gone darn near parabolic and reversing to boot. Best names need a rest and a move to the 50-day at least would be normal. Small short on SPY in lieu of full disc. " +"Fri Mar 01 22:11:11 +0000 2024","Nasdaq kicking off March with a new intraday high! The S&P also notching its 15th record close since January. Meanwhile, Apple missing out on the market action. @courtneydoming @grassosteve @timseymour and @guyadami make sense of the absence and new highs. " +"Tue Mar 12 02:37:25 +0000 2024","$NASDAQ DAILY Lost 13EMA blue 16030 but still holding mid BB currently 15963 Needs 2 lose mid BB on a close otherwise uptrend still intact CPI data comes out tomorrow could cause price 2 lose mid BB or not MACD gap widening isnt good STOCH pointing downward isnt good " +"Fri Mar 08 10:27:51 +0000 2024","futures are up more than usual at this hour tech futures gapped up overnight (white dotted) the Nasdaq (not shown) may make an all-time high today #NQ_F #IXIC #QQQ #AMC " +"Thu Mar 14 14:59:00 +0000 2024","when mkt and analysts get stupid SAM load spx and banks huge 2.35 to 12.5 151k NVDA down becasue googl say theu willpartnet to make a ai chip 0 chance 0 asml and lrcx down becaus if googl make s chips they will need less computers.. lol meta lower because " +"Sun Mar 10 16:08:02 +0000 2024","Last week $TSLA, $AVGO and $AAPL led the mega caps lower, with $NVDA and $TSM finding a strong bid. There was also buying in banks, industrials, some of the basic materials stocks and utilities with energy following. Earlier we discussed these same areas as buys at Traderade. " +"Tue Mar 19 15:38:07 +0000 2024","Mega caps like $MSFT $AMZN $AAPL are holding up $SPY $QQQ and masking the real weakness I am seeing on my watchlist If there are no setups ..." +"Fri Mar 15 12:50:54 +0000 2024","📌 Stay Alert! Prepare for Today's #StickyNote Trading with Hot Stocks and Key Levels. Don't Miss Out on the Opportunities! #StockMarket 📈 Market looking to make up its mind here on the week, flat and looking to get green, despite hotter than expected #CPI and #PPI releases. " +"Fri Mar 22 13:21:43 +0000 2024","Will the shooting stars and bouncy VIX move the market today? Key levels to watch: $SPY 520 521 522 524 525 $QQQ 441 443 445 447 448 $IWM 204 206 208 209 210 $TSLA 163 168 170 174 177 182 $AAPL 169 170 172 173 176 $AMZN 176 175 177 179 184 $GOOG 144 148 149 151 152 So far, " +"Wed Mar 20 15:22:46 +0000 2024","""Magnificent 7"" Stocks Performance More like Terrific Two $NVDA & $META which account for the vast majority of $QQQ gains in '24. $TSLA and $AAPL lagging. Chart is in high circulation today - wanted to draw attention to divergence. Hit a ❤️if this is helpful #StocksInFocus " +"Fri Mar 01 13:55:09 +0000 2024","#StickyNote ALERT! Let's get ready for today's #TRADE! Some HOT names I'm watching + levels of interest. Don't miss out! #NASDAQ keeps bumping here and hits all time highs, watching for the #CHIP names to lead again, as $NVDA takes $800 and $AMD breaking out and now looking at " +"Thu Mar 07 04:09:13 +0000 2024","FUTURES $SPY $QQQ $IWM Extreme greed has now been greed past 2 days Jerome Powell today in Congress was asked more about Climate Change & Ukraine vs. the economy so the market basically didn’t care about whatever he had to say today $NVDA touched a high of $897 — the market " +"Tue Mar 05 23:27:11 +0000 2024","$QQQ Pretty wonky action here the last few weeks. Some thoughts, potential failed breakout once price could not hold that 439ish spot. Tested the gap from Feb 22 and held today... Would be the spot to watch moving forward. $SMCI $NVDA $AMD all closed flat or green which shows " +"Fri Mar 08 03:30:42 +0000 2024","FUTURES Back to extreme greed.. $SPY $QQQ hit all time highs today even though $AAPL & $TSLA stayed flat/ended down. $NVDA is currently at $960 after hours. CPI data next week. Market seems to want AI and not care what they are paying for it because they believe the numbers " +"Tue Mar 12 02:38:10 +0000 2024","If #CPI comes in cooler, and looks like it will be based on the fact that everything went up in AH, then tomorrow we will see: $NVDA $950 $SMCI $1250 $TSLA $200 $AVGO $1400" +"Tue Mar 19 13:08:00 +0000 2024","#StickyNote ALERT! Let's get ready for today's #TRADE! Some HOT names I'm watching + levels of interest. Don't miss out! Market heads to the downside today off of $NVDA GTC conference. Watch out for the psychological level of $850, that needs to hold or we wont be able to get " +"Sat Mar 09 21:07:36 +0000 2024","⭐️BIG WEEK A HEAD⭐️ CPI Numbers coming on Tuesday - 03/12 8:30 EST. CPI YoY - 3.1% Forecast vs 3.1% Previous. Core CPI YoY - 3.7% Forecast vs 3.9% Previous. $SPY $QQQ $AAPL $AMZN $TSLA $META $SMCI $NVDA What's your estimate? 👇🏻 " +"Mon Mar 18 00:32:29 +0000 2024","🔥TOP WATCHLIST FOR THE WEEK 🔥 FOMC on Wed. Market may be choppy on Tuesday into Wed. $QQQ Bearish wedge breakdown into Friday close. Short <432.74 / Long >435.55 $SPY Long >510.55 / Short <508.36 $NVDA Long >895.38 $AMZN Long >175.5 / Short <173.9 " +"Mon Mar 18 13:29:47 +0000 2024","ℹ️ $SPX $SPY 2nd consecutive red week ℹ️ $TSLA Model Y Price Increase (+3% Premarket) ℹ️ $AAPL $GOOGL Gemini IA in Iphone ℹ️ GS lowered FOMC rate cut from 4 to 3 " +"Tue Mar 19 00:26:54 +0000 2024","*WHAT HAPPENED OVERNIGHT* -> SPX +0.63%, Nasdaq +0.82% -> AI stocks (i.e. NVDA) led US equities higher -> UST 10y yield + 2 bps to 4.33% -> Dollar Index +0.12% to 103.59 -> Oil up 2.0% to $87.01/bbl -> Bk of Japan today, Fed tomorrow #stockmarkets #banknifty #Nifty #FOMC" +"Mon Mar 11 14:41:13 +0000 2024","Very interesting price action on the Mag 7 $MSFT $AMZN down $META down but TikTok might get banned so thought it would be up... $GOOGL $AAPL $TSLA all getting a bounce from a pretty bad drop last week $NVDA flat as investors await their new conference and try to get more " +"Mon Mar 18 23:29:59 +0000 2024","While #Technology has churned sideways in recent weeks, and the sector is actually fractionally lower (-.03%) on a Percentage basis in Equal-wgtd terms over last 1 mth - $RSPT (vs mild gains for $XLK) there hasn't been any meaningful damage & now $AAPL and GOOGL both starting to " +"Tue Mar 12 19:17:19 +0000 2024","This is why you prepare levels 513.5 Is around where $SPY opened today (opening print) as well What levels did you do have today that hit? $QQQ $NVDA $META $NQ $AAPL $MSFT " +"Tue Mar 12 22:11:33 +0000 2024","Daily Mkt Mood: Risk-On 1. Stocks up 2. Bonds down 3. $VIX down 4. Nvidia soars 5. Small bid for $AAPL Investors were relieved that Feb CPI won’t derail the Fed from cutting this year. That said, the rally is stalling at ascending resistance, pullback likely unless bulls" +"Sat Mar 02 15:17:45 +0000 2024","How are the 'Magnificent 7' Tech Stocks doing so far this year? 🟢 Nvidia Is Up +66.1% $NVDA 🟢 Meta Is Up +41.9% $META 🟢 Amazon Is Up +17.3% $AMZN 🟢 Microsoft Is Up +10.5% $MSFT 🔴 Alphabet Is Down -2% $GOOGL 🔴 Apple Is Down -6.7% $AAPL 🔴 Tesla Is Down -18.5% $TSLA Can we " +"Fri Mar 01 23:59:58 +0000 2024","In Today's DailyRip: Bulls Keep On Streaking Stock markets around the globe continued their push to new highs, with the $SPY now green for 16 of the last 18 weeks. Meanwhile, tech stocks continue to rally, with $NVDA closing above the $2 trillion market cap mark for the first " +"Wed Mar 13 21:13:12 +0000 2024","Closing Stock Market Summary - 👉The stock market had a mixed showing today. The Dow Jones Industrial Average (+0.1%) and Russell 2000 (+0.3%) closed with gains while the S&P 500 (-0.2%) and Nasdaq Composite (-0.5%) logged declines. The major indices all" +"Sat Mar 16 19:56:22 +0000 2024","How are the 'Magnificent 7' Tech Stocks doing so far this year? 🟢 Nvidia Is Up +77.3% $NVDA 🟢 Meta Is Up +36.8% $META 🟢 Amazon Is Up +14.8% $AMZN 🟢 Microsoft Is Up +10.8% $MSFT 🟢 Alphabet Is Up +0.9% $GOOGL 🔴 Apple Is Down -10.3% $AAPL 🔴 Tesla Is Down -34.2% $TSLA $SPY " +"Sun Mar 24 17:58:47 +0000 2024","$SPY $QQQ 🍌☘️The March List☘️🍌: UPDATE $ABNB 🎯$170 🍀🍌💚= ✅ $ADBE 🎯$590 ☘️🍌💚 - got to585 $AMZN 🎯$187 🍀🍌💚 = got to 182 $ANET 🎯$295 ☘️🍌💚 = ✅✅ got to 305 👀 $ARKK 🎯$57 🍀🍌💚= got to 52 $BA 🎯$215" +"Sat Mar 23 20:16:42 +0000 2024","How are the 'Magnificent 7' Tech Stocks doing so far this year? 🟢 Nvidia Is Up +90.4% $NVDA 🟢 Meta Is Up +44% $META 🟢 Amazon Is Up +17.7% $AMZN 🟢 Microsoft Is Up +14% $MSFT 🟢 Alphabet Is Up +7.7% $GOOGL 🔴 Apple Is Down -10.5% $AAPL 🔴 Tesla Is Down -31.2% $TSLA $SPY " +"Sat Mar 09 20:20:39 +0000 2024","How are the 'Magnificent 7' Tech Stocks doing so far this year? 🟢 Nvidia Is Up +76.7% $NVDA 🟢 Meta Is Up +42.9% $META 🟢 Amazon Is Up +15.4% $AMZN 🟢 Microsoft Is Up +8% $MSFT 🔴 Alphabet Is Down -3.3% $GOOGL 🔴 Apple Is Down -11.3% $AAPL 🔴 Tesla Is Down -29.4% $TSLA $SPY " +"Sun Mar 03 19:09:20 +0000 2024","$Nasdaq Those who use Marketsmith....errr.. Marketsurge may have noticed some changes. Personally I am loving this new setup... some changes I noticed... are the EPS line, ANTS & quarterly estimates " +"Sun Mar 03 19:45:00 +0000 2024","$SPY I hope that you enjoyed the charts! Press ♥️ if so! Posted analysis on the following: $AMD $TSLA $MU $NVDA $META $HOOD $AMZN $MSFT $AAPL $GOOGL $BA Have a great rest of your weekend!" +"Sun Mar 24 14:45:22 +0000 2024","$SPY I hope that you enjoyed the charts! Posted analysis on the following: $GOOGL $AMZN $MSFT $AMD $CGC $AAPL I hope you have a great rest of your day and good luck next week! Remember it is a short week!" +"Mon Mar 18 13:10:29 +0000 2024","Busy today so not much screen time. Here are some levels I’m watching $NVDA opens above $900, can see $919+ $NFLX looking for $616+ $TSLA looking for $175 $SOUN looking for $10+ $GOOGL $151 gap fill $BODEN looking for Jeo" +"Sat Mar 02 23:23:50 +0000 2024","“There Are Breakouts Everywhere”🌍📈 The Magnificent 7 has devolved to a Fantastic 4. Three of the most widely held mega-cap Tech companies have gotten clobbered. “Apple, Tesla and Google – this one is new – all names that are no longer magnificent unless you’re short them.” " +"Sun Mar 24 21:58:03 +0000 2024","Some charts and flow posted $AAPL $MRVL $AMZN $AMZN $GOOGL $AMD Hope it helps! As you can see pretty much tech and semis are on my main watch But there are also a couple banks and oil stocks on my as a backup for the week! Have a great rest of your weekend" +"Mon Mar 18 14:30:34 +0000 2024","Dragging from my trip this morning. Market up. $NVDA conference hype and the $GOOG $AAPL AI deal has tech all fired up. Tomorrow we will start focusing on FOMC. Rates up a tad." +"Mon Mar 18 03:39:10 +0000 2024","We have bullish setups on $AAPL $MSFT $GOOG $META and $AMZN. Throw in $NVDA and $AMD into the mix and now we're talkin. I am looking for a big move up." +"Fri Mar 22 13:31:27 +0000 2024","ℹ️pt $GOOGL 160 175 Wedbush $OSCR 20 Raymond $SCCO 61 63.5 JPM $AAPL 195 Bernstein $NKE Highest PT cut 138 125 Lowest PT cut 104 91 $NVDA 800 1100 UBS $BBY 89 101 JPM" +"Tue Mar 12 11:59:09 +0000 2024","Oracle earnings last night and reaction was a hit, But for On Holding's results they were not a fit. The IPO lockup for $ARM has arrived as we await a key inflation reading with CPI $ARM - no guarantee to see big selling, will be looking to short pops, if 131 goes would signal" +"Tue Mar 05 13:11:30 +0000 2024","Apple falls again after China sales slump, $TGT reports and gets over a recent hump. Not all good for earnings as $GTLB craters, and $TSLA cant catch a break from all the haters. $AAPL - Continues trend down, expecting a relief bounce off 170 to short into, 174 shorts. October" +"Wed Mar 06 13:17:40 +0000 2024","Markets back higher as $CRWD strikes big, $ANF dip on earnings snapped back and forth like a twig. A late rally in chips has the bulls back in charge and Palantir with another contract as shareholders live large. $AMD - Pushed into the close now testing double top at 52wk high" +"Fri Mar 01 13:06:53 +0000 2024","Its a new month and a new chip name breaking higher. $AMD is flying while the future prospects for $FSR are dire. Dell crushed their report and leads the way. All is well its a fresh new trading day! $AAPL - continued down trend despite close above 180 support. 181 and a fail" +"Fri Mar 08 21:10:59 +0000 2024","Cartoon of the Day💎 We remain bullish on $MSFT $META $NVDA & $AMZN. But for 3 Tech giants, ""Magnificent"" is a bit of a mis-gnomer. “Apple, Tesla and Google are all names that are no longer magnificent unless you’re short them.” @KeithMcCullough " +"Mon Mar 04 13:16:31 +0000 2024","Super micro to be added to the S&P 500 as it goes higher. $AAPL down on an EU antitrust fine and chart looking dire. Macy''s $M buyout bid gets a raised and the bitcoin rally can't be phased. $AAPL - trend still down as market continues to rally, 179.50-80 shorts into that level" +"Mon Mar 18 12:14:25 +0000 2024","Apple may be in talks to integrate Googles Gemini into Iphone, more pressure on Boeing as that stocks makes you groan. Tesla raising prices in Europe has it trading up as we gear up for a fed week though for now rates will be stuck. $GOOGL - If $AAPL is using Gemini for iphone" +"Fri Mar 15 12:11:08 +0000 2024","It may be friday but not sure we get a market Fri Yay. Triple Witching is on tap while a #BTC in the midst of a pullback. Fisker and Rivian move higher as they may not be dead, but can the gaps up hold or do we see more red? $RIVN - Huge fade yesterday, gets an upgrade, still" +"Mon Mar 11 19:42:31 +0000 2024","$SPY $QQQ For 3 weeks I've been less enthused by markets and see many names as a trade not investment at this juncture. I sense weakness across so many sectors including cloud, financials, biotech and semis. I can't predict if we have follow thru to the downside but it would make" +"Wed Mar 20 01:14:25 +0000 2024","Stock Market Today: Stocks Close Higher After Nvidia's Reversal (Discussed: $NVDA $AMZN $GOOGL $MSFT $SMCI $DJIA $SPX $IXIC) " +"Tue Mar 19 12:47:11 +0000 2024","The Woodstock of AI ends up a selling the news event. At the same time all the Crypto stock charts are bent. Can Tesla build on its gains as we await today and tomorrow the Fed dot plot joining the fray. $NVDA - 890-95 resistance and that 850 bottom are the big levels. $AMD 189" +"Wed Mar 06 01:09:51 +0000 2024","A Bear market is technically defined by a 20% decline in share price from the peak! $TSLA is now in a bear market $AAPL is now 5% away from a bear market $GOOG is now 5% away from a bear market Yet the stock market is near all time highs,Imagine if $NVDA fell as well. Time" +"Mon Mar 18 14:58:47 +0000 2024","Stay tuned for more market movements! 📊💰 #Stocks #Investing #MarketUpdate$GOOGL $GOOG surged as reports hint at Apple integrating Google's Gemini AI into iPhones, pushing Alphabet shares up 6.3% to $150.09.Other notable gainers: $BNAI +33.7% $NVEI +25.8% $SMR +21% $EH +17%" +"Wed Mar 06 15:42:03 +0000 2024","$AAPL life support. $TSLA in stage 4. $MSFT has triple top. $SNOW melted. $GOOGL breaking 200SMA. $ADBE breaking 200SMA. Imaging $SPY decides to pullback.." +"Tue Mar 19 00:18:38 +0000 2024","$SPY $QQQ Some of you feeeeeending for a short huh???? Market has u all fakd up from 2022 huh? It was so good to buy ODTE puts everyday and make magical put money, what’s this earnings and AI crap huh?? You want a short u crackheads?? Besides timing tops to great companies" +"Wed Mar 27 21:18:53 +0000 2024","$AAPL well off ath $TSLA well off ath $META slightly off ath $MSFT slightly off ath $NVDA slightly off ath $GOOG slightly off ath $SPY ALL TIME CLOSING HIGHS Make it make sense!" +"Fri Mar 29 15:20:33 +0000 2024","$SPY propelled to ATHs this week with the help of financials $XLF while $QQQ was sloppy all week and inside week mainly $MSFT $META $AAPL $NVDA $NFLX ended up red on the week yet $AMD etched out a green week along with $TSLA. I am expecting some move on $QQQ to hit a new ATH" +"Mon Mar 11 21:38:51 +0000 2024","$SPY Wall Street analysts downplay the stock bubble concern sparked by the S&P 500's 25% surge since October, despite the ""Magnificent 7"" stocks dominating the gains. The AI-fueled Nvidia has led the charge, with other tech giants like Meta, Microsoft, and Amazon also posting" +"Tue Mar 05 20:46:54 +0000 2024","Dont even know what to think right now haha.....QQQ -2.15%, SMCI NVDA flat....would think SMCI be down like 25%, NVDA 5-7%. I'll take it. QQQ loses 20EMA would expect these to chop down at best but as of now......this market goes higher.....would want to add. Nice rest days." +"Mon Mar 04 20:49:02 +0000 2024","Very low volume day... $NVDA $SMCI $COIN raged.. $XLF strong day.. $TSLA $AAPL $GOOGL Dumped.. everything else... meh! Expect more chop tomorrow until Powell on Wednesday HAGN!" +"Mon Mar 11 19:58:38 +0000 2024","Very choppy day ahead of CPI tomorrow. $GOOGL was very strong, $AAPL $TSLA Tried but couldn't hold. $NVDA $AMD down a bit more See what CPI brings! HAGN!" +"Thu Mar 14 19:52:16 +0000 2024","Market didn't buy back the bad data this am... $MSFT $AMZN $GOOGL didn't care.. $AAPL not bad.. $TSLA $AMD taken to the wood shed.. Tomorrow OPEX Quad witch and Rebalance..." +"Thu Mar 07 03:34:51 +0000 2024","💡Market being propped by Semis & $NVDA $AAPL $GOOGL $MSFT have had decent pullbacks $AMZN $META $NFLX have not fallen yet!! Either Big 7 Bounce for market continuation or Semi & other 3 join the Selloff to take things down!! Very Sensitive & Weird Spot for Market!!" +"Mon Mar 18 09:58:53 +0000 2024","Good Morning! Futures up $TSLA Price increase on Model Y $AAPL $GOOGL APPLE IN TALKS TO LET GOOGLE GEMINI POWER IPHONE AI FEATURES $TSLA pt cut $190 from $220 @ GS $NVDA pt raised $1050 from $880 @ HSBC $NKE pt cut $120 from $140 @Telsey $PEP u/g Overweight @ MS pt $190" +"Wed Mar 06 08:30:01 +0000 2024","Nasdaq Composite set a new record for the first time since November 2021 The Nasdaq Composite index rallied on Thursday (February 29), reaching a record closing high for the first time since November 2021. At the end of the trading session on February 29, the Nasdaq Composite" +"Wed Apr 24 22:04:20 +0000 2024","Next 9 days of Major Market News Nasdaq down -7% 📉 (Measured in days +) • CPI MISS ❌ • $TSLA. MISS ❌ • $Meta MISS ❌ Next up: • 1 $GOOG $MSFT earnings •2 PCE • 8 $AMZN earnings • 7Fed Rates (No cuts) • 8 $AAPL Earnings " +"Fri Apr 19 14:52:07 +0000 2024","the ""problem"" with the stock market is that in the stockmarket a business becomes something else NO SANE BUSINESS MAN would pay the current price for $NVDA $TSLA. NO ONE WOULD BUY THAT COMPANY AT THAT PRICE but ""shareholders"" aka so called ""investors"" do... $MILK $THEM $HELL " +"Sun Apr 21 08:40:32 +0000 2024","#TradersKE Great earnings week ahead. +-10% for $TSLA on Tue, +-9% for $META on Wed, $MSFT and +- 7% for $GOOG on Thur not to mention some midcaps as toppings. Whichever direction $NAS/ $SPX moves will be massive. " +"Tue Apr 02 21:34:10 +0000 2024","🚀The most compelling stock of the hour: Dow $DOW +1.77% in after-hours; #AInvest_Magic #marketupdate #tradingtips #equities #StockMarket The Magic signal for $DOW resulted in +7.64% in its price. 👏Get free hold signals by following and leaving a comment. " +"Thu Apr 25 08:50:14 +0000 2024","🚗 Tesla shares gain +11.94% on Wednesday, after the electric-vehicle giant announced ""more affordable car"" could be ready later this year. Check $TSLA stock price at 🚀 #Marketscom #ThePlaceToTrade #MarketNews #Trading #StockPrice #TESLA #StockMarket " +"Tue Apr 16 13:43:56 +0000 2024","➡️ Not only did #Nvidia stock, $NVDA, get DOWN to $850, but it passed below that price in pre-market trading TODAY. #Stocks #StockMarket #SPY $SPX $QQQ $NDAQ " +"Wed Apr 10 12:25:17 +0000 2024","🌟 $WNW makes a comeback! After curing its bid price deficiency, Wunong Net Technology is staying on NASDAQ. With volume spiking in pre-market, this low-float stock could be one to watch today. #StockMarket #Trading #NASDAQ #StocksToWatch 👨‍💻 $TOON $NKLA " +"Mon Apr 29 13:43:19 +0000 2024","OK, snapshot for the day here. The main dangers in the market today for bulls are mainly just $QQQ and $NDX. Which have rather mixed deltas/gamma setups. Stocks like $META, $AMZN, $AAPL are by far going to be better to be playing. Grafana will 100% come in clutch. $SPY $SPX " +"Fri Apr 26 00:52:19 +0000 2024","$SPY $SPX K… am I this sick ?🥵🥵🥵 Jeeez 🤑 (this was just a quick fun play) $TSLA $AAPL $AMZN $MSFT $GOOG $META $JPM $BAC $V $MA $SMCI $NVDA $PYPL $NFLX $DIS $CRM $NKE $BA $BABA $XOM $AMD $QCOM $btc $SHOP #Bitcoin      $COIN $QQQ #GDP #PCE #Powell #viral #MONEY " +"Tue Apr 16 17:51:26 +0000 2024","Stock Market Winners & Losers: S&P 500 and Nasdaq Edging Lower | Trump Media Shares Keep Falling | Caitlin Clark Collectibles Jump in Price Watch Here ➡️ #Stocks #Viral #Trending #StockMarket #Finance #Investing #News Learn More " +"Tue Apr 23 22:13:37 +0000 2024","4/23 | Notable Inside Days: $AAPL, $T, $SNAP, $PFE, $VZ, $CSCO, $XOM, $BA, $NKE, $CRM, $ORCL, $OXY, $DOW, $DASH, $TGT NOTES: - $SPY another bull gap open and reclaimed 9 on the daily. 65m flagging at 505.4 with 9 crossing over the 50 - $IWM 199.42 break can test bear gap open " +"Mon Apr 15 23:15:09 +0000 2024","Apple’s iPhone shipments hit a 10% slump amidst rising competition in its key market, China. With $AAPL stock price down 2.2% today, will this drag further? #Apple #iPhone #StockMarket " +"Thu Apr 25 08:52:19 +0000 2024","Daily Market News with FXOpen - 25 April 2024 🔸USD/JPY Analysis: The Rate Exceeds The Level of 155 Yen Per US Dollar; 🔸META Share Price Collapses after Publication of Quarterly Report; 🔸Stock Futures Fall after Meta Platforms, IBM Report Quarterly Results. #StockMarket #META " +"Mon Apr 22 20:59:18 +0000 2024","🚨 Congress is considering a TikTok ban, potentially redirecting users to Meta's Facebook and Instagram. Tailwind for $Meta Stock price ? #TikTok #Meta #StockMarket 📉📈 " +"Thu Apr 04 08:42:58 +0000 2024","Daily Market News with FXOpen - 04 April 2024 🔸Stock Futures Tick Higher Following Third Straight Day of Losses for the Dow; 🔸More Evidence Please; 🔸Gold Price Hits Fresh Record High, Other Metals Mixed. #StockMarket #XAUUSD #GoldPrice #Xau #DowJones " +"Thu Apr 11 20:12:43 +0000 2024","$SPY Not bad! Hit our upside target today at 518, and went above to nearly 520. What HOT CPI? Yesterday's dip was pretty much IMO the markets opportunity to buy up before earnings starts next week. $AMZN hit ATH's today. $QQQ good volume and GREEN Hammer on the weekly so far. " +"Tue Apr 16 16:28:53 +0000 2024","Trade Tracker: Stephanie Link buys more $AAPL with some profits from $AMZN. The Investment Committee debate how to trade the tech titans. $MSFT $GOOGL $META $NVDA $MAGS " +"Tue Apr 09 23:47:35 +0000 2024","$SPX We closed at 5209 on SPX. At a minimum we should get to 5224 to 5235. NQ should touch 18450 tomorrow. Meta is one of the better plays. It looks like something is going on with META. Running through the list of stocks -----> Adobe could be a short at 500 and support " +"Wed Apr 24 20:39:53 +0000 2024","Big opportunity ahead! Apple (AAPL) is a very interesting stock to follow and right now it reached our buy zone ranging from $165.12 to $157.88. From there the price should go up and might reach up to $276.37. #StocksToBuy $AAPL #StockMarket #StocksToTrade #stocks " +"Wed Apr 24 11:21:31 +0000 2024","$NFLX & $TSLA have had a strong start to the Q1 earnings season, but with the majority of big tech set to report in the next week -- it prompts the question: which stock will surprise to the upside? My bet is on $META & $AMZN 🤔 $NVDA, $AMD, $AAPL $CRM, $MSFT, $GOOGL, $QQQ " +"Tue Apr 30 21:24:34 +0000 2024","90% down day for SPX to end April with a damp squib. The dollar rose on the ECI employment cost index to give us a non-seasonal up month. The ECI spike was the largest for a year. After hours results saw Amazon beat but Q2 guidance a smidge off. AI and cloud spending proven " +"Mon Apr 22 07:36:25 +0000 2024","Bears all over this market like a rampant Man Utd 3-0 up and cruising. New ATHs a massive underdog now but the comeback might be on with futures once again showing a decent pop and reducing the arrears for the Coventry-like underdog bulls. The Tech stock subs are coming on " +"Thu Apr 25 12:44:28 +0000 2024","Morning Prep #MindTheGap Gappers [up] DB TECK FCX [dn] IBM [communications] PINS SNAP GOOG META TTD [infotech] MARA CLSK WULF MDB [big 7] AMZN GOOG META NFLX " +"Tue Apr 02 12:35:14 +0000 2024","European equity markets experienced a strong start to 2024, with the Stoxx Europe 600 index reaching new record highs. All major stock indices marked positive performance. The Italian FTSE MIB posted the highest price performance (+14.5%) $SPY $QQQ #StockMarket #StocksInFocus " +"Wed Apr 24 20:54:05 +0000 2024","Apr 24th Market Update: Summary: As I have mentioned multiple times, ""A Trend Day is followed by a Neutral Day"" and we got exactly that. After 2 days of solid bullishness with yesterday being a Trend Day, markets consolidated for a Neutral day with $SPY closing at +0.05%, $QQQ " +"Tue Apr 23 20:01:48 +0000 2024","Apr 23rd Market update: Summary: What an exciting day of trading it was! We got a ""Trending Tuesday"" with the catalyst being the possibility that the Senate might pass the $95 Billion War funding today that has been pending for more than 6 months. $SPY finished +1.16%, $QQQ went " +"Thu Apr 11 23:59:34 +0000 2024","Monster Trade Recap on $AAPL and $QQQ today. See how stalking your prey works out... #optionstrading #techstocks #daytrading #trading $SPY $IWM $META $DJT $TSLA $NVDA $AMD $GME $AMC $BA $BABA $MSFT $INTC " +"Tue Apr 02 07:07:42 +0000 2024","JUST IN: NVIDIA (NVDA) stock price surges 82.5% in Q1 2024, exceeding $2 trillion market cap. Positioned for growth in generative AI sector. Exciting times ahead! #NVIDIA #technology #innovation #AI #StockMarket" +"Mon Apr 01 18:57:03 +0000 2024","Akanda (NASDAQ: AKAN) Stock Price Soars – What’s Going On? #akanda #NASDAQ #stockmarket #stockmarketnews #BusinessNews #news #NewsAlert" +"Mon Apr 01 13:33:59 +0000 2024","#StockMarket Watchlist for today! $TSLA stock: Price hikes are a correction from February's lows. Compared to the beginning of the year, the price is still down. It seems that the market is not very excited about the reports. After closing the week bearishly, the story could" +"Mon Apr 22 17:28:21 +0000 2024","$SPY Beautiful 🔥 $NQ $AAL $AAPL $QQQ $NVDA $MSFT $ARM $NFLX $AMZN $META $AMD $ETH $BTC $DXY $TSLA $VIX $SPX $SPY #Bitcoin     $AMC $PYPL $SNOW $SMCI " +"Sat Apr 13 14:26:58 +0000 2024","$JNJ getting close to a buy. Like $140 area, now $147. $ASML on Wednesday will be the tell for semis, watching $NVDA in particular $NFLX on Thursday kicks off Mag 7 and big tech " +"Tue Apr 02 11:48:47 +0000 2024","Tech is ablaze! $AMD up a whopping 159%. Stellar volume points to strong interest. Keep eyes peeled! 🔥📈#StockMarket Heating Up: Advanced Micro Devices Symbol: $AMD Price: 183.34 Volume: 74,299,910 % Up: 159% " +"Tue Apr 30 01:42:00 +0000 2024","$SPY still under the 50dma with $AMZN tomorrow after the market closes, FOMC on Wednesday, and $AAPL on Thursday night. lots of market moving events....just which way? " +"Mon Apr 01 11:48:33 +0000 2024","Watch $AMD stock! Rapid rise in tech sector, doubling values signal big wins. Keep eyes peeled! 👀🔥 #StockMarket Heating Up: Advanced Micro Devices Symbol: $AMD Price: 180.49 Volume: 57,628,610 % Up: 159% " +"Mon Apr 22 06:16:39 +0000 2024","How are the 'Magnificent 7' Tech Stocks doing so far this year? 🟢 Nvidia Is Up +53.9% $NVDA 🟢 Meta Is Up +35.9% $META 🟢 Amazon Is Up +14.9% $AMZN 🟢 Alphabet Is Up +10.5% $GOOGL 🟢 Microsoft Is Up +6.1% $MSFT 🔴 Apple Is Down -14.3% $AAPL 🔴 Tesla Is Down -40.8% $TSLA $SPY " +"Thu Apr 25 16:31:20 +0000 2024","🗺️ check $SPY had to spend some time with the YTD AVWAP. Now it's above and tackling the 5-dma. $QQQ bounced around and is now also tackling the 5-dma and WTD AVWAP. One step at a time. " +"Sat Apr 27 20:27:28 +0000 2024","Here’s your results for last weeks list! $NSAV blew everyone away with a 148% increase $AAPL $ABBV $ADBE $AMAT $AMT $AMZN $BA $BABA $BYND $DIS $FDX $GOOG $HD $INTC $IWM $JPM $LK $LOW $LULU $LYFT $MA $MSFT $NVDA $NFLX $PINS $QQQ $RH $ROKU $SNAP $SPY $TLT $T $TSLA $UWT $UVXY $V" +"Sat Apr 06 00:39:38 +0000 2024","🚨 Some Moves You May Have Missed Today: 👀 Mega Caps: $META Meta Platforms, Inc. +3.21% $NFLX Netflix, Inc. +3.09% $AMZN Amazon,com, Inc. +2.82% $AMD Advanced Micro Devices, Inc. +2.77% $ASML ASML Holding N.V. +2.74% $CRM Salesforce, Inc. +2.64% $NVDA NVIDIA Corporation +2.45% " +"Thu Apr 25 20:10:54 +0000 2024","Woah!!!!!!!!!!! MSFT and ALPHABET come to save the day. The tech trade is not dead yet? We very well may get a 2% up day across the indices. I mean look at MSFT, it is literally the heaviest weight component of almost all the indices GOOG rocketing up 14% as it announces its " +"Tue Apr 09 13:43:15 +0000 2024","Just posted daily trade plans for $spy $spx $qqq hit ❤️ and retweet them if you find them helpful! $aapl $msft $tsla $qqq $nflx $nvda $meta $amzn $googl" +"Tue Apr 16 13:29:34 +0000 2024","Just posted daily trade plans for $spy $spx $qqq hit ❤️ and retweet them if you find them helpful! $aapl $msft $tsla $qqq $nflx $nvda $meta $amzn $googl" +"Mon Apr 22 15:58:49 +0000 2024","#ACFMarketWrap. Excited mkts ahead of 1Q24 results from $MSFT, $META, $GOOG, $TSLA. Nasdaq ~▲0.43%. FTSE ~▲1.65%. EA Government Budget to GDP 2023 @ -3.6% vs -3.2% expct. Best performer in the US morning session $NVDA +2.28% #WTI @ ~$82.79bbl. Data to watch: JP Jibun Bank " +"Thu Apr 25 15:17:57 +0000 2024","$QQQ $IWM $DIA Inside 60 $META $NFLX $MSFT inside 60 $SMH $XLU inside 60 $TSM $NVDA inside 60 This is what we call a chop 'em up! Mind the next flip 13min! [just scanning mega caps, market has over 200+ names consolidating right now] " +"Thu Apr 11 13:23:06 +0000 2024","Just posted daily trade plans for $spy $spx $qqq hit ❤️ and retweet them if you find them helpful! $aapl $msft $tsla $qqq $nflx $nvda $meta $amzn $googl" +"Tue Apr 30 13:49:13 +0000 2024","Good morning team! $QQQ has done well to hold > 430 this morning, and we have $AMZN earnings report from the Mag7 to look forward to in AH so that could potentially continue to boost sentiment and upward momentum. However, traders are cautious of the interest rate decision being " +"Fri Apr 26 20:50:38 +0000 2024","I feel like some need to hear this... Be kind to yourself. Just look at where $QQQ was on Monday. There was fear and some blood in the streets. The best thing to save the market was earnings. $tsla went 📈on ""meh"" earnings. $meta went 📉 on good earnings. Then, $googl " +"Mon Apr 22 17:35:34 +0000 2024","GREEN 🟢 $NVDA rebounding to $800.. $SPY $QQQ bounced up 1% Nasdaq 100 was 29 on the RSI, did seem like it could have a bounce Earnings this week will determine if this can continue or do we continue with profit taking among inflation fears... So far the market today has " +"Sun Apr 21 10:29:25 +0000 2024","$SPY $QQQ this index would indicate room to the downside. 4/25 after market $MSFT earnings price action will be interesting. $ARM is our canary and it looks like it died." +"Mon Apr 22 16:25:29 +0000 2024","$SPY $QQQ which companies will do the biggest buybacks? $MSFT $META $AAPL. These should regain the 21 day EMA based on this piece. The trading is choppy imho." +"Tue Apr 09 20:57:29 +0000 2024","1/ Despite being a very tricky couple of days as we wait for tomorrow's CPI, FOMC Minutes & earnings to kick in, there's always something to discover in the charts, especially when using multiple timeframes. My charts for QQQ & SPY " +"Fri Apr 26 12:46:03 +0000 2024","$SPY: 04/26/24 stock futures are rallying after earnings from Microsoft and Google parent Alphabet late Thursday trounced Wall Street estimates. The positive sentiment carried into European trading, with technology stocks leading equity gains #stocks @gvalan @junjudapi " +"Wed Apr 24 12:53:37 +0000 2024","$SPY: 04/24/24 U.S futures are higher again as Tesla’s shares soar on its plans to roll out cheaper cars as soon as this year, Meta is set to report earnings and there’s another record Treasury auction coming up #stocks @gvalan @junjudapi @stanleychen0402 @technicitymag " +"Fri Apr 26 20:01:47 +0000 2024","Started the week with gap ups in anticipation of good earnings only to be destroyed by $META capex increases. However, upbeat earnings from $GOOG $MSFT saved the week! We have now an inside week on $SPX $QQQ that sets us up for a bullish harami week. $GOOG hits 2T market cap " +"Tue Apr 30 03:12:53 +0000 2024","$AMZN and $AMD earnings after the Close on Tuesday FOMC Announcement on Wednesday ⚠️ $AAPL earnings after the Close on Thursday Employment # Friday morning ⚠️ $NQ_F $ES_F $RTY_F" +"Sun Apr 28 20:34:13 +0000 2024","Earnings This Week Highlighted By $AAPL & $AMZN Quite a few major $SPY / $SPX companies reporting this week. Here's a calendar where I've highlighted a few stocks that are of interest as trading targets🎯 Tap a ❤️if this is helpful! Which earnings are you watching❓ " +"Mon Apr 22 23:00:00 +0000 2024","It’s a busy earnings week... 📈 We’re watching $TSLA and $SPOT tomorrow and tech giants $META, $IBM, $MSFT, $INTC, and $GOOG later this week. Which ones are you watching?👀 #earnings #stockmarket #techearnings #earningsseason " +"Mon Apr 29 17:57:42 +0000 2024","@GmeImmortan Goog down. Amzn high bar on earnings. Fed nuetral. Nvda settling down into earnings (will beat. Guide high). Msft is dead as momo and returns to earnings guided high multiple (like ma). Amd on deck. Big banks go boom. AAPL is stuck in a range for years to come" +"Sat Apr 27 11:38:48 +0000 2024","@hmeisler Voted ""down"" Biggest takeaways from yesterday and last week: $AAPL closed red Friday (15% below highs) $MSFT faded most of it's earnings pop Friday $META no bounce Friday (16% below highs) $IWM is red YTD Yes, $NVDA and $TSLA bounced - lower highs still" +"Sat Apr 27 18:53:25 +0000 2024","THIS WEEK IN THE STOCK MARKET $TSLA Tesla reported earnings and went 🟢 (+16%) $META reported earnings and went 🔴 (-9%) $GOOGL put out a 20c dividend, grew search rev by 14%, YouTube rev by 21%, and blew through the $170s up 10%🟢 $MSFT Microsoft continued to prove their AI " +"Sat Apr 13 19:11:15 +0000 2024","$NAMO $SPY $QQQ The Nasdaq McClellan Oscillator Daily and Weekly charts 💙 I’m sure this time is different and we won’t bounce right? Tech is done right? The most advanced piece of human technology ever created by the smartest engineers/physicists/scientists just happened, " +"Thu Apr 25 20:08:38 +0000 2024","$NQ another higher high both $MSFT and $GOOG are flying in AH after earnings NQ held a higher low today that came in around those Yellen comments and then off to the races " +"Fri Apr 26 12:17:37 +0000 2024","The biggest earnings week ending with the biggest bang. Its Alphabets world and everybody else just trying to hang. $SNAP gaps huge on surprise profit as $INTC has to be asking sellers to STOP IT! $GOOGL - Huge rev growth, new dividend, big ramp to ATH. Looking for the dip and" +"Fri Apr 19 14:02:26 +0000 2024","$TSLA $MSFT $GOOGL $META all report earnings next week - Don’t love that $NFLX sold off on a triple beat…Someone needs to blow the market away - And I don’t think saying AI 100 times is gonna cut it " +"Mon Apr 29 18:20:45 +0000 2024","Index Update: NYSE Fang Plus Index is currently back above its 50d sma. This index consists of ""The Generals"", or the most important stocks on the planet. It includes: $META $AAPL $AMZN $NFLX $MSFT $GOOG $TSLA $NVDA $AVGO As these stocks go, so does ""the market.""" +"Mon Apr 29 12:18:39 +0000 2024","Futures up as $AAPL, $TSLA lead megacaps higher ahead of big tech earnings & Fed rate decision.Investors watching 10-yr yields, GDP, JOLTS, and nonfarm payrolls - will the data give the Fed cover to pause hikes?Lots of market-moving events on tap this week. Buckle up for another " +"Wed Apr 24 11:41:28 +0000 2024","$SPY $QQQ just a note: really strange price action post earnings. $NFLX numbers strong and stock whacked, $TSLA $TXN numbers weak and stocks pumped. Are funds using earnings to sell longs and cover shorts? $META should be interesting…" +"Thu Apr 25 01:14:01 +0000 2024","The Mag 7 w/ $SPY Lets look at something cool here - notice $META at the first circled point. It is in line/slightly higher with its other tech counterparts until a huge spike up. What happens after earnings? Right back to its original area. Cool stuff. Also look at $TSLA lol! " +"Wed Apr 17 20:11:42 +0000 2024","Well...Started this week more bearish side, and aiming for that gap fill at 497, however $SPY buyers stepped in for now avoid the gap fill. $SPY less than 5% off tops, $QQQ is now in correction territory AND did fill the gap at 425. $QQQ may even want to touch the 100D at 422 " +"Fri Apr 26 16:27:11 +0000 2024","Stock Market Rebounds; Tesla, Microsoft, Google, Meta, Chipotle, GE In Focus: Weekly Review The stock market rebounded this week, led by the Nasdaq. Big-cap earnings winners included Microsoft (MSFT), Google parent Alphabet (GOOGL), Tesla (TSLA), General Electric (GE) and " +"Mon Apr 15 12:16:42 +0000 2024","Another quarter and Apple loses more market share, $GS making a ton of money just in case we care. Tesla could be laying off 10% of its workforce as demand wanes. And geopolitical tensions over the weekend and Bitcoin volatility reigns. $AAPL - IDC shows 10% decline YoY and fall" +"Wed Apr 24 13:19:35 +0000 2024","$SPX & $QQQ 04-24 Let the games begin. $TSLA missed on both EPS and revenue, noting a lower growth rate for 2024, and it, of course, pumped. They will give it all back; it's just a matter of time. For today, this is where things start to get interesting. $META's earnings AH " +"Thu Apr 11 14:33:24 +0000 2024","$SPY $QQQ #markets Choppy Morning again although $SPY rejections gave nice trads on $SPX but most of market dependent names not worth so far unless you are short $TSLA or $BA with us " +"Thu Apr 18 12:15:36 +0000 2024","$TSM earnings beat drives Semi names higher.. expect itself. This after $ASML had almost all Semi stocks falling off the shelf. Jobless data today but hard to see it change rates as $NFLX after the bell gets tech earnings out of the gates. $ARM - The biggest pain on the ASML" +"Wed Apr 17 02:49:50 +0000 2024","Should be intriguing how the start of Tech earnings sees the market respond in a few weeks. NFLX starts but really the bigger more important names end of April and early May so if sell off enough could see Semi names lead back up after earnings. Still think markets will be on" +"Tue Apr 09 20:02:16 +0000 2024","📈 $SPY NEW ALL TIME HIGHS? ⚠️ CPI out pre market tomorrow, with FOMC after. • Both the events are extremely significant. And will explain in a different thread. • The wedge and the trendlines below on watch. FLOW UPDATE: $NFLX $GOOG $AAPL $META flow remains bullish. Good " +"Sun Apr 21 16:12:30 +0000 2024","⚠️3 THINGS TO WATCH THIS WEEK ON WALL ST.: 1. US PCE INFLATION 2. MICROSOFT $MSFT, ALPHABET $GOOGL, META $META EARNINGS 3. TESLA $TSLA Q1 RESULTS $DIA $SPY $QQQ $IWM $VIX 🇺🇸🇺🇸 " +"Fri Apr 19 20:02:00 +0000 2024","Stock Market Weekly Recap: So pullback in progress $SPY 5% hit.. $QQQ much lower. $SMH getting smacked.. $NVDA $SMCI $AMD etc. $GOOGL $XLF $CAT still some r/s out there Lot's of charts in the video! HAGW! " +"Mon Apr 01 20:16:13 +0000 2024","$AMZN $GOOG stars on the day, also $AMD of course. Doesn't seem bearish with $AMZN AND $GOOG makes a 52 week high on the day. And this is primarily why I'm more bullish on $QQQ this week. Swing. " +"Fri Apr 19 20:02:38 +0000 2024","No one this Monday and Tuesday gave you aapl nvda or nflx exact price.. 🧀 did. Did I get a couple wrong like 506 yes… but spy is to bounce very soon and everyone will be short" +"Tue Apr 30 21:48:57 +0000 2024","$QQQ $AMD $SMCI $NVDA $AMZN There was a window to get long as markets hit oversold readings near December lows, $QQQ 413-416 area $NVDA was under 800 etc... I've been cautious all week as we have our fair share of events to contend with. Earnings season is fine but not" +"Mon Apr 22 17:49:53 +0000 2024","🚨Here's the latest update, now drop a ❤️ lol Dow Jones Industrial Average Index $DJI 37,900 --> 38,070.27 and hit 38,330.26 so far🎯 ----- NASDAQ 100 Index $NDX 17,000 --> 17,085.60 and hit 17,215.49 so far🎯 ----- S&P 500 Index $SPX 4,946 --> 4,990.95 and hit 5,018.92 so " +"Mon Apr 29 12:20:08 +0000 2024","Tesla's data collection deal with Baidu has it up double digits today. $AAPL follows with reports of OpenAI inthe IPhone on the way? Sofi trades higher after an earnings beat as we continue to trade this big earnings and fed week. $TSLA - double digit gains after deal to collect" +"Mon Apr 29 15:48:05 +0000 2024","Whats Moving The Market: $MSFT $AAPL $AMZN $GOOG $TSLA $BRK.B $JNJ $UNH $XOM $PG $NVDA $META $BAC $JPM $WMT $VZ $HD $BA $CSCO $WFC 1. Carryover momentum after rebound last week 2. Tesla $TSLA after getting approval in China for self-driving service 3. Apple $AAPL up after" +"Sat Apr 06 19:02:14 +0000 2024","How are the 'Magnificent 7' Tech Stocks doing so far this year? 🟢 Nvidia Is Up +77.7% $NVDA 🟢 Meta Is Up +49% $META 🟢 Amazon Is Up +21.8% $AMZN 🟢 Microsoft Is Up +13.1% $MSFT 🟢 Alphabet Is Up +9.2% $GOOGL 🔴 Apple Is Down -11.9% $AAPL 🔴 Tesla Is Down -33.6% $TSLA $SPY " +"Thu Apr 18 20:21:14 +0000 2024","$ASML ❌ $TSM ❌ $NFLX ❌ $ER season not saving your $SPY $QQQ. *YET* Rough start. Getting smacked hard Let’s see who does what next. Not financial advice. $SPX sub 5K soon?" +"Mon Apr 29 20:10:22 +0000 2024","$SPY $QQQ Markets closed pretty flat on the day exception of $TSLA gaining approx 14% on the day and over all 30% since last week after getting the greenlight with FSD in China. GOOD NEWS is that $SPY closed above the 20dma. Bullish here. MACD is now back at 0. We were looking " +"Fri Apr 26 13:27:50 +0000 2024","April 26 Morning Update Stocks are called higher this morning as traders react to better-than-expected results at $GOOGL and $MSFT. Apparently, the digital ad business is not terrible and enterprises are spending on productivity and cloud services. There is another side," +"Mon Apr 22 20:00:38 +0000 2024","Watching $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $amzn $googl $tsla $nvda $spx $ba for tomorrow $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $ai $amzn $googl $tsla $nvda $spx $ba $lulu $mdb 🚨SMALL GAINS ADDS UP🚨 Join a service that shows" +"Mon Apr 29 20:00:36 +0000 2024","Watching $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $amzn $googl $tsla $nvda $spx $ba for tomorrow $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $ai $amzn $googl $tsla $nvda $spx $ba $lulu $mdb 🚨SMALL GAINS ADDS UP🚨 Join a service that shows" +"Thu Apr 25 20:00:41 +0000 2024","Watching $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $amzn $googl $tsla $nvda $spx $ba for tomorrow $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $ai $amzn $googl $tsla $nvda $spx $ba $lulu $mdb 🚨SMALL GAINS ADDS UP🚨 Join a service that shows" +"Fri Apr 12 01:53:38 +0000 2024","Overnight in the U.S., tech shares pulled both the S&P 500 and Nasdaq Composite into positive territory, with both indexes gaining 0.74% and 1.68%, respectively. The Dow Jones Industrial Average was flattish, closing down by a slight 2.43 points, or 0.01%. Nvidia jumped 4.1%," +"Fri Apr 05 20:38:45 +0000 2024","$SPY WEEKEND thoughts...PLEASE TAKE THE TIME TO READ THIS. I'll just flat out say it: I'm bearish headed in to next week and Spring. I think some of the bears on here are eventually going to be right. Market does need some correction...And I don't believe earnings coming up on " +"Tue Apr 30 21:06:25 +0000 2024","$SPY $VIX With $AMZN earnings in hindsight, tomorrow market will be looking forward to ADP Payrolls, ISM Manufacturing PMI followed by Fed Rate Decision and Fed Chairman Powell Press Conference " +"Sun Apr 07 14:26:44 +0000 2024","$SPY I hope you enjoyed the charts! I posted analysis on the following: $META $AMZN $AAPL $GOOGL $MSFT $AMD $TSLA Have a great rest of your day and I hope you make some money next week" +"Mon Apr 22 09:58:44 +0000 2024","Good Morning! Futures up. $TSLA Big price cuts $AAPL $AMZN $GOOG $META $MSFT $NVDA d/g NEUTRAL from Overweight @UBS $CSCO d/g Neutral @ JPM $PZZA u/g Hold @ Stifel pt $60 from $65 $AA u/g Equal Weight @ MS pt $36.5 from $28.5 $RARE int Outperform @ RBC pt $77" +"Thu Apr 04 12:13:20 +0000 2024","We get 8:30 Jobless claim data to set the stage, while the lineup of fed speakers again are the rage. $LEVI earnings seem like a hit while $GOOGL and $AAPL possible new changes each as they try a new fit. $BA - Production decrease caused sharp move down yesterday, 187 shelf" +"Tue Apr 23 15:21:33 +0000 2024","$SPY $QQQ Earnings targets 🎯 $TSLA - flat to slightly up, flat is a win for bulls $NOW - $770, strong AI growth $META - $535, strong EPS, raises full year outlook $GOOGL - $163 as they show no loss in share of search $AMZN - $202 👀, EPS growth- cost cutting, margins +" +"Mon Apr 22 12:18:28 +0000 2024","Its a big week of earnings and data for the market. Just take it day to day and stay on target. Tesla already down with more price cuts while chip names will try to bounce after Fridays rut. $TSLA - Price cuts on FSD continue to weigh on stock price, looking short pops into" +"Wed Apr 03 12:12:27 +0000 2024","Markets coming off a day of red after the Tesla delivery numbers were received with dread. Intel's foundry business report has them in the red, while the $DIS proxy battle will finally come to a head. $INTC - wider losses in Foundry business has it trading lower. Back to last" +"Tue Apr 23 16:05:44 +0000 2024","📈US stocks climbed on Tuesday, with the S&P 500, Dow Jones, and Nasdaq all inching upwards 💰 The market is looking to build on a positive start to the week, with the S&P 500 closing below 5,000 for the first time since February 📉 Tech-focused investors are preparing for a" +"Sat Apr 20 16:26:50 +0000 2024","$SPY $QQQ No pain No gain Every time there’s tech earnings, one or two of the companies report and it’s negatively received and everyone says “big tech won’t save the market” “its over, tech is done” and then one or two of them report and everyone is like “thats where all the" +"Thu Apr 25 16:35:17 +0000 2024","Bloody start to the morning but so far Tech names $AMD $NVDA $GOOG $AMZN for example making their way back. $SPY just tapped the 5DMA and has a gap to fill at 503. $GOOG $MSFT All Eyes! Intraday: " +"Tue Apr 02 19:48:23 +0000 2024","Market refuses to go far.. 21D on the $SPY held again... $VIX Back in the BB's.. $META Strong day.. $GOOGL $AMZN $NVDA they came back for. Powell tomorrow... HAGN!" +"Thu Apr 11 20:35:29 +0000 2024","And that is a wrap. Market wants higher, baring some out of the blue news. $AAPL What a monster day.... $NVDA was my baby... $AMZN $GOOGL new ATH's.. Big cap tech remains the trade! HAGN!" +"Thu Apr 18 20:40:19 +0000 2024","Market trading tough. $SMH Weak after $TSM earnings. $NVDA still holding the 50D. $MSFT $AMZN $AAPL $TSLA very weak.. $GOOLG $META very strong today. $NFLX good but market doesn't like no longer going to report subs HAGN" +"Sat Apr 27 21:09:38 +0000 2024","@epictrades1 😱 super day we open with qra adp jolt amzn amd smci results and close with jp likely bear ton but qt reduction can be the key" +"Tue Apr 23 17:04:11 +0000 2024","- Amazon Live launches this month $AMZN - Nike to cut 740 corporate jobs $NKE - Taylor Swift new album breaks Spotify's single day streaming record $SPOT - Apple wants streaming rights to FIFA Club World Cup $AAPL - Billie Eilish comes to Fortnite - 53% of americans now use ad" +"Fri Apr 19 19:41:02 +0000 2024","Earnings growth for the Mag7, the seven biggest growth companies in the $SPY, $AAPL, $MSFT, $AAPL, $AMZN, $NVDA, $META and $TSLA are expected to rise 38% in the first quarter. They make up the bulk of SPX earnings growth. But analysts are worried about guidance, which is why $QQQ" +"Wed Apr 17 08:38:22 +0000 2024","4/18 NFLX TSM 4/22 CDNS 4/23 TSLA V 4/24META NOW VRT IBM 4/25 GOOG MSFT 4/26 CVX XOM 4/30 AMZN AMD TMDX 5/1 PFE 5/2 AAPL DKNG FTNT SQ NET 5/7 ZI MQ UPST 5/8 ARM 5/9 RPRX" +"Wed May 15 23:15:00 +0000 2024","STOCK PRICE TREND FORECASTING FOR META, GOOGL, TSLA, NVDA, AAPL, and more 📈📊 #stock #stockmarket #finance #money #forecast #aapl #googl #nvda #amc #gme #tsla #meta " +"Wed May 22 10:52:06 +0000 2024","Today's Stock on Watch: NVDA 💻 Current Price $953 #StockMarket #NVDA #DayTrading " +"Mon May 06 04:18:13 +0000 2024","#stockmarket #astrology #NVDA Predictions for NVIDIA stock price Mon May 06, 2024: Bullish Tue May 07, 2024: Bullish Wed May 07, 2024: Bearish Thu May 09, 2024: Bearish Fri May 10, 2024: Bearish" +"Fri May 17 12:17:09 +0000 2024","🚀The trending stock of the hour: Advanced Micro $AMD +1.85% in pre-market; #AInvest_Magic #trade #shareholders #tradingtips #StockMarket $AMD has +5.76% in price since the Magic signal was generated. 👏Get free hold signals by following and leaving a comment. " +"Fri May 17 16:35:24 +0000 2024","Quick look at flow here from Grafana on $NVDA $NDX $SMCI and $TSLA. Clearly TESLA and SMCI are the dawgs big time today for sure. $SPY $SPX $QQQ OVERALL FLOW (0DTE + Fridays next week) is actually bearish, while all stocks are bullish today. Really interesting huh. " +"Fri May 24 18:26:30 +0000 2024","Yes, I'm building a decent case for actually swinging shorts on $SPY and $SPX. Ideally id like to see the 5325 zone to enter into the bear chat, but well see. Here's $LLY $META $MSFT $NVDA on the day in terms of flow. Fairly bullish across teh board, except for LLY. Very good " +"Tue May 21 17:58:04 +0000 2024","Here's all the stocks for $SPY $SPX $QQQ $NDX + $AAPL $AMD flow on the day from Grafana. As you can see. Not too shabby huh. Very bullish all day indeed. I bet it's 100% being led by $TSLA bc holy COW that flow is just going nuts today. Literally ONLY call buying haha. #0DTE " +"Wed May 15 02:06:12 +0000 2024","5/14 | Notable Inside Days: $INTC, $UBER, $XOM, $MSFT, $CPNG, $SQ, $OXY, $WEN, $MMM, $COF, $LULU, $WYNN NOTES: - $AAPL broke above long term daily TL today. Tradytics netflow also suggested sustained call flow into EOD. Bear gap above from 188.66-188.83 - $MSFT wedge formation. " +"Thu May 09 15:17:25 +0000 2024","$SPY $SPX WHO ELSE SHOWS DIRECTION + TARGET???? WHO ELSE HAS A 95% WINNING TARGET HIT???? WHO ELSE CAN PREDICT THE MOVE AT MARKER OPEN??? $TSLA $AAPL $AMZN $MSFT $GOOG $META $JPM $BAC $V $MA $SMCI $NVDA $PYPL $NFLX $DIS $CRM $NKE $BA $BABA $XOM $AMD $QCOM $btc $SHOP " +"Fri May 10 20:09:44 +0000 2024","$NVDA $MSFT $AMZN $AMD $SPY $QQQ $GOOGL $MU $AVGO $QCOM $CRWD $META $AAPL $TSLA $AMZN Weekly Chart looks almost like #NASDAQ weekly. Unable to break out of the Huge Bearish engulfing Red candle of Apr 16, 2024 " +"Tue May 14 22:05:52 +0000 2024","$SPY $SPX Sunday I posted Monday gap up ✅✅✅ YEP Tuesday PPI to test highs ✅✅✅YEP Wednesday TBA ??? I’m 2/3 Let’s see if I get 3/3 $TSLA $AAPL $AMZN $MSFT $GOOG $META $JPM $BAC $V $MA $SMCI $NVDA $PYPL $NFLX $DIS $CRM $NKE $BA $BABA $XOM $AMD $QCOM $btc $SHOP " +"Tue May 21 10:18:04 +0000 2024","Nvidia (NVDA) is expecting the earnings report to be released tomorrow. Its stock price jumped as an anticipation of the expectancies of this earnings call. #nvidia #stockmarket #trading #marketnews " +"Mon May 20 11:33:39 +0000 2024","$NVDA Stifel raises the stock's target price to $1,085 (from $910) Barclays raises the stock's target price to $1,100 (from $850) Baird raises the stock's target price to $1,200 (from $1,050) #stockmarket #nvidia #tech #ai" +"Thu May 09 00:56:21 +0000 2024","$SPY $SPX Todays signal is posted Make sure to check out my video to see the discord room signal $TSLA $AAPL $AMZN $MSFT $GOOG $META $JPM $BAC $V $MA $SMCI $NVDA $PYPL $NFLX $DIS $CRM $NKE $BA $BABA $XOM $AMD $QCOM $btc $SHOP #Bitcoin  $COIN $QQQ " +"Wed May 15 20:53:31 +0000 2024","One of the many interesting stocks that we watch and analyse is Nvidia (NVDA). Just as expected the price is going up at the moment and should continue to go uo the next weeks. #StockstoTrade #StockMarket #StockstoWatch #Stocks $NVDA #SP500 #MarketUpdate #StockstoBuy #Stock " +"Wed May 22 18:30:29 +0000 2024","With NVIDIA’s stock price at $953.86 and a fair value of $352.4, it is currently 63% overvalued. Hopefully, NVIDIA meets the high growth expectations to justify its lofty valuation. $NVDA #NVIDIA #StockMarket #Investing " +"Wed May 29 21:02:35 +0000 2024","Nvidia (NVDA) is continuing to follow our expectations. From our buy zone from the end of last year til now Nvidia made about 153.23%. The price should continue to go up for now. #StockUpdate $NVDA #StockMarket #StocksInFocus #StocksToWatch #StocksToBuy #marketupdates #Stock " +"Fri May 31 18:10:06 +0000 2024","One of our very interesting Nasdaq Stocks is Starbucks Corporation (SBUX). We expect to see the price go up further as you can see. Our long-term price target is at $214.18. #Stocks $SBUX #StocksToFollow #StocksInFocus #StocksToBuy #Stockmarket #marketupdate #Stock #Starbucks " +"Fri May 03 20:27:34 +0000 2024","📣 JUST IN: $DJI $QQQ $SPY Dow Soars 450 Points, April Jobs Data Fuel Rate Cut Speculation 📈 $AMGN $META $AAPL $NVDA $AMD $MSFT 👉 Key Highlights: 📍 Dow rises 450 points, closing at 38,675.68. 📍 S&P 500 and Nasdaq also surge, marking strong weekly gains. 📍 April jobs " +"Thu May 02 21:33:32 +0000 2024","$SPX - The downtrend remains in control, dictated by the 20DMA currently at $5087. Despite this, $AAPL's positive earnings reaction is giving a boost to the market, with SPX futures up 0.33%. In my previous post, I highlighted the importance of the $5084 support level. Notice " +"Fri May 10 15:52:27 +0000 2024","🍕FREE VIDEO 5/9: Markets rebounded with $SPY leading $QQQ, while $QQQ leads $SMH. We'd rather see riskier stocks lead. $NVDA and $AVGO slowed down $QQQ, but $AMZN is trying to break out & $AAPL has been holding earnings gains. IMHO trimming profits ahead of Tues & Wed PPI & CPI " +"Wed May 01 02:02:34 +0000 2024","AMD Earnings Are Out. The Stock Is Dropping. - Barron's Learn Trading in bio #Breaking #Stockmarketnews #Stockmarket " +"Wed May 01 13:19:34 +0000 2024","Nvidia Stock Falls After AMD Disappoints on Guidance - Barron's Learn Trading in bio #Breaking #Stockmarketnews #Stockmarket " +"Thu May 23 17:54:24 +0000 2024","$SPY pinned at 530, with $nvda rallying the rest of the mega caps have to sell off to keep s&p at the current level. It’s turning into an arbitrage at this point. $amzn $aapl $goog " +"Sat May 04 15:28:39 +0000 2024","$QQQ huge gap up yesterday coz of $AAPL earnings now facing a big volume hurdle ahead. let's see if she can jump thru it next week. below that aVWAP would be bearish imo. " +"Fri May 31 12:56:21 +0000 2024","Pump the Brakes...are we down to the Mag 1? $NVDA Three looking more like Shorts than Longs......more on today's GMU...... #stocks $META $AMZN $AAPL " +"Fri May 03 09:21:17 +0000 2024","[Thread #StockMarket 🧵] 🏦 Stock : @Tesla 📑Ticker : $tsla This is a rapidly rising stock, but for me the price is too high to make an entry right now. #stock #market #StockMarketNews #StocksToWatch #investment #sp500 " +"Wed May 01 20:17:38 +0000 2024","AI Stocks: NVDA, SMCI Plunge After AMD Gives Weak Chip-Sale Forecast - Markets Insider Learn Trading in bio #Breaking #Stockmarketnews #Stockmarket " +"Wed May 15 23:11:20 +0000 2024","New record highs for #SPY and #QQQ. Favorable economic data led by CPI slowing. The chips showed up big #NVDA #AVGO #AMD. Watching for #SLV to break above $30 tonight. Let’s have a strong finish these last two days of the week. More tomorrow on @HalftimeReport #MSFT #AAPL #GLD " +"Wed May 01 05:53:51 +0000 2024","Stock Price Today: Stock Market Analysis for May 01 #StockPrice #StockPriceToday #StockMarket #Nasdaq #DowJonesFutures #AINews #AnalyticsInsight #AnalyticsInsightMagazine " +"Tue May 21 17:32:54 +0000 2024","Keeping an eye on the NASI in the days/wks to come (and VIX) as we transition into poor seasonality and consumer slowdown. $SPY $QQQ $IWM $AAPL $FXI $GDX $SLV $DIA $NVDA $SBUX $SHOP $MCD " +"Wed May 15 22:11:50 +0000 2024","Thursday 5/16: $MSFT $AAPL $AMZN $GOOG $TSLA $BRK.B $JNJ $UNH $XOM $PG $NVDA $META $BAC $JPM $WMT $VZ $HD $BA $CSCO $WFC $SPY $DIA $QQQ $IWM " +"Wed May 01 13:55:23 +0000 2024","$ILAL, boasting a significant market capitalization and a successful history, emerges as a standout penny stock on the OTC market. With a previous closing price of $0.0493, it presents investors with an appealing chance for growth.. #StockMarket #Investing $SPY $DIA $AMC $APE" +"Wed May 08 14:28:49 +0000 2024","$SPY LETS GOOOO $NQ $MES $AAPL $NVDA $MSFT $SAVE $NFLX $AMZN $META $AMD $TSLA $VIX $SPX $GOOGL $BTC $GME " +"Fri May 03 20:24:02 +0000 2024","$SPY Week finally over 💰 Hope everyone made some money today! Have an awesome weekend! $NQ $MES $AAPL $NVDA $MSFT $ARM $NFLX $AMZN $META $AMD $TSLA $VIX $SPX $GOOGL $BTC $CAT " +"Thu May 16 01:23:49 +0000 2024","what made today tricky was the non-participation of $AMZN $TSLA $NFLX welcome back $aapl tho once the hourly 3-1-2 resolved to the upside it was simple and plain cakewalk up and you just had to buy and hold for a few candles to make a few bucks today. $nq_f & #thestrat" +"Tue May 14 18:45:49 +0000 2024","WHAT A SUPER PUMPER!!!!!!!!!!!!!!! THE MOTHER OF ALL SUPER PUMPERS!!! ONLY TO BE OUTDONE BY THE BIGGEST MOTHER FUKKING SUPER PUMPER IN HISTORY TOMORROW ON #CPI!!! $AAPL $MSFT $NVDA $GOOGL $AMZN $META $TSLA $SPY $QQQ" +"Sun May 12 22:39:41 +0000 2024","DAY TRADING WATCHLIST FOR THIS WEEK👀: $SPY / $QQQ (ETF'S) $TSLA $AMD / $NVDA / $TSM (SEMI'S) $GOOGL $AMZN $META SETTING UP FOR SOME NICE MOVES FOR THE WEEK..." +"Wed May 01 12:24:44 +0000 2024","Futures Market via /r/stockstobuytoday $NVDA $AMD $AAPL $GOOG $META $MSFT $NFLX $AMZN #BTCUSD #ETHUSD #SHIBUSD #AI ukraine USA India Russia Cathy Woods Elon Musk" +"Tue May 14 15:53:28 +0000 2024","$SPY CPI print tmrw. Market slightly green as of now but choppy. I expect chop to continue and then around 3:15 est sharks buy it up into the close. Looks like the big CPI play came in yesterday before the close. $21M 👀 at the ask. $ES $QQQ $GME $AMC $META $NVDA $AMD " +"Wed May 22 02:10:39 +0000 2024","$NASDAQ DAILY No change from yesterday Still plenty of room 2 follow upper BB up if wants All 👀 on $NVDA ER tomorrow AH if rally continues or we begin the backtest of 13EMA blue MACD gap still wide & racing upward is good STOCH hovering well above 80 line is good " +"Fri May 03 13:01:32 +0000 2024","$SPY | $QQQ | $AAPL Wellp.. the market is going to rip today. I have zero clue what’s good or bad news anymore.. All I know is Apple is setting up for its best intraday gain in years." +"Tue May 07 17:29:50 +0000 2024","Just posted $spy update! Will do a $qqq update in 30 minutes too! Hit 25❤️ on the $spy update and I will post other one shortly! $spx $aapl $meta $nvda" +"Thu May 02 23:49:17 +0000 2024","@1TraderZ @AOTtrades $AAPL earnings will likely take $SPY and $QQQ straight over that 20 EMA resistance which has been a key holding spot for bears over the last few weeks. NEAT!" +"Wed May 15 13:56:45 +0000 2024","$SPY $QQQ #markets With a Gap Up so far market failed to do a Gap & Go Trying to fill the gap down into 34-50 clouds $TSLA $AMZN good shorts at open , heavy heavy Market not showing the strength yet , lets see 10 AM Trend timn " +"Mon May 06 17:23:22 +0000 2024","Just posted $spy update! Will do a $qqq update in 30 minutes too! Hit 25❤️ on the $spy update and I will post other one shortly! $spx $aapl $meta $nvda" +"Fri May 03 12:22:07 +0000 2024","Futures up after $AAPL earnings beat, but mixed chip results and data keep gains in check. Investors eyeing nonfarm payrolls, unemployment, PMIs - will the numbers support rate cut hopes? Also watching $SQ, $COIN, $DKNG after their reports. Lots of moving parts as markets " +"Wed May 08 12:54:43 +0000 2024","Tesla, Intel, Shopify & Uber all sharply lower. at a time when Funds are sitting quite long Nas (CTA's and Vol targetting) & a lot of bears have been cleaned out." +"Sat May 25 11:50:55 +0000 2024","$QQQ QUITE mixed this week, but mostly up due to $NVDA $NFLX $META. $AAPL $GOOG $AMZN $AMD had a flat week. $SPY flat all week, financials/energy had a red week as well. These sectors may bounce this week to give $SPY a move. " +"Thu May 30 14:41:33 +0000 2024","#markets $SPY $QQQ $SPX Continues to stay bearish as $SPY testing PM lows now Semis giving up, $NVDA leading the fade, better to avoid any Big7 or market longs today , not A+ " +"Wed May 08 08:02:13 +0000 2024","$SPY $QQQ | Today's Key Events (All EST) 10:00: Wholesale inventories 11:00: Fed Jefferson 11:45: Fed Collins 13:00: 10-Year Note Auction ($42B) 13:30: Fed Cook Before Open 👇 06:30 - Avadel Pharmaceuticals $AVDL 06:55 - Emerson Electric $EMR 06:55 - $UBER B.O - Affirm Holdings" +"Thu May 02 12:15:53 +0000 2024","Futures rise after Fed holds rates steady, but Powell pours cold water on rate cut hopes. Now all eyes turn to $AAPL earnings after the bell - will the tech giant deliver another strong quarter? Also watching $COIN, $CVNA, $ETSY, $DASH as earnings season rolls on. Big data " +"Wed May 22 12:16:24 +0000 2024","The superbowl of earnings season is here as $NVDA reports after the bell. Targets report however gave markets a reason to sell. $PDD beats big and is flying higher while other squeeze names move as $GME and $AMC moves get tired. $AAPL - Trend continuation, 190.75 the long dip" +"Wed May 29 08:02:59 +0000 2024","$SPY $QQQ | Today's Key Events (All EST) 10:00: Richmond Fed Mfg. Index 13:00: 7-Year Note Auction 13:45: Fed's Williams Before Open 👇 06:00 - Bank of Montreal $BMO 06:30 - Advance Auto Parts $AAP 07:00 - DICK'S Sporting Goods $DKS (+/-8.5%) 07:30 - Abercrombie & Fitch $ANF" +"Wed May 22 07:48:51 +0000 2024","$SPY $QQQ | Today's Key Events (All EST) 09:40: Fed's Waller 12:00: FOMC Minutes Before Open 👇 06:10 - Dorian LPG $LPG (+/-8.3%) 06:30 - Target $TGT (+/-6.9%) 07:00 - Analog Devices $ADI (+/-3.3%) 07:30 - $TJX (+/-3.9%) 07:00 - $ARBE (+/-45.5%) 09:00 - Williams-Sonoma $WSM" +"Tue May 14 20:00:50 +0000 2024","Watching $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $amzn $googl $tsla $nvda $spx $ba for tomorrow $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $ai $amzn $googl $tsla $nvda $spx $ba $lulu $mdb 🚨SMALL GAINS ADDS UP🚨 Join a service that shows" +"Wed May 15 20:00:22 +0000 2024","Watching $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $amzn $googl $tsla $nvda $spx $ba for tomorrow $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $ai $amzn $googl $tsla $nvda $spx $ba $lulu $mdb 🚨SMALL GAINS ADDS UP🚨 Join a service that shows" +"Mon May 20 20:00:54 +0000 2024","Watching $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $amzn $googl $tsla $nvda $spx $ba for tomorrow $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $ai $amzn $googl $tsla $nvda $spx $ba $lulu $mdb 🚨SMALL GAINS ADDS UP🚨 Join a service that shows" +"Wed May 22 20:00:26 +0000 2024","Watching $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $amzn $googl $tsla $nvda $spx $ba for tomorrow $aapl $meta $baba $adbe $snow $now $shop $pypl $bidu $msft $ai $amzn $googl $tsla $nvda $spx $ba $lulu $mdb 🚨SMALL GAINS ADDS UP🚨 Join a service that shows" +"Mon May 13 10:47:33 +0000 2024","The S&P 500 $SPY is less than 1% away from ATH after falling to $493 a few weeks ago... Earnings from $AAPL $AMZN $META $GOOGL $MSFT seemed to have keep it strong -- $NVDA is next week and will determine if we continue. If guidance is low, the market will re-rate, but given all " +"Sat May 11 16:15:51 +0000 2024","How are the 'Magnificent 7' Tech Stocks doing so far this year? 🟢 Nvidia Is Up +81.5% $NVDA 🟢 Meta Is Up +34.5% $META 🟢 Amazon Is Up +23.4% $AMZN 🟢 Alphabet Is Up +20.8% $GOOGL 🟢 Microsoft Is Up +10.3% $MSFT 🔴 Apple Is Down -4.9% $AAPL 🔴 Tesla Is Down -32.2% $TSLA $SPY " +"Wed May 08 15:58:46 +0000 2024","$SPY $QQQ $ARM $NVDA $AMZN $ANET Market chopping and having resistance around 5200 S&P Earnings from yesterday to today haven’t been great and reactions even worse, except… ANET, the only main “AI” earnings that did well, now it’s up and I believe it’s the reason things like " +"Wed May 01 19:04:02 +0000 2024","Market flying… what on earth? AMZN +5.43%, META+4.38%,MSFT+3,06%, AAPL +1.15%, PLTR +3.32% wow 🤩…perma bears in tatters again" +"Wed May 01 03:42:20 +0000 2024","FUTURES $SPY $QQQ $IWM Today was a tough day. We had some strong earnings from Eli Lilly $LLY, McDonalds $MCD, Coke $KO, & Amazon $AMZN. $AMD was flat/negative across all their segments. Then Starbucks $SBUX missed on North American sales, China sales, and everything else. " +"Wed May 22 08:25:00 +0000 2024","CNBC Daily Open: S&P 500 and Nasdaq hit new heights ahead of Nvidia’s earnings. $TSLA $AAPL $NVDA $AMD $META $MSFT $AMZN $INTC $LI $DIS $GME $DELL $GOOGL $SPY $QQQ " +"Mon May 20 14:21:55 +0000 2024","Stock market today: Wall Street ticks higher as S&P 500 and Nasdaq composite head for more records $TSLA $AAPL $NVDA $AMD $META $MSFT $AMZN $INTC $PLTR $LI $GME $NIO $COIN $GOOGL $SPY $QQQ " +"Mon May 13 01:49:53 +0000 2024","The Generals are merely resting... NYSE Fang Plus Index continues to hold its prior cycles vs. $SPX Nothing bearish about this action, at least not yet. I'd get more concerned if this ratio starts to break down... $META $AAPL $AMZN $NFLX $MSFT $GOOGL $TSLA $NVDA $SNOW $AVGO " +"Thu May 16 14:23:58 +0000 2024","The Mag 7 were responsible for 37% of the S&P 500’s $SPY 10.2% gain in Q1, led higher by Nvidia's $NVDA 82.5% gain and Meta's $META 37.2% rise. $MSFT $GOOG $AMZN $TSLA $AAPL " +"Fri May 24 23:49:55 +0000 2024","The Generals are leading, again... NYSE Fang Plus Index closed at new all-time highs relative to $SPX This Index tracks the performance of the following large/mega cap tech stocks: $META $AAPL $AMZN $NFLX $MSFT $GOOGL $TSLA $NVDA $SNOW $AVGO " +"Thu May 02 21:04:05 +0000 2024","Such a good bounce… $AAPL was down 9% YTD, now its down 1% EVERY COMPANY OUT OF THE MAG 7 HAS CRUSHED EARNINGS $NVDA IS THE ONLY ONE LEFT If inflation remains sticky — the market can at least refer to the largest 7 companies putting up numbers to justify their valuations. " +"Fri May 10 13:11:51 +0000 2024","Happy #FridayMotivation to all #Traders and thank you for checking out todays #STICKYNOTE where I post some names I am looking at and levels of Interest. 🫡📈💥 Market starting to head lower here as I type this, and now looking to be #patient with some dip buy opportunities " +"Thu May 09 14:12:35 +0000 2024","The AI stock rally $AMD $TSM $ARM $SMCI is stalled. Can $NVDA earnings (May 22) save the quarter? $QQQ $SPY $AMZN $META $AAPL $GOOGL #stocks #trading #investing #investment " +"Wed May 01 18:53:32 +0000 2024","Markets rip on Fed easing balance run off and Powell keeping the course 🔥 ➡️I briefed Insiders today was a bullish setup and that $NVDA & $AMZN would be big movers with $SPY & $QQQ strength. Markets got overly hawkish. Insider or not, always look for asymmetrical risks 🚀 " +"Thu May 09 13:18:29 +0000 2024","🚨 #StickyNote Traders! Today's #TRADE Watchlist is Heating Up 🔥 Don't let these setups fly under the radar! Get those sticky notes ready and let's get this cash! 💰 Feeling #BULLISH today after the jobless claims number and holding well above 18k on the #NASDAQ. $TSLA $176SS " +"Thu May 02 21:36:13 +0000 2024","📈Trader Insights – tech back in vogue with Apple firing up With the Fed meeting out of the way, and the market feeling assured that the Fed’s thinking is still firmly skewed to cuts, where the barrier to hike is set incredibly high, we’ve seen risk working well. A strong rally" +"Tue May 21 19:50:27 +0000 2024","Never short a dull market, and this is about as dull as you get. $SPY no volume at all... $MSFT $QCOM new ATH.. $TSLA nice breakout today.. $AAPL grinding higher. Stick w/ names in play and ignore the rest for now! $NVDA tomorrow HAGN!" +"Wed May 01 20:10:00 +0000 2024","Stock Market Mid Week Update #VIDEO Fed delivered, market likes balance sheet taper. See how we react tomorrow, eyes on $NVDA $MSFT $GOOGL $AMZN to see if they come back for them now. Weak close.... HAGN! " +"Wed May 15 00:02:25 +0000 2024","MegaCaps drive the indices. So, tell me, bears... What Megacap stocks are cracking? Which ones are you shorting? $TSM just broke out to all-time highs. $JPM - America's biggest - closed at ATHs today. $AVGO is starting to break out of a multi-week consolidation. $NVDA also" +"Fri May 03 12:11:57 +0000 2024","If you come at the King you best not miss. $AAPL record buyback strong like a Kendrick Lamar Diss. Block with a beat while $COIN down on strong numbers and now we get NFP data so get up from your slumber! $AAPL - Record buyback $110m. despite slower Iphone sales, margins good," +"Wed May 22 01:49:58 +0000 2024","$NVDA is 5% of the $SPY $NVDA is 6.5% of the $QQQ $NVDA is a whopping 20.6% of the $SMH Tomorrow is our Superbowl fella’s. Eat right. Sleep tight. Maybe a little cozy with the wife. See you tomorrow, early and bright. #bars" +"Thu May 02 14:12:43 +0000 2024","$MSFT $AAPL $AMZN $GOOG $TSLA $BRK.B $JNJ $UNH $XOM $PG $NVDA $META $BAC $JPM $WMT $VZ $HD $BA $CSCO $WFC The stock market opened on an upbeat note. The S&P 500 is trading 0.4% higher and the Nasdaq Composite sports a 0.7% gain. Gains in the mega cap space are having an" +"Fri May 03 16:46:38 +0000 2024","Whats Moving The Market: $MSFT $AAPL $AMZN $GOOG $TSLA $BRK.B $JNJ $UNH $XOM $PG $NVDA $META $BAC $JPM $WMT $VZ $HD $BA $CSCO $WFC 1. Reacting to the April jobs report, which was pleasing in terms of implications for earnings growth and the Fed's policy path  2. Sharp drop in" +"Mon May 13 12:00:30 +0000 2024","$SPY – Markets opening with bulls in control and a bit of a gap higher out of AAPL and MSFT on the possible AI partnership for Siri / iPhone. Could be what it takes for the market to do something ahead of CPI Wednseday. Lets begin! " +"Tue May 28 20:01:14 +0000 2024","$SPY $QQQ Dips are buyable before major data this week that includes GDP/PCE later this week. As we warned our viewers that market likely to chop around flat for next two days, dips are buyable if you're bullish on data. $NVDA hit another ATH 1149 this afternoon continuing to " +"Tue May 07 00:27:07 +0000 2024","$META $NFLX Both trying to fill the gaps from ER. $TSLA $AAPL holding the earning gap ups and attempting to u-turn. $NVDA $GOOGL $AMZN just best in class and moving higher." +"Mon May 06 22:38:11 +0000 2024","The $SPX kicked off the week strongly on Monday, fueled by renewed optimism for a potential Federal Reserve interest rate cut in September, sparking widespread gains across Wall Street. FANG Innovation📱 🟢Nvidia $NVDA +3.77% 🟢Advanced Micro Devices $AMD +3.44% 🟢Netflix $NFLX " +"Thu May 02 12:34:05 +0000 2024","$SPY Hidden Divergence on the 1 hour. Higher lows, next higher high 513/514. Possible soft NFP tomorrow? $AAPL Saves the market again? Won't be shocked. Semi's been bleeding out last 48 hours, due for a bounce $NVDA $AMD Video: " +"Mon May 13 09:49:39 +0000 2024","$SPY $QQQ $AAPL $GOOGL $MSFT $NVDA As you hear pundits debate the news of Apple being close to inking a deal with OpenAI on the iPhone, which is not a search engine from reported research, but Google is already getting hit pre market as if it is a competitor and MSFT is catching " +"Tue May 21 12:20:09 +0000 2024","Ethereum continues to climb as ETF excitement grows. While $PANW and $ZM earnings reactions lead to woes. We've got Fed speakers all day while Chinese ADR's in play and a meme crazy that wont go away. $AAPL - Contesting EU 1.8B euro fine. Following strong day yesterday. Longs" +"Wed May 15 21:32:53 +0000 2024","IF YOU'RE A BEAR, LOOK AWAY... $DIA, $SPY, and $QQQ hit all-time highs today 📈 BMO just raised its S&P price target to 5,600, the highest on Wall St It feels like the ripping has just begun, imagine if $NVDA hits earnings next week 👀 " +"Fri May 03 20:15:44 +0000 2024","#topsyturvy week, but $SPY +0.5% and $QQQ +1% - start of week, #hawks bearish on higher ECI - but #Fed #FOMC dovish - April soft jobs confirmed dovish Fed BONUS: great earnings $AMZN $AAPL ""Fear of May"" now ""Buy in May"" Have a great weekend! @MarkNewtonCMT 4/19 bottom remains " +"Mon May 13 12:24:46 +0000 2024","We start the week with AI, Open AI stream comes at 1pm today. Apple continues higher on its Ai reveal from last makes hay. Tencent Music earnings bring Alibaba up ahead of theirs before tomorrows bell and a tweet from Roaring kitty makes $GME price swell. $AAPL - Higher as they" +"Fri May 17 00:44:35 +0000 2024","Trade Recap May 16 on $QQQ aone and done locking in over $4k on SPY and QQQ both long and short. See how to view the stock market like a true contrarian #traderecap #optionstrading #techstocks $AAPL $NVDA $TSLA $META $GME $RIOT $INTC $MU $SQ $AMC $LULU " +"Mon May 20 16:53:19 +0000 2024","The tech-heavy Nasdaq climbed to a record high on Monday, boosted by chipmakers, with highly awaited quarterly results from Nvidia and the Federal Reserve's policy meeting minutes this week likely to test Wall Street's record-breaking run. Upbeat corporate earnings and" +"Mon May 20 13:51:38 +0000 2024","Starting the week SPY QQQ XLK SMH Take the day up XLV’s close too. JNJ Gapper with some nice pmg action Weekend vid names in force CSCO. Few energies went 2u red to open" +"Thu May 30 20:10:44 +0000 2024","Another very low volume day. $SPY Under the 21D... careful now. PCE tomorrow am. $NVDA into it's earnings gap. $MSFT $GOOGL$AMZN hit hard. $AAPL holding well.. Thin Market" +"Wed May 15 16:53:56 +0000 2024","$QQQ 455 $SPY 538 fib extensions. Sheesh. $AMD $NVDA lagged behind $AAPL too so if those stocks continue, then it's going to push index higher + $MSFT $AMZN $GOOG already have done some heavy lifting with $META $NFLX and you can see NFLX red today as they rotate in to other" +"Mon May 06 19:44:02 +0000 2024","Very quiet day, but $SPY $QQQ breaking to the upside.. $NVDA $MSFT $AMZN $NFLX $META strong and leading today. HAGN!" +"Wed May 29 20:12:00 +0000 2024","Another very quiet day. $NFLX $NVDA $AMZN $GOOGL all good moves today providing trades. $TSLA trying to push, on watch for tomorrow. GDP @ 8:30 room open early! $CRM getting wrecked AH! HAGN!" +"Mon May 13 11:09:09 +0000 2024","MARKET RECON: Inflation and the Economy, Unpleasant Macros, AI Spending, Latest Charts, Week Ahead $XLU $AAPL $GOOG $META $MSFT $NVDA $TSLA $ARM $PLTR $ORCL $HD $CSCO $DE $WMT $AMAT $STNE $SPX $COMPQ #MarketRecon via @sarge986" +"Sat Jun 22 08:48:01 +0000 2024","🌟 ""The stock market is filled with individuals who know the price of everything, but the value of nothing."" Invest in the value of $LOBO! 📈 #StockMarket #Investment $MYNZ $AAPL $TSLA $AMZN $MSFT $JNJ $PG $VZ $PFE $NFLX #Sustainability #ElectricVehicles #stockalert " +"Wed Jun 19 14:12:09 +0000 2024","Apple ( $AAPL) avoids paying a $40B fine by resolving EC probe over Apple Pay with concessions, meaning apple stock should see some recovery in its stock price as it started decreasing when it hit $118 per share. #trading #marketnews #apple #iphone #stockmarket " +"Fri Jun 21 15:40:01 +0000 2024","Tesla's August 8th robotaxi day could be a ""near-term catalyst"" for the stock, says Wedbush. They've got a $275 price target - that's 33% upside. You think they're smoking something good over at Wedbush, or what? #Tesla #StockMarket #WallStreet #TSLA" +"Fri Jun 14 16:38:33 +0000 2024","$SLRN price crossed MA50 on last run which is a good sign #Stock #NASDAQ #stockmarket #USMARKETS" +"Sun Jun 02 19:19:37 +0000 2024","$SPY $NVDA $AMD $META $AMZN $AAPL $GOOG $SMCI $TSLA $MSFT $NFLX Weekly update 6/02 I put a lot of time and effort into these posts. Please like, repost and comment to show your support 🙏💰💸 " +"Sun Jun 16 19:08:26 +0000 2024","$SPY $NVDA $AMD $META $AMZN $AAPL $GOOG $SMCI $TSLA $MSFT $NFLX Weekly update 06/16 Free discord server: I put a lot of time and effort into these posts. Please like, repost and comment to show your support 🙏 " +"Thu Jun 27 12:42:12 +0000 2024","Just a reminder, $TSM is reporting in 21 days. I will conduct a comprehensive analysis on growth, and highlight opportunities and weaknesses in a post later today. I will also predict the stock price close to the earnings date. #InvestSmart #Earnings #TSM #AI #StockMarket " +"Tue Jun 11 20:40:16 +0000 2024","A look into #BigTech and Equity Indices ahead of #CPI and #FOMC! Are we headed to further All Time Highs or will Big Tech finally take a breather? Get some rest! $AAPL $AMZN $NVIDIA $TSLA $META $GOOG $ES $NQ $IWM $RTY $SPX $XLU $XLF $XLY @GrasshopperNick S&P500 Support: 5305 & " +"Wed Jun 12 21:15:15 +0000 2024","Amid CPI and the Fed, the story continues to be tech $ORCL $AVGO $AAPL $MU $NVDA. With today’s record the #ES_F closing in on our target. Still poor breadth and the Dow negative. #NQ_F $SPY $QQQ " +"Tue Jun 04 16:43:37 +0000 2024","Back in the soup: Elon Musk accused of selling $7.5B in stock before weak sales report that crashed share price. @CNNBusiness #business #Tesla #stockmarket $TSLA" +"Thu Jun 20 20:28:38 +0000 2024","SPY and QQQ experienced gap up exhaustion. Semiconductors lifted the market in premarket, but as $SMCI and $NVDA began consolidating, the market turned heavy. $AMZN was a standout bull, while DIA surged strongly. " +"Tue Jun 04 20:23:31 +0000 2024","Another great rebound for #ES_F with #NVDA and #AAPL doing some heavy lifting of late. #CRWD earnings just now. Rest of the week will be very macro with ISM Services up tomorrow. #NQ_F #QQQ #SPY #SPX " +"Fri Jun 21 13:49:46 +0000 2024","$SPY $SPX 10 minute TARGER HIT THANK YOU #PMI GOING TO ENJOY MY WEEKEND $TSLA $AAPL $AMZN $MSFT $GOOG $META $JPM $BAC $V $GME $SMCI $NVDA $PYPL $NFLX $DIS $CRM $NKE $BA $BABA $AMC $AMD $QCOM $SHOP #Bitcoin      $COIN $QQQ #viral #MONEY #millionaire #WIN " +"Tue Jun 11 09:57:02 +0000 2024","Market News with FXOpen - 11 June 2024 🔸Bitcoin's Short-Term Holders' Realized Price Rises Showing Bull Market Trend; 🔸European Stocks Open Higher as Markets Turn to Fed, U.S. Inflation; 🔸Analysts Reboot AMD Stock Price Targets on AI Market Outlook. #AMD #BTC #stockmarket " +"Wed Jun 12 13:59:40 +0000 2024","$NDX perfect inverse head and shoulders as discussed in the previous chart. Great example on the importance of following price action. 🎯 You can follow my profile for daily stock market setups! 👍 #Nasdaq #StockMarket #Stocks #DayTrading #Trading #Crypto #Cryptocurrencies " +"Tue Jun 25 21:09:32 +0000 2024","$TSLA #Tesla stock (TSLA) is currently at $187.15. Analysts offer a 1-year price forecast ranging from $85 (min) to $310 (max), averaging at $227. Exciting times ahead for Tesla investors! 📈🔋 #Tesla #StockMarket #Investing #TradingView " +"Sun Jun 09 18:13:33 +0000 2024","$SPY $NVDA $AMD $META $AMZN $AAPL $GOOG $SMCI $TSLA $MSFT $NFLX Weekly update 06/09 I put a lot of time and effort into these posts. Please like, repost and comment to show your support 🙏💸 Free Server: " +"Mon Jun 03 14:17:09 +0000 2024","🚀The must-watch ticker today: Advanced Micro $AMD -0.40% now; #AInvest_Magic #trade #equities #StockMarket #finance $AMD has +8.11% in price since the Magic signal was generated. 👏View more: " +"Wed Jun 12 01:45:30 +0000 2024","Stock mkt seeing AI & Apple-related (yesterday ATH $207) face-ripper rally. Inari in the mix +8%, supposedly an Apple play. And FBM70 is above historic 18K level. Enjoy the rest of the day, tech stock owners. Btw, US May inflation tonight (est 3.4%) then Fed rates decision " +"Wed Jun 05 19:58:18 +0000 2024","$SPY $NVDA $QQQ The S&P 500 rose to a fresh high Wednesday as Nvidia led major tech stocks higher and slightly weak labor market data gave investors hope the Federal Reserve might move to lower interest rates later this year. At this point, Fed Swaps are pointing towards a first " +"Sun Jun 30 12:54:15 +0000 2024","Good morning, traders! Happy Sunday! $AAPL $ABBV $ADBE $AMD $AMZN $AZO $BA $DIS $META $FDX $HD $INTC $IWM $JPM $LMT $LOW $MA $MSFT $NFLX $NVDA $RH $ROKU $SNAP $SPY $T $TLT $TSLA $UVXY $V $VXX $XOM " +"Tue Jun 25 02:51:02 +0000 2024","Going over the watchlist and updating for tmrw ! #ES_F #NQ_F $META $NVDA $AAPL $GME $TSLA $AMC $BAC $AMD $PLTR $PFE $MSFT $CCL $WMT $UBER $BABA $META $JPM $DIS $BA $HD $NFLX $AMZN $ULTA $COST $MBLY $PANW 😍😍😍 " +"Wed Jun 26 04:40:00 +0000 2024","The Nasdaq rallied 1.3%, buoyed by strength in Nvidia and other tech megacaps, while the Dow slipped as retailers weighed and investors waited for crucial inflation data due this week. More here: " +"Wed Jun 26 12:38:24 +0000 2024","Related $VIX $IXIC $QQQ $SPX $SPY $DJIA $DIA $RUT $IWM $NQ $ES $YM $RTY $AAPL $MSFT $NVDA $TSLA $AMD $PLTR $BABA $META $AMZN #TradingSignals #Stocks #DayTrading #SwingTrading #StocksToWatch #StocksToTrade #TradingSignals #TradingStrategy" +"Tue Jun 18 23:25:53 +0000 2024","$SPY 61% of stocks higher today vs $QQQ 50% up. I wouldn’t be surprised to see some catch up in key sectors outside of tech over the next few weeks. " +"Wed Jun 26 01:03:26 +0000 2024","Nasdaq has pulled back below its weekly upper Bollinger Band. Index is up 8 of 9 weeks and is currently in a three weeks tight. $MU earnings tomorrow could change the picture. $QQQ same story. $SMH same but not a three weeks tight. " +"Thu Jun 13 23:55:45 +0000 2024","$SMH made new highs $QQQ made new highs $SPY made new highs yesterday Meantime, stocks made new 52w lows today. $SNOW $MDB $FSLY $BILL $DLO $U $PAYC $TDOC $ROKU $ZM Stocks that made new 52w highs today. $NVDA* $MU* $ANET* $LLY* $NXT* $SE* $AVGO $QCOM $HPE $LRCX $WDC $ORCL" +"Mon Jun 17 20:24:45 +0000 2024","Another day of new ATHs for $SPX and $QQQ. Tech leaders very strong and $AVGO $MU $AAPL $QCOM continue to ramp higher. Technology, Consumer Cyclical, and Industrials Lead. Utilities, Real Estate, and Health care lag with Rates up. Gambling, Computer Hardware, Food, Auto, " +"Thu Jun 20 02:01:14 +0000 2024","6/20/24 Trading Idea ✅ Futures up sharply for both $SPY & $QQQ with $NVDA as a trailblazer in the markets right now. No public idea tonight as I need to see how markets settle. If not to my standards - I won't post an idea 🙅‍♂️. Tuesday's $AMZN 👇was🎯 #optionstrading " +"Tue Jun 11 15:54:53 +0000 2024","A rather unusual day for US stocks, as all 11 sectors are down on the day. yet big-cap Technology strength is helping $XLK rise by +0.75% as $AAPL breaks out above its $200 level that's held since last July.  QQQ has just turned negative @IBD @Marketsurge charts here: " +"Fri Jun 28 11:03:53 +0000 2024","Today’s morning newsletter provided by my daughter, if you see in the right screen she has a position open. $SPX $ES_F $AAPL $ABNB $AMD $ARM $META $NVDA $TSLA " +"Sat Jun 01 18:26:00 +0000 2024","How are the 'Magnificent 7' Tech Stocks doing so far this year? 🟢 Nvidia Is Up +121.4% $NVDA 🟢 Meta Is Up +31.9% $META 🟢 Alphabet Is Up +23.4% $GOOGL 🟢 Amazon Is Up +16.1% $AMZN 🟢 Microsoft Is Up +10.4% $MSFT 🔴 Apple Is Down -0.1% $AAPL 🔴 Tesla Is Down -28.3% $TSLA $SPY " +"Mon Jun 03 22:17:39 +0000 2024","6/3 | Notable Inside Days: $AMZN, $MSFT, $MRVL, $DKNG, $WMT, $PYPL, $LYFT, $SNOW, $COIN, $SQ, $JPM, $EBAY, $DDO, $PEP, $TGT, $AA, $CPNG, $DASH, $PANW, $TTD, $TEAM, NOTES: - $SPY 65m closed right at the TL it opened above this morning. Bear gap still open from 529.20-529.86 -" +"Thu Jun 27 01:08:44 +0000 2024","The $QQQ set up a quick turn 2 days ago after undercutting and reclaiming the 10ema. Here are the stocks that have gained the most in that span on my wide screen: MLGO RGS NNE ALNY RIVN DJT ENVX HUT FDX CUK SMR CHWY CCL IONS ARGX WHR CVNA ASTS RDDT CORZ ZIM APLD VITL CNK EDU " +"Tue Jun 11 15:58:35 +0000 2024","Despite AAPL and Big-cap Tech strength's bullish effect on XLK.. other sectors like Financials are getting very hard hit- Equal-weighted Fins losing ground more rapidly than $XLF as $STT $BK $C $PYPL $AIG $AXP all down more than -2.5%. Fins of course very important to SPX at " +"Mon Jun 17 16:47:05 +0000 2024","#ACFMarketWrap Star on board - $ADSK popped +6% on activist position (Starboard). $GME gives up all June gains. $NEM gains on gold price outlook. AI bubble stocks $SMCI $PLTR +4%. Ex market darling $TSLA leads Mag7 $AAPL expands on slimmer iPhone guidance. $MSFT looks " +"Tue Jun 11 20:16:50 +0000 2024","Market Model #PTMM It was a red day overall for the broad market, with a -42th GDB day. MCSI continue to tend lower below the 10dma. NNH are flat & still weak Price gapped down, but closed strong barely above the 50dma. Outside of tech, Large/Mega-caps, and a few select " +"Mon Jun 10 05:22:29 +0000 2024","🚨 Xclusive Market Highlights and Weekly Prep Highlights of US Markets U.S. stock indices displayed mixed results this past week, as shifting economic data kept investors on their toes. The S&P 500 and Nasdaq Composite both hit new record intraday highs, driven by a surge in " +"Wed Jun 19 21:42:50 +0000 2024","6/18 | Notable Inside Days: $AAPL, $TSLA, $AMZN, $MARA, $PFE, $RIOT, $SNAP, $MSFT, $HOOD, $SBUX, $KO, $COIN, $JNJ, $SNOW, $TMUS, $JD, $AFRM, $GE, $RBLX, $ONON, $CRWD, $TGT, $DDOG, $PANW NOTES: - $SPY bull flag. Breaking 548.54 is more upside - $AAPL wedging. To go long need" +"Thu Jun 20 20:25:14 +0000 2024","Market Model #PTMM Despite seeing selling in the tech sector, the broad market was green all day. We were talking about it earlier this week. If we see that rotation out of Large/Mega-caps (mostly extended tech) and into the broad market....it will be critical to turn off the " +"Sun Jun 30 21:36:59 +0000 2024","$SPY $NVDA $AMD $META $AMZN $AAPL $GOOG $SMCI $TSLA $MSFT $NFLX Weekly update 06/30 Free discord server: I put a lot of time and effort into these posts. Please like, repost and comment to show your support 🙏" +"Sun Jun 23 19:52:32 +0000 2024","$SPY $NVDA $AMD $META $AMZN $AAPL $GOOG $SMCI $TSLA $MSFT $NFLX Weekly update 06/23 Free discord server: I put a lot of time and effort into these posts. Please like, repost and comment to show your support 🙏" +"Mon Jun 10 07:57:11 +0000 2024","$SPY $QQQ | Today's Key Events (All EST) ‣ No Major Economic Releases Scheduled 13:00: $AAPL WWDC 2024 After Close 👇 04:05: $YEXT 04:05: Skillsoft $SKIL 04:05: Calavo Growers $CVGW" +"Tue Jun 11 07:52:33 +0000 2024","$SPY $QQQ | Today's Key Events (All EST) 08:00: OPEC Monthly Report 13:00: U.S. 10Yr Note Auction Before Close 👇 08:00: Academy Sports & Outdoors $ASO After Close 👇 16:05: Oracle $ORCL 16:20: Casey’s General Stores $CASY" +"Tue Jun 04 12:56:19 +0000 2024","Here's a breakdown of the stocks mentioned in the #StickyNote 🫡📈 $AAPL - Apple Inc. - Consider buying on market dips around $192 $GOOGL - $174SS - Alphabet Inc. - Cloud layoffs and worries about the space, also watch Microsoft $MSFT $TSLA - $174L Tesla Inc. - Like the story " +"Thu Jun 13 04:46:56 +0000 2024","Thanks to big cap stocks the likes of $nvda $aapl $msft $googl, general indexes $spy $qqq are in bull market mode while the vast majority of stocks remain in chop mode. Don't let #FOMO get to you. Big opportunities are still Ahead of us not Behind us. 👇🏼👇🏼" +"Wed Jun 05 16:22:21 +0000 2024","$SPY $QQQ $AAPL Apple is at a triple top. Can it break out? This will probably determine the $QQQ trade. It’s why I took my gain and decided to spectate. We’ll see." +"Thu Jun 27 07:56:05 +0000 2024","$SPY $QQQ | Today's Key Events (All EST) 08:30: Initial jobless claims 08:30: U.S. Q1 GDP (2nd revision) 08:30: Durable-goods orders 10:00: Pending home sales 13:00: 7-Year Note Auction 16:30: Fed Bank Stress Test Results Before Open👇 06:00: Acuity Brands $AYI 06:30:" +"Thu Jun 20 14:08:22 +0000 2024","$SPY – Breadths are better than the open, ADDs getting positive. Index score trying to go positive as well but still struggling with neutrality. On the cross through the /ES open would have been better to see this more firmly positive. TICKs are neutralized but flattening at 0. " +"Thu Jun 20 13:55:49 +0000 2024","Markets $QQQ Filled the gap after our night fomo gap $SPY filled gap little bit now bullish Not all semis strong $DELL $SMCI $AMD leading $ARM $AVGO Bearish " +"Wed Jun 12 21:02:55 +0000 2024","S&P 500, Nasdaq soar to fresh records after inflation cools and Fed sees improving outlook $GSPC 5,421.03 $IXIC 17,608.44 $NVDA 125.20 $AAPL 213.07 $MSFT 441.06 $GOOG 179.56 $ORCL 140.38 " +"Sat Jun 22 00:07:54 +0000 2024","ULTIMATE Third Quarter Market Preview: Out With Nvidia In With Target, Tesla, AMD, Amazon, Disney, Oil & Alts In Q2 I SLAUGHTERED $NVDA $AAPL $FSLR $COIN $GME $MSTR to name some For my next trick... just watch and set an alarm for when September ends $SPY " +"Tue Jun 04 06:28:22 +0000 2024","7 companies make up over 50% of the #Nasdaq 100 and a big part of the world economy @Apple @Microsoft #alphabet @amazon @nvidia #meta @Tesla The world's top 100 companies account for $31.7 trillion in market capital. US companies make up 65% of the total market value In " +"Thu Jun 20 13:03:38 +0000 2024","$SPX & $QQQ 06-20 Checks notes… another gap up. The pump continues as $NVDA keeps pushing into higher highs, and this market can’t get enough of the AI craze. I am, however, planning to start a negative delta swing at the close of this Quad Witch OPEX (tomorrow) in " +"Fri Jun 28 19:33:15 +0000 2024","Leading AI / Power / Utilities / Liquid cooling / Solar / Retail / Aerospace Infra / Industrial Machinery stocks all got smoked this week SaaS comeback week thus far Money rotated past couple of weeks - This can be seen clearly in the price action #IYKYK $SPY $SMH $QQQ $IWM" +"Fri Jun 28 20:01:00 +0000 2024","Stock Market Weekly Recap #VIDEO Not a easy week, $SPY $QQQ new ath Friday then yank.. $MSFT $AMZN $GOOGL new ATH... stock pickers market $NVDA $TSLA $META etc. each day and ignore the rest! Charts Sunday Enjoy your weekend! " +"Tue Jun 18 12:24:51 +0000 2024","Here's a tweet summarizing the top stories: Top Stories: $AAPL Pushes Higher After Market Cap Milestone, More Upside for Semis! Futures 🟫 near records ahead of retail sales, Fed speakers. $SPX $COMP extending rallies on AI optimism. $AAPL hits $3T market cap, trades up " +"Fri Jun 21 12:17:58 +0000 2024","Top Stories: Semis Slide $NVDA , $AAPL Gets Bernstein Nod! Futures 🔻 as chip stocks dip. Markets eye PMI data for economic pulse. $SPX hit 5,500 milestone Thu, but closed lower with $COMP on megacap pullback. 64% chance of Sept rate cut priced in. Triple witching today. " +"Tue Jun 04 21:01:39 +0000 2024","$NVDA HAS NOW PASSED $AAPL IN THE S&P 500 INDEX BY % WEIGHT Top 3 companies that make up roughly 20% of the $SPY are $MSFT $AAPL $NVDA S&P 500 saw $36B+ in net inflows this year alone $6T of money still on the sidelines in money markets, money market funds actually increased" +"Mon Jun 24 12:01:16 +0000 2024","GOLDMAN TMT DESK: "".. feels like [price action] late last week was a reminder to not lose sight of 'the rest' of the Mag 7 as recent price action has created some better 'Set-ups' into preview/earning season – think; $GOOGL (quietly) flat for ~1-mo, $META flat since early Feb and" +"Sun Jun 09 18:40:07 +0000 2024","Although there numerous signs of deterioration in breadth, I don't see $SPY $QQQ going anywhere with $NVDA $META $MSFT $META $AAPL $GOOGL acting the way they are acting." +"Thu Jun 20 20:12:37 +0000 2024","Nice start to the day, when $NVDA $SPY $QQQ opened up another ATH's but that quickly fizzled out as market sold off the overnight move on semi names and moved in to XLU/XLV/XLE/XLF $DIA. Which isn't bad, gives the semi names such as $NVDA $DELL $SMCI and others a chance to cool " +"Sat Jun 29 01:04:05 +0000 2024","US winners and losers in H1 2024 : Chips stocks triumphed again during the first half of 2024, contributing to a significant chunk of the Nasdaq-100′s roughly 18% year-to-date gain. Nvidia is the most significant gainer in the concentrated index, up 152%, while Arm Holdings has" +"Thu Jun 06 00:44:54 +0000 2024","US Markets #DowJones +0.25% #Nasdaq +1.96% S&P500 +1.2% Dow Jones gains limited by Cisco, Walt Disney, Johnson & Johnson all down 1-3% Big gainers 🚀 Nvidia +5% & hits $3 trillion market cap- led tech stocks higher. Bank of America said Nvidia could rally to $1,500 🚀 Hewlett" +"Sat Jun 15 00:30:55 +0000 2024","In Today's DailyRip... Market Cap Kings Carry New Highs $QQQ $SPY The largest tech stocks in the world continue to rally, pushing the large-cap Nasdaq 100 and S&P 500 indexes to new heights. Meanwhile, the small-cap Russell 2000 and price-weighted Dow Jones Industrial Average " +"Thu Jun 13 19:54:43 +0000 2024","$SPX Pretty slow day today, not much but bag of mixed movements. The star really was $SMCI and even though $TSLA started the morning with a bang gave back some of the gains. We'll have to see how the shareholder event tonight goes, but I'm guessing not much and $TSLA has a daily " +"Tue Jun 11 14:25:24 +0000 2024","This is exactly why the the $SPY and $QQQ can NOT crash. Every Magnificent 7 (ex TSLA, sub TSM in) which makes up one third of the two indices, keeps playing hot potato of who gets to hit ATH's tomorrow. Last week it was MSFT. Yesterday it was NVDA, today it is AAPL. Who next?" +"Mon Jun 17 15:20:43 +0000 2024","$SPY $QQQ $COST a message to bears: you need to show up for me to believe we aren’t in Pamplona. CTAs are literally goosing a different Mag 7 every day. Today it’s $AAPL $NFLX $TSLA. Of course it’s manipulated." +"Mon Jun 10 02:05:53 +0000 2024","$SPY $QQQ the market breaks when the Mag 6 break. $AAPL above $200 and the computers will get excited. $AAPL below $190 and the computers will pause. It’s all about 🍎" +"Wed Jun 12 00:43:31 +0000 2024","Mega caps are looking really, really good... $AAPL had a monster breakout today. Up 7.3% and closed at new all-time highs. $MSFT also hit a new all-time high, and is starting to emerge from a multi-month base. $GOOG is getting really tight. Multi-week bull flag. Wants higher." +"Wed Jun 26 14:52:04 +0000 2024","between $TSLA and $AMZN some big winners today plus $FDX in other accounts for earnings. Now if we can just get TLT and IWM to get going but thats more of a Q3 idea :)" +"Fri Jun 14 00:42:24 +0000 2024","In Today’s DailyRip… Another Day, Another All-Time High That makes forty new highs for $SPY this year, a pace that puts it on track to have the most of any year ever. Big tech continues to pull the market higher, with traders wondering when laggards like $AMZN and $NFLX will " +"Tue Jun 18 20:03:25 +0000 2024","What did you expect? After such a beautiful unexpected move yesterday to start the week $SPY $QQQ just ranged it today, which is great news. After a big move you want consolidation and some basing. Big news $NVDA is now the #1 largest company in the world by Market Cap displacing " +"Mon Jun 10 20:11:48 +0000 2024","We talked about the $AAPL chart of the weekend having run UP in to the WWDC event. Unfortunately, the event did not have ""AI"" sexiness the market is looking for, but a few cool new gadgets, bells and whistles was about all they can muster up. $AAPL is holding the break out level " +"Tue Jun 11 19:47:37 +0000 2024","Quiet day mostly.. $QQQ new ATH.. $SPY very close. $AAPL MONSTER! ATH huge candle. $MSFT $META also very strong. FOMC tomorrow, 2pm. It's Taco Tuesday... I like tacos! Maybe Margarita Tuesday? HAGN!!" +"Fri Jun 28 04:28:49 +0000 2024","$SPY $QQQ $NKE Nike earnings sucked. Druckenmiller said he’s taking a lot of chips off of the table. I feel the same way. A CTA algo SoftBank manipulated market just isn’t interesting. Enjoy!" +"Wed Jun 05 19:46:49 +0000 2024","Markets new ATH.. $SPY $QQQ $SMH.... strong move all day. $NVDA to the moon.. $MU $ARM $META huge moves, catch it? $COIN Breaking out? Duke's GF stopped by to cheer him up... Misses his Frenemy " +"Wed Jun 12 20:25:46 +0000 2024","$SPY $QQQ Tech bulls have the ball. The narrow fairway may or may not be a problem. $AAPL price action was a surprise. There are many fundamental warning signs, but no technical damage." +"Thu Jun 13 04:28:36 +0000 2024","Nasdaq is up 2% Because of Apple Nvidia Microsoft Accenture was down 3% Dow jones index only 4 stocks were positive and 26 stocks down Be careful" +"Thu Jun 13 11:58:43 +0000 2024","$SPY – Some up, some down. Markets shouldn't be too shocked this go around with PPI on the heels of what CPI did yesterday. More interested in the TSLA and NVDA gap up and possibility for AAPL to cool off. Lets begin! " +"Thu Jun 27 00:59:55 +0000 2024","*WHAT HAPPENED OVERNIGHT* -> SPX +0.16%, Nasdaq +0.48% -> Tech stocks saw an impressive rally, Amazon led gains on AI optimism -> UST 10y yield +7 bps to 4.32% -> Dollar Index +0.42% to > 106 -> Oil little changed, settled at $84.99 -> US new home sales plunged 11% MoM, but" +"Mon Jun 17 14:36:30 +0000 2024","$SPY $QQQ a algo pro trader has taught me each of the Mag 6 has to reach a target before $QQQ can correct. The Emperor that has no clothes at this level is $AAPL. Watch $AAPL for a reversal (or not)." +"Wed Jun 12 12:34:20 +0000 2024","U.S CPI (MOM) (MAY) ACTUAL: 0.0% VS 0.3% PREVIOUS; EST 0.1% U.S CORE CPI (MOM) (MAY) ACTUAL: 0.2% VS 0.3% PREVIOUS; EST 0.3% $SPY $QQQ $AAPL $AMZN $TSLA" +"Tue Jun 11 18:57:15 +0000 2024","Bearish divergence all over the place into CPI and FOMC, pre stock split and $NVDA held the market up and now $AAPL mentioned AI to reach new highs. Is it going to burst soon? " +"Mon Jun 24 12:19:44 +0000 2024","Top Stories: Antitrust Issues for $AAPL, $BTC Reaches One-Month Lows! Futures 🟫 as June winds down. Markets eye PCE data, presidential debate. $SPX logs 3rd straight weekly gain, $DJI best in 6 weeks. 60.4% chance of Sept rate cut priced in, despite Fed's Dec projection. " +"Mon Jun 17 20:20:04 +0000 2024","$QQQ $SPY continue to power higher. $QQQs closed at their highest RSI all year 81. Notable in todays rally were solar names, ugly, $NVDA closing red on the day & software $CRM $ADBE $MDB all lower. Tomorrow we have retail sales." +"Fri Jun 21 16:21:30 +0000 2024","Market bounces once again as $NVDA bounces and money goes into other Big Cap Techs like $AAPL, $MSFT, $GOOG etc. I'm still cautious into next week." +"Thu Jun 27 13:03:03 +0000 2024","Hmmm, interesting morning... $SPY Up $QQQ Up $BTC Up $DIA Dn $SMH Dn, Retail mixed news GDP Up Claims Flat, nothing really pulling hard one way or the others... have to see what the Chip stocks do at the open..." +"Tue Jun 18 13:34:58 +0000 2024","It is crazy how, for quite a few trading days in a row now, $AAPL and $NVDA have been driving the market, especially Nasdaq, day in and day out, and it is no different today." +"Thu Jun 13 10:46:58 +0000 2024","SPY S&P 500 Top 3 Holdings Microsoft MSFT: 7.2% Apple AAPL: 6.8% Nvidia NVDA: 6.8%* = 20.8% *was 88bps (0.88%) in 2020, then 105bps (1.05%) in 2022." +"Wed Jun 26 19:23:50 +0000 2024","Off screens early tonight. $MU after the close and bank Stress tests. Market about names.. Today.. $AMZN ATH.. $TSLA $AAPL nice move.. Maybe stress tests break the range HAGN!" +"Wed Jun 12 02:25:19 +0000 2024","$AAPL New ATH Today $NVDA New ATH on 6/6 $MSFT New ATH on 5/23 $GOOGL New ATH on 5/20 $AMZN New ATH on 5/9 $NFLX Only down 7% from ATH And then there's $TSLA... DOWN 59% FROM ATH" +"Mon Jun 17 19:43:50 +0000 2024","Markets new ATH.. $SPY $QQQ $SMH.. $MSFT $AAPL $TSLA $SMCI $DELL huge days.. $GOOGL $AMZN $META $NFLX looking good... See what tomorrow bring! Remember Market closed Wed." +"Thu Jun 13 19:47:20 +0000 2024","Very quiet day again, digestion. $SMH $NVDA $AVGO $MU etc.. continue to carry markets. $MSFT $AAPL held in well... $TSLA good trade early but didn't' hold well. Shareholder meeting tonight. HAGN!" +"Sat Jun 08 18:21:10 +0000 2024","Opp cost is real. While u have been sitting in that promised bagger stock waiting for it to rocket it out of its base for months or years even, the $SPY and $QQQ indexes up about 14% YTD. Lets not talk about 1YR on these $NVDA 220.5% $META 89% $NFLX 60% $AMZN 50% $GOOG 43.5%" +"Mon Jun 10 19:49:25 +0000 2024","Overall very quiet day. $SMH new ath.. $MU $ARM leading.. $GOOGL $AMZN $MSFT $META good days... $AAPL.. well outsourcing your AI is not a needle mover. FOMC Wed, may be very quiet til then HAGN!" +"Fri Jun 28 12:19:02 +0000 2024","There's no debate about it, the markets did NOT like $NKE's report. Chasing around $DJT after last night will seem like a sport. Both Amazon and Tesla are on the hunt for the $200 level markets up for now but awaiting PCE before we can revel. $AMZN - Continues breakout after" +"Sun Jun 30 15:11:52 +0000 2024","Let's track these a BIG TECH monthly charts! $TSLA $AAPL $MSFT $NVDA $META $AMZN $GOOGL Let's track these Magnificant Seven stock together. Drop a comment to be notified and bookmark to follow along... ❤️🐶" diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/tweets_collection.ipynb b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/tweets_collection.ipynb new file mode 100644 index 0000000..f50b1f6 --- /dev/null +++ b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/tweets_collection.ipynb @@ -0,0 +1,890 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 82, + "metadata": {}, + "outputs": [], + "source": [ + "import importlib\n", + "import utils\n", + "\n", + "import os\n", + "import pandas as pd\n", + "import numpy as np\n", + "import yfinance as yf\n", + "from datetime import datetime\n", + "from scipy.stats import mode\n", + "import nltk\n", + "\n", + "from transformers import AutoTokenizer, AutoModelForSequenceClassification\n", + "import torch\n", + "from nltk.corpus import stopwords\n", + "\n", + "importlib.reload(utils)\n", + "from utils import Preprocess_Tweets" + ] + }, + { + "cell_type": "code", + "execution_count": 47, + "metadata": {}, + "outputs": [], + "source": [ + "end = datetime.now()\n", + "start = datetime(end.year, end.month, end.day-7)" + ] + }, + { + "cell_type": "code", + "execution_count": 48, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "[*********************100%%**********************] 1 of 1 completed\n" + ] + } + ], + "source": [ + "stock = \"GOOG\"\n", + "google_stock = yf.download(stock, start, end)" + ] + }, + { + "cell_type": "code", + "execution_count": 49, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
OpenHighLowCloseAdj CloseVolume
Date
2024-07-08191.365005191.679001189.320007190.479996190.47999612097600
2024-07-09191.750000192.860001190.229996190.440002190.44000210198500
2024-07-10190.750000193.309998190.619995192.660004192.66000412052900
2024-07-11191.339996192.410004186.820007187.300003187.30000316452000
2024-07-12186.919998188.690002186.139999186.779999186.77999914429100
\n", + "
" + ], + "text/plain": [ + " Open High Low Close Adj Close \\\n", + "Date \n", + "2024-07-08 191.365005 191.679001 189.320007 190.479996 190.479996 \n", + "2024-07-09 191.750000 192.860001 190.229996 190.440002 190.440002 \n", + "2024-07-10 190.750000 193.309998 190.619995 192.660004 192.660004 \n", + "2024-07-11 191.339996 192.410004 186.820007 187.300003 187.300003 \n", + "2024-07-12 186.919998 188.690002 186.139999 186.779999 186.779999 \n", + "\n", + " Volume \n", + "Date \n", + "2024-07-08 12097600 \n", + "2024-07-09 10198500 \n", + "2024-07-10 12052900 \n", + "2024-07-11 16452000 \n", + "2024-07-12 14429100 " + ] + }, + "execution_count": 49, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "google_stock.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 50, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
DateTweet
0Tue Jan 02 21:09:21 +0000 2018Good closing #price on $GE today. Looking forw...
1Sun Jan 14 16:19:31 +0000 2018$GE is a long term #buy at today's #stock pric...
2Fri Jan 05 21:25:31 +0000 2018Watch Us Report LIVE from the Floor of the NYS...
3Tue Jan 16 17:49:14 +0000 2018Just a Fun Fact on #DJIA RSI on Dow Jones We...
4Wed Jan 17 08:15:51 +0000 2018Repeat after me: the 👏🏼 Dow 👏🏼 Jones 👏🏼 doesn’...
5Fri Jan 05 21:23:49 +0000 2018Watch Us Report LIVE from the Floor of the NYS...
6Wed Jan 31 14:40:47 +0000 2018Which Way Wednesday - Fed Edition $AAPL $DIA #...
7Thu Jan 25 16:15:23 +0000 2018Greater Fool Theory: buy a stock at an outrage...
8Fri Jan 26 19:14:08 +0000 2018How to follow Stock Price Movement for Profit....
9Sat Jan 27 18:42:32 +0000 2018Notable Earnings 📈📉 M $IDTI $LMT $RMBS Tue $...
10Mon Jan 08 01:11:05 +0000 2018Our Book: Charting Wealth, Chapter 5. Candlest...
11Fri Jan 26 21:40:28 +0000 2018Got most of my $STM loss from yesterday back. ...
12Sat Jan 06 07:00:21 +0000 2018$SPY Heres recap of my trades for the week tha...
13Fri Jan 19 21:06:07 +0000 2018Wait. I thought earnings were the thing that ...
14Mon Jan 08 14:20:45 +0000 2018Monday Market Madness - Who's Watching the Wat...
\n", + "
" + ], + "text/plain": [ + " Date \\\n", + "0 Tue Jan 02 21:09:21 +0000 2018 \n", + "1 Sun Jan 14 16:19:31 +0000 2018 \n", + "2 Fri Jan 05 21:25:31 +0000 2018 \n", + "3 Tue Jan 16 17:49:14 +0000 2018 \n", + "4 Wed Jan 17 08:15:51 +0000 2018 \n", + "5 Fri Jan 05 21:23:49 +0000 2018 \n", + "6 Wed Jan 31 14:40:47 +0000 2018 \n", + "7 Thu Jan 25 16:15:23 +0000 2018 \n", + "8 Fri Jan 26 19:14:08 +0000 2018 \n", + "9 Sat Jan 27 18:42:32 +0000 2018 \n", + "10 Mon Jan 08 01:11:05 +0000 2018 \n", + "11 Fri Jan 26 21:40:28 +0000 2018 \n", + "12 Sat Jan 06 07:00:21 +0000 2018 \n", + "13 Fri Jan 19 21:06:07 +0000 2018 \n", + "14 Mon Jan 08 14:20:45 +0000 2018 \n", + "\n", + " Tweet \n", + "0 Good closing #price on $GE today. Looking forw... \n", + "1 $GE is a long term #buy at today's #stock pric... \n", + "2 Watch Us Report LIVE from the Floor of the NYS... \n", + "3 Just a Fun Fact on #DJIA RSI on Dow Jones We... \n", + "4 Repeat after me: the 👏🏼 Dow 👏🏼 Jones 👏🏼 doesn’... \n", + "5 Watch Us Report LIVE from the Floor of the NYS... \n", + "6 Which Way Wednesday - Fed Edition $AAPL $DIA #... \n", + "7 Greater Fool Theory: buy a stock at an outrage... \n", + "8 How to follow Stock Price Movement for Profit.... \n", + "9 Notable Earnings 📈📉 M $IDTI $LMT $RMBS Tue $... \n", + "10 Our Book: Charting Wealth, Chapter 5. Candlest... \n", + "11 Got most of my $STM loss from yesterday back. ... \n", + "12 $SPY Heres recap of my trades for the week tha... \n", + "13 Wait. I thought earnings were the thing that ... \n", + "14 Monday Market Madness - Who's Watching the Wat... " + ] + }, + "execution_count": 50, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "tweetsDf = pd.read_csv(\"tweets.csv\")\n", + "tweetsDf.head(15)" + ] + }, + { + "cell_type": "code", + "execution_count": 51, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
DateTweet
02018-01-02Good closing #price on $GE today. Looking forw...
12018-01-14$GE is a long term #buy at today's #stock pric...
22018-01-05Watch Us Report LIVE from the Floor of the NYS...
32018-01-16Just a Fun Fact on #DJIA RSI on Dow Jones We...
42018-01-17Repeat after me: the 👏🏼 Dow 👏🏼 Jones 👏🏼 doesn’...
\n", + "
" + ], + "text/plain": [ + " Date Tweet\n", + "0 2018-01-02 Good closing #price on $GE today. Looking forw...\n", + "1 2018-01-14 $GE is a long term #buy at today's #stock pric...\n", + "2 2018-01-05 Watch Us Report LIVE from the Floor of the NYS...\n", + "3 2018-01-16 Just a Fun Fact on #DJIA RSI on Dow Jones We...\n", + "4 2018-01-17 Repeat after me: the 👏🏼 Dow 👏🏼 Jones 👏🏼 doesn’..." + ] + }, + "execution_count": 51, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Convert the Date column to datetime\n", + "tweetsDf['Date'] = pd.to_datetime(tweetsDf['Date'], format='%a %b %d %H:%M:%S %z %Y')\n", + "\n", + "# Format the Date column to the desired format\n", + "tweetsDf['Date'] = tweetsDf['Date'].dt.strftime('%Y-%m-%d')\n", + "\n", + "tweetsDf.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 52, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
DateTweetTweet_Cleaned
02018-01-02Good closing #price on $GE today. Looking forw...good closing on ge today looking forward to mo...
12018-01-14$GE is a long term #buy at today's #stock pric...ge is a long term at todays price aapl amzn ba...
22018-01-05Watch Us Report LIVE from the Floor of the NYS...watch us report live from the floor of the nys...
32018-01-16Just a Fun Fact on #DJIA RSI on Dow Jones We...just a fun fact on rsi on dow jones weekly cha...
42018-01-17Repeat after me: the 👏🏼 Dow 👏🏼 Jones 👏🏼 doesn’...repeat after me the 👏🏼 dow 👏🏼 jones 👏🏼 doesn’t...
............
80042024-06-13Very quiet day again, digestion. $SMH $NVDA $A...very quiet day again digestion smh nvda avgo m...
80052024-06-08Opp cost is real. While u have been sitting in...opp cost is real while u have been sitting in ...
80062024-06-10Overall very quiet day. $SMH new ath.. $MU $AR...overall very quiet day smh new ath mu arm lead...
80072024-06-28There's no debate about it, the markets did NO...theres no debate about it the markets did not ...
80082024-06-30Let's track these a BIG TECH monthly charts! ...lets track these a big tech monthly charts tsl...
\n", + "

8009 rows × 3 columns

\n", + "
" + ], + "text/plain": [ + " Date Tweet \\\n", + "0 2018-01-02 Good closing #price on $GE today. Looking forw... \n", + "1 2018-01-14 $GE is a long term #buy at today's #stock pric... \n", + "2 2018-01-05 Watch Us Report LIVE from the Floor of the NYS... \n", + "3 2018-01-16 Just a Fun Fact on #DJIA RSI on Dow Jones We... \n", + "4 2018-01-17 Repeat after me: the 👏🏼 Dow 👏🏼 Jones 👏🏼 doesn’... \n", + "... ... ... \n", + "8004 2024-06-13 Very quiet day again, digestion. $SMH $NVDA $A... \n", + "8005 2024-06-08 Opp cost is real. While u have been sitting in... \n", + "8006 2024-06-10 Overall very quiet day. $SMH new ath.. $MU $AR... \n", + "8007 2024-06-28 There's no debate about it, the markets did NO... \n", + "8008 2024-06-30 Let's track these a BIG TECH monthly charts! ... \n", + "\n", + " Tweet_Cleaned \n", + "0 good closing on ge today looking forward to mo... \n", + "1 ge is a long term at todays price aapl amzn ba... \n", + "2 watch us report live from the floor of the nys... \n", + "3 just a fun fact on rsi on dow jones weekly cha... \n", + "4 repeat after me the 👏🏼 dow 👏🏼 jones 👏🏼 doesn’t... \n", + "... ... \n", + "8004 very quiet day again digestion smh nvda avgo m... \n", + "8005 opp cost is real while u have been sitting in ... \n", + "8006 overall very quiet day smh new ath mu arm lead... \n", + "8007 theres no debate about it the markets did not ... \n", + "8008 lets track these a big tech monthly charts tsl... \n", + "\n", + "[8009 rows x 3 columns]" + ] + }, + "execution_count": 52, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "Preprocess_Tweets(tweetsDf)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print(stopwords.words('english'))" + ] + }, + { + "cell_type": "code", + "execution_count": 86, + "metadata": {}, + "outputs": [], + "source": [ + "StopWords = set([s.replace(\"'\", \"\") for s in stopwords.words('english') if s not in [\"not\", \"up\", \"down\", \"above\", \"below\", \"under\", \"over\"]])\n", + "\n", + "tweetsDf['Tweet_Cleaned'] = tweetsDf['Tweet_Cleaned'].apply(lambda x: ' '.join([word for word in x.split() if word not in StopWords]))\n", + "tweetsDf['Tweet_Cleaned'] = tweetsDf['Tweet_Cleaned'].str.strip()" + ] + }, + { + "cell_type": "code", + "execution_count": 53, + "metadata": {}, + "outputs": [], + "source": [ + "tweetsDf = tweetsDf.drop(['Tweet'], axis=1)" + ] + }, + { + "cell_type": "code", + "execution_count": 55, + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "de7eabdd265041c9ad845963d1f9949e", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "tokenizer_config.json: 0%| | 0.00/39.0 [00:00\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
DateTweet_Cleanedsentiment
02018-01-02good closing ge today looking forward activity...4
12018-01-14ge long term todays price aapl amzn baba cost ...3
22018-01-05watch us report live floor nyse weeks weekly w...1
32018-01-16fun fact rsi dow jones weekly chart 90.20 high...5
42018-01-17repeat 👏🏼 dow 👏🏼 jones 👏🏼 doesn’t 👏🏼 indicate ...5
............
80042024-06-13quiet day digestion smh nvda avgo mu etc conti...5
80052024-06-08opp cost real u sitting promised bagger stock ...1
80062024-06-10overall quiet day smh new ath mu arm leading g...4
80072024-06-28theres debate markets not like nkes report cha...1
80082024-06-30lets track big tech monthly charts tsla aapl m...5
\n", + "

8009 rows × 3 columns

\n", + "" + ], + "text/plain": [ + " Date Tweet_Cleaned sentiment\n", + "0 2018-01-02 good closing ge today looking forward activity... 4\n", + "1 2018-01-14 ge long term todays price aapl amzn baba cost ... 3\n", + "2 2018-01-05 watch us report live floor nyse weeks weekly w... 1\n", + "3 2018-01-16 fun fact rsi dow jones weekly chart 90.20 high... 5\n", + "4 2018-01-17 repeat 👏🏼 dow 👏🏼 jones 👏🏼 doesn’t 👏🏼 indicate ... 5\n", + "... ... ... ...\n", + "8004 2024-06-13 quiet day digestion smh nvda avgo mu etc conti... 5\n", + "8005 2024-06-08 opp cost real u sitting promised bagger stock ... 1\n", + "8006 2024-06-10 overall quiet day smh new ath mu arm leading g... 4\n", + "8007 2024-06-28 theres debate markets not like nkes report cha... 1\n", + "8008 2024-06-30 lets track big tech monthly charts tsla aapl m... 5\n", + "\n", + "[8009 rows x 3 columns]" + ] + }, + "execution_count": 96, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "tweetsDf" + ] + }, + { + "cell_type": "code", + "execution_count": 108, + "metadata": {}, + "outputs": [], + "source": [ + "grouped = tweetsDf.groupby('Date')['sentiment'].apply(lambda x: x.mean().round().astype(int))\n", + "\n", + "date_sentiment = pd.DataFrame({'Date': grouped.index, 'SentimentIndicator': grouped.values})\n", + "\n", + "date_sentiment.to_csv('date_sentiment.csv', index=False)" + ] + }, + { + "cell_type": "code", + "execution_count": 110, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "SentimentIndicator\n", + "2 848\n", + "1 641\n", + "3 411\n", + "4 148\n", + "5 96\n", + "Name: count, dtype: int64" + ] + }, + "execution_count": 110, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "date_sentiment['SentimentIndicator'].value_counts()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "

On a scrapped tweets we made preprocessing converting all tweets in lower case, deleting StopWords, replace punctuations and made some replacements of slang words

\n", + "

After we made tokenization of tweets and predicted sentiment of each tweet

\n", + "

And as the result group all tweets by Date and made SentimentIndicator for each Date to determine main movement of Stock Market

" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "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.11.4" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/tweets_sentiment.csv b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/tweets_sentiment.csv new file mode 100644 index 0000000..cf6e5e0 --- /dev/null +++ b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/tweets_sentiment.csv @@ -0,0 +1,8010 @@ +Date,Tweet_Cleaned,sentiment +2018-01-02,good closing on ge today looking forward to more activity from this aapl amzn f gm goog ibm intc msft pg s tgt tsla xom,4 +2018-01-14,ge is a long term at todays price aapl amzn baba cost dg f goog gm intc ibm kr msft nvda pg roku s teva tsla tgt wmt xom,3 +2018-01-05,watch us report live from the floor of the nyse this weeks weekly wrap up includes wba omf apo d scg bb bidu cnet amzn googl jd,5 +2018-01-16,just a fun fact on rsi on dow jones weekly chart is at 90.20 highest in last 33 years major tops have occurred when weekly rsi was between 80 to 86 but this time its different p,4 +2018-01-17,repeat after me the 👏🏼 dow 👏🏼 jones 👏🏼 doesn’t 👏🏼 indicate 👏🏼 how 👏🏼 strong 👏🏼 the economy is 👏🏼 it only 👏🏼 tracks 👏🏼 how well 👏🏼 the 30 largest 👏🏼 blue chip 👏🏼 publicly 👏🏼 traded 👏🏼 american 👏🏼 companies 👏🏼 are doing,3 +2018-01-05,watch us report live from the floor of the nyse this weeks weekly wrap up includes wba omf apo d scg bb bidu cnet amzn googl jd,5 +2018-01-31,which way wednesday to fed edition aapl dia,1 +2018-01-25,greater fool theory buy a stock at an outrageously high price in a hot market because you think you can resell it to a greater fool at a higher price want more,2 +2018-01-26,how to follow stock price movement for profit we show you spy,5 +2018-01-27,notable earnings 📈📉 m idti lmt rmbs tue algn amd ea hog jnpr mcd w ba ebay fb msft ndaq now pypl qcom qrvo t tsco vrtx x th aapl amgn amzn baba cme cy data deck ew googl gpro idxx ma mat mo race rl ups v f chtr el xom,5 +2018-01-08,our book charting wealth chapter 5 candlesticks offer stock traders a visual method for charting price movement learn how to use them,5 +2018-01-26,got most of my stm loss from yesterday back still have some for swing loving the options sold the rest of my nflx calls today got me some fb calls b4 earnings next week and b4 the 190 bo nice way to end the week 👊 wgo short nvda clwt bspm long,4 +2018-01-06,spy heres recap of my trades for the week that were posted live on my stream need to work on leaving runners could have easily tripled my totals for the week had i left just .25 runners regardless grateful for a positive week hope everyone did well hagw,1 +2018-01-19,wait i thought earnings were the thing that was powering the market from factset the fourth quarter marked the 18 time in the past 20 quarters in which the bottom up eps estimate decreased during the quarter while the value of the index increased over this same period,2 +2018-01-08,monday market madness to whos watching the watch list nflx amzn faz twx,1 +2018-01-25,spy ruined my longs but gave me back with calls on bounces stm stubborn hold on stm and fcx i started in on the nflx calls yesterday on the 252 area dip looking to hold for a couple of days sold into the highs today still holding some 121 percent roi 👊,1 +2018-01-08,corporate earnings pick up steam on both sides of the atlantic while in fx the main focus is the monthly cpi and retail sales data from the us,3 +2018-01-24,djia spy djia now 40 points shy and SP500500 now just 5 points shy of the baseline price targets for 2018 obviously we were too conservative but its a baseline bofa and ml raised SP500500 target to 3000 on tuesday,2 +2018-01-16,some early morn analyst points amzn 1200➜1600 bmo ba 305➜380 citi biib 350➜380 oppy buff 33➜39 citi dnkn 63➜70 barclays gild 84➜96 wells fargo nktr 35➜88 jefferies now 150➜160 piper sbux 58➜65 barclays ulti 225➜250 piper x 43➜50 longbow futes as of,3 +2018-01-23,aapl on the aapl chart where i have posted many wining trades with the current logo here is another new one to look at tonight make sure to vote on the poll,5 +2018-01-24,p and l took a couple of days but was finally able to find correct sizing parameters for these market conditions to return to winning ways had only one losing trade was patient for clear direction before jumping in nailed ohgi cers achv shorts at open nflx opgn padders,2 +2018-01-29,mu twtr tsla jd charts esio 2 million o w base and handle aapl tight between 1 year asc tl and daily desc tl daily sto oversold dis 2 million o asc triangle right under 3 year inv head and shoulders neckline ostk 1 million o symmetrical triangle continuation nvda nflx pypl googl sq amzn qqq,1 +2018-01-13,update bullish 26912 and 28931 30 times xx bearish 26308 and 253 times x and 24135 and 23002 22200 djia spx 100 percent stp and dma dow dax from 1 spread from 0.0 pips info,1 +2018-01-27,aapl chart dollars 01.71 atr equals 1.78 2 atr stop equals 3.56 1 r risk to stop equals 3.56 current 171.51 dollars 9.80 3.56 positive 19.60 r trade dollars 9.60 made for every dollars of risk positive 19.60 r trades more than offset many negative 1 r trades and then the profits pile up,1 +2018-01-08,p and l scalped and piked my way to a more classic madaz day and damn proud of it nailed mysz washout long did get stuck on squeeze from hell but bailed it and nailed it when it really topped out cnet cnit frsx watt wallet padders,1 +2018-01-13,aapl 200 sma july 28 2016 equals dollars 01.61 using 2 atr risk size equals dollars .78 x 2 equals dollars .56 risk 1 r risk in position equals dollars .56 current dollars 77.09 dollars 5.48 gain 75.48 3.56 equals 21.20 r gain dollars 1.2 won vs every dollars of risk money lost not won dollars 5.48 vs risk of loss dollars .56,1 +2018-01-18,nvda for those nvda bears u can totally shut up even ystds huge dip failed to pull this one out of this uptrend channel closed today above key 224 level keep in mind its not like baba which sees lower low on weekly nvda still higher low on weekly 227 232 237 242 245,1 +2018-01-21,said many times if only look at daily chart u have no idea whats happening long term bidu weekly is simply a beauty and beast with inversed parabolic closed this week perfectly above key 252 level macd about to golden cross gonna lead mkt with googl amzn baba nvda tsla,1 +2018-01-19,tsla strong resist today almost precisely at this 61.8 percent 352.39 level missed 9 cents locked huge gains on weeklies and feb monthlies long shooting star not a good signal likely back to 50 percent 341 level or even fade to 38.2 percent 329.4 again keep in mind 5 moving average on weekly flat and lower,2 +2018-01-11,here is the link to the jan 10 super succesful live stream i talk about the stockbookie plus fdx aapl tsla dis cvx nflx spy a powerful live stream that is powerful to listen to every min of it,5 +2018-01-14,nasdaq comp in bubble now hell no pe ratio was 175 2000 com bubble past few year s tons of tech amzn aapl nflx googl msft fb nvda tsla baba seen exponential growth so now pe ratio only 27.8 and this growth will continue said many times dow dji to 34700 and nasdaq to 9000,1 +2018-01-30,worrying about the negative aapl articles pales in comparison to what the price is doing onto er down for the year as markets are making new highs is technically weak i am still long with a back up plan just in case,2 +2018-01-15,many have been calling the top in faangs for over a year but price and mas nowhere near breaking below 200 simple moving average yet amzn nflx aapl fb googl,3 +2018-01-28,aapl did a pretty fine job of turning off many investors and especially traders this week stock was down dollars on the week the perfect storm is brewing for a big upside earnings gap up oh and it looks like it hammered off that support level highlighted last week,4 +2018-01-23,good exmaple of how amzn offered a beauty of a setup after its big from late october 2017 shared this very setup on twitter 3 weeks ago,4 +2018-01-27,baba huge gains this week with calls classic cup and handle break out and macd to golden cross on weekly breaking symmetrical uptrend channel on daily on heavy volume and strengthening macd strong as amzn nflx 1.618 times measured move 213.7 thats strong resist prior er if er good see 225 easy,5 +2018-01-13,new tech industrial revolution is cause of this whole bull mkt run first ever deep learning based fund aieq winning over all major us index and will win over my batman portfolio baba amzn tsla mu amd nvda machine learning is real it dominates human world scary but true,5 +2018-01-20,nvda huge break out on weekly with higher low even during mkt sell off days ago closed this week perfectly poised to break out to 61.8 percent 245.6 level quick and decisive on heavy volume macd golden cross huge keeps pouring in one of top mkt leaders ba amzn tsla nflx tsla aapl amd,1 +2018-01-18,here is the live stream link amgn aapl cvx tsla pypl nflx spy plus how to be a serious follower on powergrouptrades and what it means plus some special announcements,4 +2018-01-18,tsla closed above key 346 resist level today on heavy volume macd strengthening upper boll on daily expanding keep in mind macd golden cross on weekly and break out downtrend channel key resist 352 355 357 360 also note however high it goes will back to 341 for feb on monthly,3 +2018-01-22,just one rule and one rule only when a stock is in major uptrend on weekly and monthly not daily like amzn googl nvda or at major stake for a turnaround after consolidation like baba tsla bidu good to hold lt calls for weeks otherwise play lt calls like weeklies,3 +2018-01-22,how linear has the stock market been the 14 day choppiness index reading on jan 12 was 10.83 scale 0 to 100 and is the lowest reading i could find checking back as far as 1992,1 +2018-01-20,government shutdown always bad as you would imagine actually not take spx for example also remember tech er starts on monday so don’t be surprised by a huge er run amzn amd aapl baba bidu fb googl jd mu nvda nflx tsla,1 +2018-01-11,aapl very quietly forming a solid bottom while amzn nvda nflx fb googl all hiking these days said earlier today 175.6 is key level to watch if break huge break out pushing up spx comp btw said back in july 2017 spx to 2740 comp to 7200 no one believed me laugh,1 +2018-01-31,which way wednesday to fed edition qqq dia spx also abx alk cde cim nly aapl,1 +2018-01-21,here are the big names reporting earnings this week nflx ge f isrg sbux intc jnj hal,5 +2018-01-31,which of the five will become america’s first dollars trn company after the markets closed on january 29 apple was ahead with dollars 62 billion n followed by alphabet dollars 23 billion n microsoft dollars 25 billion n amazon dollars 83 billion n and facebook dollars 40 billion n party time indeed that is a cool 3.7 trillion dollars,1 +2018-01-20,some implied moves for earnings next week nflx 7.8 percent ge 4.9 percent intc 4.2 percent celg 5.4 percent isrg 4.6 percent biib 4.5 percent wynn 5.65 percent sbux 4.7 percent vz 4.7 percent f 3.3 percent abt 3.1 percent pets 14.9 percent monthly,3 +2018-01-06,always follow strong price action inst’l money flows are what moves stocks baba fb googl qqq strong follow thru this week aapl 2 million o inv head and shoulders looks ready nvda 1 million o ascending triangle measured move now complete ostk w bottom played out beautifully wkly res 90 100,5 +2018-01-26,the 10 biggest companies by market cap aapl dollars 70 billion googl dollars 21 billion msft dollars 12 billion amzn dollars 64 billion tcehy dollars 60 billion fb dollars 44 billion brk a dollars 31 billion baba dollars 08 billion jpm dollars 96 billion jnj dollars 86 billion,1 +2018-01-17,sector trend trading paper account broke through dollars 40 thousand for the first time today technology especially semiconductors lrcx txn amat really powered our portfolio higher the only two stocks to the downside were amzn and alb mchp unh a adbe msft idxx,1 +2018-01-11,it’s the pro bowl of all time highs today amazon nvidia netflix activision boeing jpmorgan berkshire wells fargo mastercard capital one caterpillar utx best buy ups delta marriott hilton lennar honeywell ice humana aflac emerson eaton,5 +2018-01-23,its ridiculous to have this kind of title the whole bull mkt run is not because of him but of companies like amzn googl nvda baba nflx tsla seeing or will be seeing in case of tesla exponential growth,1 +2018-01-22,nvda runs over and close above 232 today its just the beginning resist levels 237 242 245 also remember my 2018 updated point dollars 34 its total beast i opened a second acct last week only to buy long term calls jun and sep and jan for nvda googl baba amzn and gonna hold for weeks,1 +2018-01-19,there were 236 52 week highs within the spy this week ive been tracking this data weekly for 6 years the only other week with a higher reading was at 265 attached is a pic showing new highs that week back then reits were part of xlf this week xli and xlf were best,1 +2018-01-30,many months people were on sidelines that mkt is not letting them in now that the opportunity is there it is too risky toh kab aaoge bhaiya😀,2 +2018-01-06,fb amzn nflx googl is history what i love for 2018 and beyond is baba amzn tsla mu amd nvda no one can deny that chips in best moment ever and baba amzn dominate plus tesla will deliver let’s start using this hashtag for rest of year laugh,5 +2018-01-27,expect the following to happen in 2018 1 nvda current mkt cap at 147 billion make it to top20 list way more potential than intc amd 2 baba take over no 5 seat fb is history now not great enough 3 googl amzn both passing aapl and msft to be no 1 and 2,2 +2018-01-31,live stream tonight in about 3 hours from this spy wynn twtr tsla ba cvx baba the big picture experts speaks about the market and our plans and what i see going forward,5 +2018-01-20,for the week nflx ge hal intc cat lrcx jnj celg vz f clf pg stm isrg abt pets fcx wdc aal mmm txn ual rtn biib luv cmcsa kmb alk utx cbu sbux boh amtd jbl wynn uri bmrc hon swk itw pgr opb stt trv,4 +2018-01-17,i will be doing a live stream tonight people the big picture expert will be speaking tonight about the spy cvx aapl tsla ostk amgn pypl twtr fb my thoughts on the market ba and how to become a serious follower on powergrouptrades study,5 +2018-01-26,those day traders only wished they could do what i do big money is in catching directional moves not little blips and runing like a little child to make big bucks you need to think big with solid plans we caught huge gains in stock like fdx cost tsla aapl fb cvx nflx,5 +2018-01-26,stockbookie looking like a big clown with the spy nflx ba wynn as he was short wynn since 106 even with todays big drop wynn still at 180 after reaching 200 he is just another example of no skill small thinking guessing all hot air also massively wrong spy since 225,1 +2018-01-27,spy on feb 11 2016 i posted a bullish reversal plan for higher prices while 95 percent were extremely bearish then as it rallied right into 2016 dec the stock bookie was super bearish the market a so called stocktwits pro i have only been bullish posting powerful plans ever since,1 +2018-01-27,mcd msft fb pypl ebay amzn aapl goog baba v will be the main earnings trades i will be attacking next week but there are a lot more to play as well,3 +2018-01-27,some implied moves for next week earnings it is a big one aapl 4.7 percent baba 6.9 percent amzn 6.8 percent fb 5.8 percent googl 5 percent msft 5.1 percent pypl 6.2 percent algn 8.2 percent amgn 3.4 percent ma 4.4 percent v 3.9 percent x 9 percent ups 3.7 percent ba 6.1 percent mcd 3.2 percent,3 +2018-01-02,while the stockbookie equals the stockclown cries that the market is to high with i bang out strong wining plans like cvx nflx baba with a super strong start to the new year while many services lost money shorting stocks like pcln study the power of a big picture master,3 +2018-01-22,i will be posting another plan i like inside of powergrouptrades this market is super bullish people poor stock clown is not going to like this many stock setting up for higher prices the spy is super bullish,1 +2018-01-15,here are the stocks and events watching this week,5 +2018-01-31,seems like their goal this week is to pile on the bad news on aapl and kill it before earningswhich they did well aapl is now set up for an earnings pop jmho,3 +2018-01-29,here are the stocks and events watching during this super earnings bowl,5 +2018-01-26,if the stock market keeps rising apple alphabet microsoft or amazon could reach a dollars trillion market value something that’s never before happened in the u s,1 +2018-01-13,i will be making a special aapl update to discuss my plans and thoughts and suggestions going forward this weekend with key numbers i am looking at,4 +2018-01-22,here are the stocks and events on radar this week,5 +2018-01-10,live stream tonight people i am going to speak about aapl tsla ostk spy hon arry amgn and why you do not want to be wron and gues like the stockbookie aka the stock clown i have some super new points to make a power packed session in about 4 hours and 30 minute from now,5 +2018-01-27,for the week aapl baba fb amzn amd msft ba pypl lmt googl v stx mcd t pfe algn ma aks ups x ea bx s xom nue qcom ebay hog siri glw gpro aet kem phm d nok cvx sap amgn amg adnt pii lly antm dhr mo,4 +2018-01-16,apple hit new all time highs today its market cap is now dollars 10 billion heres how the worlds biggest public company has been trading 3 months positive 13 percent 6 months positive 19 percent 1 year positive 49 percent 3 year positive 66 percent 5 year positive 155 percent aapl,1 +2018-01-31,aapl right samsung shares surge after reporting record earnings on robust demand for memory chips and sales of high end displays for the iphone x,5 +2018-01-29,here are the stocks and events watching during this super earnings bowl,5 +2018-01-29,if u r still trading aapl fb calls today u totally have zero understanding about this mkt said many times this is time when whole mkt is running based on potential not actual amzn to 1800 nflx to 440 nvda to 334 baba to 284 simple yet powerful logic,1 +2018-01-02,nasdaq zooms 1.5 percent to close above 7000 for the first time SP500 500 sets record high netflix under armour pop 4 percent,1 +2018-01-26,mark your calendars right now next week more than 500 companies report earnings including • aapl ❗️ • amzn ❗️ • lmt • amd • fb ❗️ • pfe • xom • msft ❗️ • cvx • t • pypl • baba ❗️,5 +2018-01-23,you dont need to play anything else in this bull mkt other than these few names amzn amd baba bidu nvda googl nvda tsla nflx mu ba aapl fb no need to distract yourself focus is the key,5 +2018-01-28,growth percent in past 3 months nflx 38.43 percent ba 32.39 percent amzn 26.21 percent nvda 19.37 percent googl 14.95 percent baba 13.02 percent tsla 7.11 percent fb 5.63 percent aapl 2.87 percent so we should focus on names with lower and expect more no if u cant move in this mkt u r not attractive one exception is baba,2 +2018-01-18,these 16 companies alone have dollars .1 trillion in cash on the sidelines right now apple aapl dollars 69 billion microsoft msft dollars 43 billion alphabet googl dollars 07 billion cisco csco dollars 6 billion see the full list here,1 +2018-01-29,let me emphasize again this week is vital with all heavy weight er coming out aapl amzn googl nvda baba ba remember both drop and small pop post er can kill calls if u dont cash out gains and use right trading strategy u lose big i said tons people will lose huge in 2018,5 +2018-01-23,folks tons of chance to make so why always in a rush to make its totally ok to miss some names i missed fb for today i missed amzn for a day last week i missed nflx entire run but does that matter i am at my best when focusing on only 5 names no rush enjoy trading,3 +2018-01-31,its about to go down look who reports earnings today after the 4 pm et closing bell • fb • msft • t • pypl • x gon give it to ya • qcom • ebay • vrtx • symc • mdlz • afl,1 +2018-01-28,more than 400 companies report earnings next week and we got you covered this list mon lmt stx ha sohu tue amd aks pfe mcd ea ilmn glw wed fb msft t pypl ba thu aapl amzn baba googl v fri xom cvx sne s,1 +2018-01-27,the three best stocks over the last 15 years are • ntes netease positive 11706 percent • mnst monster beverage positive 77230 percent • nflx netflix positive 23467 percent fact of the day from,5 +2018-01-03,i made many crazy predictions a year ago and most of them reached point updated them again in mar and apr then reached again now am offering update point for 2018 fb 262 amzn 1420 nflx 264 googl 1340 tsla 466 aapl 192 nvda 276 baba 284 bidu 318 mu 72 msft 112,1 +2018-01-28,many people plans to short tech from here my advice to if u don’t like amzn baba nvda nflx googl fb just don’t buy calls and wait playing puts in this kinda mkt is not necessary strategy one exception is aapl weekly chart says back to 164 but iphonex sales may blow,1 +2018-01-31,market is just astonishing right now probably going to take a backseat for a week or so let earnings play out then re approach stops continuing to get ran through getting 20 point whipsaws out of nowhere if you cant beat em join em if you cant join em stay away imo,1 +2018-01-19,when it all goes bad and it will one day whether it is today next week or in 5 years price will break below key levels and moving averages until then the big money is being made on the long side in uptrends spy qqq eem,1 +2018-01-04,lots of new all time highs just a few amazon netflix facebook alphabet microsoft ebay mastercard visa hilton darden pvh estee lauder amex aflac berkshire jpmorgan capital one wells fargo deere fedex lockheed norfolk southern union pacific ups utx emerson dover dowdupont,5 +2018-01-28,tech earnings cheat sheet for this week aapl msft fb amd baba,1 +2018-01-22,i only trade using 1 monitor and im focused on the charts that are on my watch list and i look for uoa that fits my chart cut out all noise tsla has a to pe and its still climbing when you try to make sense of the market it will only confuse you more play the charts only,2 +2018-01-03,the nasdaq closed above 7000 for the first time ever yesterday adjusted for inflation the all time peak was in march 2000 at more than 7200 in other words it still hasnt gone anywhere in 18 years so maybe it isnt quite as overbought as it might appear,1 +2018-01-31,so they pull this market back just before the sotu fed tomorrow fb ers wed and then baba ers thurs morning and amzn googl aapl ers thurs afternoon theyre about to rip this north to oh and aapl is going to 200 after this bs pullback and bidu will be 350 easy,1 +2018-01-25,starting to see more and more stocks gap up on earnings but quickly selloff after they gap up xlnx cat fcx lrcx cree as recent examples,2 +2018-01-29,market closed down here comes the sarcastic fintwit tweets that go something like this qqq melted down to levels unseen since insert a day from the previous week,1 +2018-02-23,watch us report live from the floor of the nyse this weeks weekly wrap up includes roku nxpi hd wmt aap qcom qqq amzn fb tsla baba jd snap googl,5 +2018-02-23,watch us report live from the floor of the nyse this weeks weekly wrap up includes roku nxpi hd wmt aap qcom qqq amzn fb tsla baba jd snap googl,5 +2018-02-08,think they were dumping on spy all day long think again here are our longer term accumulators the rise in the mp reflects short covering and new long demand liquidity which measures trades rising slowly also indicating covering and some new longs,2 +2018-02-16,ok tapping out early positive 16 thousand on the week but i totally played it wrong i came in thinking wed for sure test the spy 200 displaced moving average one more time before a big bounce and boyyy was i wrong,3 +2018-02-06,the goes up and down true since has been in office we have seen continued record highs are companies really worth their current stock price crazy ups lead to crazy downs,5 +2018-02-08,three truths about stock market sell off gold investors should know xauusd xagusd gld slv gcf sif vix spy,1 +2018-02-26,double screen for on day 3 of stock market gains tech were the big standouts today amzn closed up 1.5 percent at dollars 521.95 making the world’s richest man even richer founder and ceo jeff bezos made dollars .7 b today alone he is now worth dollars 20 billion and dollars 21.1 b exactly,1 +2018-02-16,wild morning lots of fun much more focused today on being selective missed a few opps but pretty happy overall much improved from yday ended the week dollars 9 thousand starting to find my groove a little so hopefully a big end to earnings season is ahead hagw all,4 +2018-02-15,major corrections to the spy and djia like last week can be a chance to “buy the dip” once the pullback ends the tradestation scanner lets you search for these technical setups watch how to set one up here,5 +2018-02-07,even put it himself if you arent willing to own stock for 10 years dont even think about owning it for 10 minutes track and on call levels now,1 +2018-02-23,dollars .5 thousand today leaked a little in the last hour which is annoying got fkd this morning buying hsn match a little too big sizewise and too much action in group 4 took my attn anyway dollars 9 thousand for the week 3 more days of earnings szn hopefully close out strong hawg punters,1 +2018-02-02,scan report sense something bigger then today will be coming next weak long no fresh long short 34 fresh shot have a diversified shot chose 1 shot from each sector put buy will be good in case you are big player shot with 2 atr protection call keep sl of 1.25 atr close basic,2 +2018-02-10,after dow give 800 points swing many will be expecting that short covering bounce in asia but china and hk both index looks much problem then dow scan to no fresh buy glenmark is fresh sell oi to adani and sail and hz to long added nifty to short added fortis sht covering,1 +2018-02-06,anyone who tells you that the or the will continue to go up forever is just about to sell all their stock while you prop up the price volatility as we are seeing is a sign of a rocky future typically be careful with your portfolio if you have one,1 +2018-02-06,happy fang a versary the popular acronym for facebook amazon netflix and alphabet turned 5 years old today here’s a look at it growing up right before your eyes,5 +2018-02-15,our book charting wealth chapter 5 candlesticks offer stock traders a visual method for charting price movement learn how to use them,5 +2018-02-05,notable earnings 📈📉 m crus fn ftnt gwph swks tue agn akam cmg dis gild lite mchp mtch newr snap w cohr ctsh ice ichr irbt kors ntes syna tsla ttwo xpo yelp zayo th atvi aq expe feye goos grub nuan nvda penn regn skx twtr z f cboe,5 +2018-02-14,aurx bid above priceunknown stock was just dollars now 09 bouncing insiders own 72 percent 💸 tmbxf biei bioa rnva titxf psid mjgcf umfg tmbxf,1 +2018-02-09,p and l nearly scalped my way to the today but not quite crazy fluid action on uvxy today which is basically perfect for some madaz mad scalping beautiful range and liquidity easy ecn rebates if only we had this action every day inpx nice short nvda,4 +2018-02-05,p and l a very rare day that had a dull morning but got dramatic late was up 1500 then was down about negative 1500 on bad amzn trade then scalped uvxy all day long once it picked up some momo then nailed amzn flash crash trade to make it a decently profitable day aapl capr chci,2 +2018-02-08,p and l yes i made my broker rich today with a lot of tickets but did what i had to do nxtd was a money short but didnt get a full fill got twtr small washout long then flipped short shorted snap and uvxy was an all day wallet padder nvda ah fast finger earnings scalp,3 +2018-02-14,aapl a nice 15 point bounce since i posted the spy reversal key points in powergrouptrades while their was great fear holding aapl as many were wanting to sell i gave a plan of hope and power instead today just like fdx those that held are in gains instead of loss saved,4 +2018-02-27,beautiful day largely attributed to tech not over yet even stronger move incoming amzn googl nflx nvda ba tsla baba bidu msft fb aapl mu,4 +2018-02-22,also keep in mind spx monthly 5 moving average at 2684 next thursday it will move to 2706 to 2711 range so if we see spx dropping to 2591 and start to bounce hard thats huge gift like two weeks ago many people made tons more during that dip bounce than the typical entire week,4 +2018-02-11,aapl still below 200 sma and weak could change at anytime but weak for now nflx hardly broke its 20 day sma so far at least,2 +2018-02-01,view todays from here discussed spy iwm amzn brkb jpm uup btc eem iwm xlu xlf amgn aapl googl amgn tyx gs 🐂,5 +2018-02-18,wmt reports tuesday 2 biggest online mass merchant biggest us employer scrappy underdogs fighting for respect in the kingdom of bezos this is the big one the alpha and omega the fate of the american experiment rests in the balance your cheat sheet,1 +2018-02-27,nasdaq working on triple breakout one of them being the top of 15 year rising channel ndx qqq aapl fb googl amzn spy,1 +2018-02-08,i heard an analyst today comparing this minicrash to 1929 the difference then is that most stocks were already heading downward at the final djia top the fed and congress then piled on with higher rates and taxes plus tariffs,1 +2018-02-28,when u do all the research study charting technicals and wait for the perfect entry you’re the invincible guru of trading then kylie jenner sends one fug tweet snap,1 +2018-02-01,traders on earnings day amzn dollars 0 googl dollars 5 whats aapl doing,1 +2018-02-15,the feb 14 recorded live stream here is the link to it this was a great live stream on aapl twtr anet spy ba fdx as i explain many key points to expand your mind on thinking big picture vrs small picture thinking and what i think about the market,5 +2018-02-23,my aapl plan has done even better then this video update plan but see this video it shows you why i am the spy big picture expert and todays gains i enjoy them in this chop market the key is to have a big picture plan i am the big picture expert,5 +2018-02-17,no need to draw anything on these weekly charts just look at the candle if u r still worried about the trend just look at these chart remember always play strong names in the mkt amzn nflx nvda ba,5 +2018-02-15,first time ever the ai deep learning based etf aieq picked nvda as its top holding in the portfolio folks i twitted when nvda dropped after er that its a steal buy if u dont understand the value of it u never understand why we see this whole bull mkt run,1 +2018-02-11,alpha stocks for the week wlcon bloom nrcp now tugs mac imi movers worth mentioning atn vul str hvn ecp popi vll stocks losing steam mwide ltg tbgi smc lets have a good week everyone will only focus on these stocks for the week,3 +2018-02-12,spy well based on my post inside of powergrouptrades on firday as the market was droping hard it looks like i was correct once again in an eye opening manner with great details with key numbers not guessing or assuming aapl strong bounce is a very good sign money is steping in,5 +2018-02-23,amzn msft and nflx have powered nearly half of the gains in the SP500 500 this year spy,5 +2018-02-23,new high for faang stocks today now up 18.4 percent ytd what correction fb aapl amzn nflx googl,5 +2018-02-14,do i look like einstein i think tomorrow could be a real good day with cisco and amat good and uncle warren boosting his stake in apple here comes the nvidia train,3 +2018-02-08,watch these 3 nos in us indices if indices close below yes belowthese marks the bottom for st might be in place dow 24345 snp 2648 nasdcomp 6967,3 +2018-02-24,for the week sq jd vrx pcln fit jcp m crm low panw ll bby ntnx wtw adi fl tol amt sn swn emes azo ions vmw exel kss bcc clvs cprt amc alb acad tjx df awi rrc splk ftr endp srpt crk pzza ddd wday bud,4 +2018-02-09,people in california waking up right now opening their computer and checking their stocks spy btc x qqq,1 +2018-02-27,apple just traded at dollars 80. thats a new all time high its now up 31000 percent since its december 1980 ipo its market cap now stands at dollars 15 billion aapl,1 +2018-02-03,for the week nvda tsla twtr swks snap dis atvi gild gm cmg bmy agn teva ttwo bp cohr syy regn ntes feye arnc cvs expe skx hes bah cmi oclr gold chd irbt lite grub ctlt goos has kors mcy trvg onvo pm,4 +2018-02-19,remember these four stocks as i charted nvda nflx amzn ba are key to watch this coming week if they are good we see super bullish reversal play of everything,5 +2018-02-09,the dow industrials 23860.46 closed slightly above its 200 day moving average at 23586.56 same for the nasdaq composite 6777.16 it is slightly above its 200 day moving average at 6736.26 if they break expect further algo panic selling dont buy yet,1 +2018-02-20,in the last 7 trading days amzn 1260 to 1490 nflx 236 to 285 googl 997 to 1116 tsla 294 to 343 ba 317 to 356 cat 142 to 160 nvda 205 to 250 sq 36 to 46 spy 253 to 273 qqq 150 to 167 seems like a good time to take a dip if you ask me,1 +2018-02-21,why mkt has no reason to panic logic is very simple here if mkt gonna go down leading names gonna be crashed first as institutional get out but look at fb amzn nflx googl all closed green close to 1 percent up today thats clear signal only small investors panic,1 +2018-02-07,big picture expert talkes about the market spy msft nflx ba tsla aapl forget about ther noise as most do not know anything or think correctly i will be telling you the facts live stream in about 3 hours from now study,1 +2018-02-01,i just tested the live stream it is working well today so we will do a live stream tonight in about 5 hours fomr this post gs twtr fdx ba spy tsla i will be talking about the spy and the big picture for our plans and what i see happening based on what i am seeing now,5 +2018-02-05,when you get up in the morning tomorrow and see this and the crazy move to do read this too is not the first time if you want to get scared search for 1987 flash crash,5 +2018-02-11,after huge ups and downs lots of names still very pricy with high premiums in options to calls and puts if u r not comfortable with spx pricy options use spy also use ba as proxy to dji,2 +2018-02-13,aapl doing very well this stock is key a strong aapl is always good for the market it always pulls it up most of the time i have explained that point for years,5 +2018-02-01,spy cat fdx amzn tsla gs twtr come and join the live stream in about 3 hours i am the big picture expert do yourself a favour and come to my live stream and look to become a serious follower on powergrouptrades if your serious about making money study,5 +2018-02-12,people of the markets get ready all of these companies report earnings this week mon vips chgg fmc tue bidu twlo ko aprn wb ua wed grpn csco amat spwr abx thu shop ostk shak fri vmw de,1 +2018-02-12,here are the stocks and events watching this week,5 +2018-02-02,quite a bit of chatter on networks about spx being oversold folks were nowhere near oversold after reaching the highest overbought readings in decades on weekly monthly basis with rsi in the high 80 even daily rsi on spx is just a 48 only on hourly basis,3 +2018-02-28,the big picture expert will be doing a great live stream tonight people spy aapl ba msft fb plus i will be explaining a lot of helpful advice live stream in about 5 hours from this post people,5 +2018-02-28,we were able to lock in a lot of great gains today a super month in aapl fb ba msft great gains in all of those but aapl was the super star i will be making new plans to make great gains for my serious followers,5 +2018-02-14,spy trust me this market will be unlike anything ever seen in history the times have changed old school thinking will not work all the schooling and theory study in the world will not help the market is to smart only those that learn to listen to this market will survive,1 +2018-02-14,also a good day for us in msft another great plan lots of great things since i explained the spy bounce in a way no one esle could and gave then best results when the big picture expert speaks you know that their power behind that,5 +2018-02-28,spy i made an update about the key pivots yesterday inside of powergrouptrades while people with no skill and skill spread fear about yesterdays candle i post key facts and we are bouncing very quickly with power good for our stocks gs aapl ba time to pay us again,1 +2018-02-14,live stream tonight people on powertargettrades the big picture expert speaks about the spy anet aapl msft fdx nvda and about the market and what i see in 2018 live stream in about 2.5 hours from this post,5 +2018-02-23,aapl tsla fb are all plans that are doing well that was explained inside my group powergrouptrades free for all to join many services are going to fear the big picture spy expert in the future as my power keeps growing my system adapts like nothing else i know what i have,5 +2018-02-26,poor stock clown and his trolls and the spy bears you guys are making nothing while my smart group is making bank today aapl fb tsla great gains in these also msft doing well all wining plans of mine when your lazy and troll you get nothing in life study,1 +2018-02-01,yo get ready straight electricity is on the way all of these companies report earnings today after 4 pm et • aapl 💰 • amzn 🥑 • goog googl 🤖 • v • ma • gpro • amgn • data • mat • ew • pacb,1 +2018-02-24,aapl has dollars 85.1 billion in cash and cash equivalents on their balance sheet to put that into perspective apple could buy every single nfl mlb nba and nhl franchise and still have over dollars 10 billion in cash remaining yes it’s baffling,1 +2018-02-14,nice move for aapl for us on friday feb 09 we were losing but since i explained the bounce in the market i am sure many are smiling who held aapl just like i explained to do so for fdx when it was at 214 and i explained that a big move was coming big picture thinking rules,4 +2018-02-15,looking good i did explain aapl is key a bullish aapl is always good for the market people enjoying nice gains from big picture thinking and key pivots i warned the bears i would take them to school in one of my spy videos the big picture expert always wins the big picture,4 +2018-02-15,spy a lot of bear stock clowns are geting squeezed like lemons many even shorted yesterday only to be squeezed like a lemon today as they have small minds the big picture expert strikes again with my feb 09 big picture advanced key pivot points reversal plan aapl is key,1 +2018-02-25,this week is gonna be truly amazing all the techs are set up for a monster move doesnt matter its real break out or shooting star on weekly remember do not use ur whole acct trading options thats suicide amzn googl ba baba nflx nvda fb aapl tsla mu msft intc bidu,5 +2018-02-08,we began 2018 with record high valuations on many measurements record margin debt over the top bullish sentiment and the herd crowded into fangs when wall st again tells everyone to buy the dip keep in mind the nasdaq composite is down all of 1.83 percent ytd,1 +2018-02-11,friday bounce off daily 200 moving average and weekly 50 moving average was good but do not assume it’s definitely gonna be v reversal body of friday candles in many names too small or still red candle with super long stick googl ba baba nflx amzn tsla fb not impossible hike a bit then fade big again,3 +2018-02-22,amzn positive 27 percent ytd has accounted for almost 30 percent of the spx’s gain ytd amzn and nflx positive 46 percent and msft positive 7 percent together have contributed close to 50 percent of the index gains and the tech sector overall has driven more than 75 percent of the spx’s ytd gains,1 +2018-02-26,i just use and thats it i mainly scan for stocks hitting new 52 week highs accumulation volume patterns and scan for power earnings gappersstocks that gap up and form strong closing candles after reporting good earnings,3 +2018-02-08,names you should focus on in 2018 no matter what if mkt up they hike if consolidate or down they run or bounce hard amzn ba baba fb mu nflx nvda snap tsla other names hiking should be none of your biz remember focus is the key u can’t make playing everything,1 +2018-02-02,despite the good news from amzn and aapl not really u s futures have reversed lower asian markets japan china hong kong getting smoked 10 year treasury almost 2.8 percent cryptos in total rout tomorrow could be interesting after all,1 +2018-02-01,jpmorgan chase and co raises texas instruments nasdaq txn price target to dollars 22.00 jpm,1 +2018-02-12,keep in mind there is zero chance nvda bears could possibly survive tmr or rest of week or next week 5 moving average gonna golden cross 10 moving average tmr gonna golden cross 21 moving average on wed weekly chart super bullish bears are bound to be killed well i dont wanna use that more graphic word here laugh,1 +2018-02-01,1 year agoat the end of jan 2017 aapls stock was 119 since then investors ran aapls stock up 45 percent nearly dollars 80 billion cap addedon anticipation of the 10 anniversary edition iphonea supercycle the reality aapl sold 1 million fewer iphones y and y in fourth quarter 5 percent fewer mac pcs and 0.7 percent more ipads,1 +2018-02-12,the market was hit hard last week by a major correction to the downside here’s a look at stocks that rallied after strong quarterly reports and then retreated with the broader market ba abbv ebay xrx fdx,2 +2018-02-24,the overwhelming consensus on fintwit the last two weeks has been retest and distribution that could play out because any outcome is possible but markets rarely do what the consensus thinks and key technical levels were reclaimed this week the reality of price spy qqq eem,1 +2018-02-28,500 points down in djia in a day and a half signalling a possible failed rally and the brazen ones are still buying the faangs amzn nflx aapl all up today,1 +2018-02-06,markets now in the green to hat tip to since 3 am who lost big xiv short volatility imvestors got blown out big and we seem to be returning to normal fundamentals,2 +2018-02-23,huge huge difference in spx and nasdaq charts very apparent difference all is about mid bb on daily chart now nasdaq poised to a huge break out next week spx comp,1 +2018-02-24,at beginning of year i proposed my portfolio baba amzn tsla mu amd nvda ytd 18.52 percent way higher than spx 2.76 or nasdaq comp 6.29 percent or dow dji 2.39 percent now adding ing intc nflx googl to make it laugh,1 +2018-02-06,good traders rely on charts great traders rely on right strategy top traders use brain not emotions say again we are not in a bear market and we are not going to have a financial crisis otherwise you see amzn fb aapl nflx googl msft tsla baba all dropping 10 percent today,5 +2018-02-03,dji down 666 points today second largest drop since 08 and tons people say bull mkt over too early to say that this bull run led by exponential tech revolution amzn nflx googl nvda tsla baba msft fb aapl is not nearly over any pullback in the middle is ok no panic,1 +2018-02-07,you cant argue with these gains from fb amzn nflx and googl and give the fang stocks another look to see if they can withstand this wild market,5 +2018-02-14,134 m to 165 a 23 percent increase by buffett in aapl apple insane i thought he was supposed to sell it because of the i phone x didnt buffett get the memo bestr days behind buy high sell low apple and trade it all day,1 +2018-02-02,if you have an intermediate to longer term time frame a process some cash to deploy and a narrow watch list to market pullbacks should be welcomed shorter term or overexposed and no plan to it can be dicey better to let the trades come to you spy eem qqq,3 +2018-02-23,ive been intentionally quiet twtr lately ive sold majority of single name plays and swapped mostly to spy as ive done before in higher volume periods not looking for new longs til things normalize a bit more hopefully very soon safety of index makes holding longs way easier,2 +2018-02-14,ok i’ll say it i think we’ve hit peak faang fb aapl amzn nflx googl sell ‘em all finut it’s over one man’s opinion and not advice but the truth i think i’ve no upside in sharing this other than it’s how i feel so there it is,3 +2018-02-09,they couldnt crack the market at the 5 post good sign typically to 0 where they have tried repeatedly and succeeded in cracking the vix shorters me i would go buy some nvidia nvda right now betting that the 5 checkpoint held,1 +2018-02-19,i’m not sure why so many seem to have such a short time frame for stocks and markets other than simons every trader or investor on the forbes 400 seems to have an internediate to longer time frame i don’t think druck is worried about a “weak close” in amzn,2 +2018-02-17,i cant wait for alexa charts you just yell alexa show me a 5 year weekly candlestick chart of qqqs to and boom she quickly responds jc would you like a 14 period rsi added to that chart to and i would say no price only this time and there it is charts for days amzn,1 +2018-02-06,this oversold snap back may feel comforting but the damage that has occurred in individual names and in the major averages will require some base building and time to repair,2 +2018-02-18,the recent index dump was into zero liquidity so youd expect some kind of selling into this recent strength over the next 2 to 4 weeks expecting markets to distribute mt patience game now let the ranges tighten,1 +2018-02-22,again im seeing internals very weak here i cant stress that if you dont know how to play this market please stay out and wait till the 10 year not goes down and charts line up right now both bulls and bears are in no mans land but a wave c to the downside could get ugly,2 +2018-02-16,while i was expecting market to rally this week but if you told me at the start of the week that the market will go up every single day this week dowjones up more than 1200 points and SP500 up more than 140 points i woulda spanked you while calling you silly suzie,1 +2018-03-30,nrpi bouncing .0039 explosion next week over .01 aapl goog intc amzn msft akam cmcsa pfe mu nflx nok xom unh dis hsy nvda mrns unp bac orcl wmt chk gluu aks twtr vz ctl fcx amat tsla jpm wft point i bidu mrk betr axp rig apa hpq,1 +2018-03-05,check out my prediction for the stock market on march 5 with price ranges and forecast discussion,4 +2018-03-29,watch us report live from the floor of the nyse this weeks weekly wrap up includes shpg lulu gsk rht low amzn fb nvda tsla,5 +2018-03-16,watch us report live from the floor of the nyse this weeks weekly wrap up includes sig dsw fanh dks akca ostk tif twtr cvs aet mu,5 +2018-03-16,watch us report live from the floor of the nyse this weeks weekly wrap up includes sig dsw fanh dks akca ostk tif twtr cvs aet mu,5 +2018-03-29,watch us report live from the floor of the nyse this weeks weekly wrap up includes shpg lulu gsk rht low amzn fb nvda tsla,5 +2018-03-02,spy nice selling my swing prediction is lower price for us stock market,5 +2018-03-19,more tech sector takes a hit snap down 4 percent alphabet down 3.5 percent twitter down 2.2 percent netflix down 2.2 percent amazon down 2 percent snap googl twtr amzn nflx,1 +2018-03-31,a is a that has had a significant drop which may trick to think they are getting a bargain because the price is so low want more,3 +2018-03-28,you buy a stock at an over priced amount in a hot market because you think you can resell it to a greater fool at a higher price want more,2 +2018-03-05,how to follow stock price movement for profit we show you spy,5 +2018-03-19,well you might be receving lot of tweet or msg that market is going 9700 to 9500 to 9000 this is no use for trader what is more imp is how can we trade under var which stock to short what is good sl how to run trend and when to book profit scan no buy all sell list went up,1 +2018-03-27,at the close stocks reversed course and posted red ink tuesday with the dow jones industrial average plunging more than 300 points as technology names such as twitter and facebook dragged on the market,1 +2018-03-30,us equity market pivoted from inflation to trade worries in march 2018 but the month ended with questions about big tech with heightened volatility SP500 down 2.7 percent for month with erp ticking up to 5.15 percent for,2 +2018-03-22,p and l crazy pump and dumps out of the gate got sngx halt resume washout long for fast money scalped gern for a nice wallet padder omex amtx small padders uvxy crazy action in the afternoon to pay for the switched bias from short to long which was critical,1 +2018-03-06,p and l a better day but still was not giving this market the benefit of the doubt just yet so still did appropriate small sizing paramters amda was a potential monster textbook panic pop short winner but only did small size amtx chfs clbs ecyt innt uvxy zsan padders,3 +2018-03-15,tech stocks big picture xlk is holding up spx and the path of least resistance looks down its in a tightly coiled bearish wedge and for xlk to continue rallying it has to break up from a bearish pattern through major channel resistance from 2016 1 more bounce is likely,2 +2018-03-08,p and l i see the light there is hope market is really looking brighter compared to the shit show recently nailed zsan scalps all day with just 500 shares mainly nete got squeezed but switched longs made it back pixy was bagholder short at open jagx uvxy wallet padders,1 +2018-03-28,p and l limited opportunities today vs recent days so accepted the small wins small caps were dormant and broader markets were a chop fest all day almost got into trouble on nvda but had a hero stop out and then managed to recover clwt small win at open fb uvxy big mac wins,3 +2018-03-29,dont think i recall a time where all 4 of the stocks on my main screen were large cap blue chip stocks tsla fb nvda nflx,2 +2018-03-29,p and l action was a little choppy at times and was up about 4 thousand at the most but a cool 3.1 thousand to end a short holiday week not too bad actually traded very poorly today totally messed up avgr and lost on that entries and exits were not good on fb nflx tsla lucky it worked out,2 +2018-03-08,spy 60’ regained 5 d and wpp on monday 5 d started to rise wednesday wpp has held as s this week good early signs heading into march opx but still a high vix environment,1 +2018-03-26,aapl here is one of the stocks i posted this weekend inside of powergrouptrades for the pop i explained in my weekend detailed spy video while most were in great fear i used my big picture skills all documented open your eyes to the truth on my powerful documented youtube,5 +2018-03-28,27 companies make up 50 percent of the nasdaq median co is growing 11 percent with 31 percent ebitda margins and trading at 12.8 times ebitda with a 4.5 percent fcf yield make of that what you will,1 +2018-03-15,live stream now twtr aapl wdc amgn cat tsla amzn spy i talk about the market the importance of the big picture thinking with confirmation and support and adaptive thinking i explain some new important facts to think about,5 +2018-03-01,3 days stock exploded by 15 percent today in a good agreement with this bullish forecast for ddd issued 3 days ago spy aapl dia spx dia,1 +2018-03-23,if stocks continue to drop because of trump o nomics that red down arrow on the left labeled dji dow jones industrials should be renamed djt donald’s junky tariffs,1 +2018-03-28,market and trading preview for mar 28 2018 spx dji comp fb amzn nflx googl baba bidu nvda aapl tsla ba mu bac gs as expected spx drop huge today as failed to break out 2672 tmr could be harder 2621 2595 both key if bounce watch amzn nflx nvda googl levels i mentioned,2 +2018-03-24,spx 19 year return previous high 4 percent cagr nasdaq 2 percent since 1999 oil still 60 percent away from highs em and india still below 2007 all time highs dollar terms nikkei way away from highs europe lower than 2007 where is the bubble that bear markets start from,1 +2018-03-11,in the recent feb selloff fb aapl broke the 200 simple moving average googl tested 200 simple moving average amzn tested its 50 simple moving average once nflx barely broke its 20 sma the names that held up the best vs their mas and peers relative strength have outperformed ytd,1 +2018-03-20,optionsniper market trading preview mar 20 2018 spx dji comp fb amzn nflx googl baba nvda tsla bidu aapl ba ntes note that spx comp dow drop likely not over yet may bounce then fade or fade big then strong bounce can be either again play small use hedge,3 +2018-03-29,mar 29 2018 market and trading preview spx dji comp fb amzn nflx googl baba bidu nvda aapl tsla ba mu bac gs tech down huge today but now can go either day spx either 2561 or 2643 if 2561 first next week huge bounce if 2643 first next week down again to 2561,1 +2018-03-08,the recorded live stream for aapl fb gs spy ba nktr cat tsla and i explain the big picture and more important things to truly thinking that will be very helpful to your success from the big picture expert,5 +2018-03-09,spy aapl gs ba amzn cat listen to to big picture expert speak this was my live stream on wed mar 07 those that took my advice on just the spy calls are very happy today i am a master of understanding what the market is saying study my stream,5 +2018-03-26,spy aapl if you want to be lead by the big picture expert study this weekend spy video and what i explain and then study my pinned tweet video on powertriggertrade as most so called pros are just stock clowns compared to the big picture expert no skill no vision,1 +2018-03-09,what i said about the spy aapl fb gs and the big picture of the market was bang on correct again what is new i am the big picture expert witness the power of big picturing thinking forget about the little day trading minds anyone who followed my advice is smiling today,5 +2018-03-13,i said this yesterday about aapl and the spy the spy is close to hiting my first targets 280.00 that i explained in my mar 07 live stream no little minds just big picture thinking and big picture skill correct again the stock clown still wrong massively since spy 225,1 +2018-03-22,spx big drop in feb was scary but closed week above parabolic move bottom now breaking down channel again if spx not close this week 2695 confirm weekly parabolic move over said before feb may is about consolidation possibly see 2500 by may techs amzn nflx nvda diff,1 +2018-03-19,as i said starting mar18 i offer mkt and trading preview as i said before will do it for free for 6 months market may change overnight so i for when that happens will twit next am to update my view read note at bottom spx dji amzn nflx nvda baba tsla aapl googl fb mu,1 +2018-03-27,market and trading preview for mar 27 2018 spx dji comp fb amzn nflx googl baba bidu nvda aapl tsla ba mu bac gs spx hiking over 2651 today very nice move now daily cloud bottom 2672 strong resist to if power through may see 2691 even 2702 if fade 2651 2643 2634,5 +2018-03-15,here is the recorded live stream lots of great info about aapl amgn wdc twtr spy cat amzn i explain about the importance of the big picture and confirmation key support and why big picture skills always win in the long run i explain the facts,5 +2018-03-08,this chart shows fang plus apple and microsoft dont ignore this aapl nflx msft fb amzn,1 +2018-03-20,market trading preview mar 21 2018 spx dji comp fb amzn nflx googl baba nvda tsla bidu aapl ba fslr spx direction to be decided tmr by fed decision amzn ba nvda all ran today as expected baba huge reversal fb googl not bad tsla too weak remember to hedge tmr,1 +2018-03-26,market and trading preview for mar 26 2018 spx dji comp fb amzn nflx googl baba bidu nvda aapl tsla ba mu bac gs futures nice hiking so far keep in mind 2609 2612 2621 strong resist not impossible bouncing back to daily bottom boll then fade to not bottomed yet,4 +2018-03-24,spx downs huge with dji comp but check weekly charts for possible scenarios again trade on fact not emotion so if support levels mentioned in my analyses broken coz breaking event or news its not gonna work tech amzn nvda nflx fb googl baba aapl might be different,2 +2018-03-23,market and trading preview mar 23 2018 spx dji comp fb amzn nflx googl baba bidu nvda aapl tsla ba mu bac gs as i said when china news come out its not about trade war its about ethanol to iowa thats the key if spx cant hold 2621 tmr way lower next few weeks,1 +2018-03-22,market and trading preview mar 22 2018 spx dji comp fb amzn nflx googl baba nvda tsla bidu aapl mkt signal not clear yet so do not play big just use small positions less than 10 percent is good amzn surprisingly strong into close fb almost reversed today baba mission critical,3 +2018-03-24,stocks have lost dollars 30 billion n or 8.2 percent in mkt cap this week potential regulatory issues surrounding fb triggered the downdraft in mega tech prospects that us tech comps could be caught up in the trade issues with china add to the gloom goldman says,1 +2018-03-20,the market has for months been differentiating among fang stocks amzn and nflx to whose customers choose to buy the product to have lifted off and left fb and googl to the ad supported eyeball auctioneers to in their prop wash,1 +2018-03-18,oops now has a combined market cap of dollars tn the group of tech stocks fb amzn nflx googl msft aapl and nvda is up 23 percent on average this year and 69 percent over the last 12 months,1 +2018-03-24,spx i’ve posted my favorite setup a million times double bottom in an uptrend tagging the 200 days ideally the second low undercutting the first low i only play probabilities and the next few days is anybody’s guess but i like the odds of a continuation higher lt,4 +2018-03-11,hard to believe nasdaq exploded to new highs on friday after the late jan and early feb drama but what i find most interesting is that looking at the twitter sentiment this weekend i noticed many fellow traders are skeptical we have an interesting scenario playing out here,3 +2018-03-12,mark these charts and levels down right now you’re looking at the right most important equity indexes in the us and how far they’re from all time highs spy iwm qqq,5 +2018-03-24,my mkt and trading preview last night tell u how to trade next few weeks spx comp dji all drop huge today funny that bears saying mkt totally crashed i will chart tonight telling u why spx might be forming a huge bullish pattern on daily and weekly trade on fact not emotions,1 +2018-03-23,hard to believe dia is pretty much already back retesting the february lows spy is within an arms reach of the feb lows and looking at my watchlists it sure looks like theres more selling left,2 +2018-03-23,this was the most important chart u need to carefully review i posted it last night it basically tells u how to play next few weeks spx comp dji keep in mind about techs amzn nflx nvda tsla baba fb googl they gonna dive hard then bounce harder huge opportunities,5 +2018-03-01,amazon apple facebook and google together have a market capitalization of dollars .8 trillion the gdp of france a staggering 24 percent share of the SP500 500 top 50 close to the value of every stock traded on the nasdaq in 2001,1 +2018-03-04,inflows into the tech sector are straight up massive right now dont sleep on this chart qqq xlk aapl googl,1 +2018-03-07,ask urself one q only with tech leader nflx downgraded and thus weak today what would nasdaq comp have looked like if mkt gonna crash amzn to 1507 googl to 1066 nvda to 229 twtr to 32.6 fb to 177 but are they use brain not emotions so just watch spx 2706 2721,1 +2018-03-28,when you look at the price and volume profile of all big tech names yesterday it seems pretty obvious there were one or two big vwap work all day sell programs across the board triggering sl levels all day its was actually a very orderly sell off,1 +2018-03-29,over the past 5 trading days “fang” stocks have lost a combined dollars 68.6 billion n in market value as of facebook negative 8.34 percent dollars 2.12 billion n amazon negative 8.74 percent dollars 6.3 billion n netflix negative 8.5 percent dollars 1.49 billion n google negative 6.52 percent dollars 8.67 billion n,1 +2018-03-28,trader at jefferies if i told you an index fell 1.5 percent rallied 1.8 percent fell 2.1 percent rallied 1.1 percent fell 1 percent rallied 2.2 percent fell 1.6 percent rallied 1.3 percent fell 1 percent you might say pretty decent 2 week volatility thats what qqq did intraday today 9 different 1 percent and moves in just 5.5 hours paul,1 +2018-03-18,fang and apple now account for a quarter of the nasdaq and some are getting worried,3 +2018-03-05,spx futures showing surprisingly strong strength but need to take over 2706 fast then 2721 once it takes 2721 confirm reversal play on daily but regardless of its move nasdaq comp especially nflx amzn nvda might be leading the mkt pre market tmr is vital,3 +2018-03-03,impossible to tell but heres what we do know as market tankeddow fell 1600 on tuesday wednesday thursday and part of friday twtr was green and showing hints that it wants to rally so have to at least pay attention to it for the relative strength alone,3 +2018-03-27,aapl do not kid yourself so many where negative this market but on sat i posted the facts in my new spy video who do you want advice from a little pop traders with no skill that can not see anything or the big picture expert who has documented eye opening videos that prove it,1 +2018-03-14,aapl wdc amgn cat tsla amgn spy live stream tonight people in about 2 hours right now it is 3 pm my time as i type this i plan on starting it at 0 pm or 0 pm from this post keep that in mind,5 +2018-03-05,if this is your idea of a bear attack with the dow surging 337 points today the SP500 roaring 1.1 percent and the nasdaq pole vaulting 1 percent we clearly need more tariffs,1 +2018-03-08,amzn aapl gs spy we are smiling once again as the big picture expert correct yet once again what is new once amzn gets above 1556 and we should really take off right now amzn is at 1552 we are in nicely already with low risk very high rewards nice pop in aapl today,5 +2018-03-05,spy study aapl ba fb gs your going to witness soon enought why i am the big picture expert when i say something it will mean a lot more to you then anyone else saying it as most have very little skill compared to me i can assure you that i have proven this many times,5 +2018-03-09,if you followed the stock clown this week your crying if you listen to the big picture your smiling in cat amzn spy i gave advice on my live stream that explained what the market would do if it confirmed my numbers well it did and today we see the power of my big picture mind,5 +2018-03-12,aapl but but but the stock clown said short aapl at 140 then 145 it was to high it will fill the gap at 120 lol poor people who follow that clown as aapl just made new highs again this year the big picture expert just correct once again what else is new people,3 +2018-03-12,amzn smashing my targest those mar 16 1550 options are now at 57.25 from our 19.50 entry lets see little day traders make super plans like yours truly close to hiting 200 percent gains on huge priced options that we held for days because i was massively correct aapl another star,1 +2018-03-26,notice people when post about key stocks like appl msft or speak about the spy i dominate the streams twitter knows who the big picture expert is twitter loves me and the poor trolls will keep squirming in great clown pain as they are so jealous as i help those who deserve it,5 +2018-03-07,aapl fb ba amzn gs spy wdc the big picture expert speaks tonight on my live stream on my youtube channel powertarget trades at about 0 pm my time which 5 hours from this post which is 0 pm as i post this now i will talk about all these stocks and the big picture,1 +2018-03-12,i will be making another special plan for us i will post it inside of powergrouptrades tonight for another great idea i am working away on a new stock plan as i enjoy the great gains in amzn aapl fb this could be another big gainer like our amzn a special type of plan,5 +2018-03-12,new acronym mania replacing fang just 5 stocks account for over 50 percent of the entire ndx rally since the low m msft microsoft a appl apple n nflx netflix i intc intel a amzn amazon,5 +2018-03-08,spx closed the day above 60 moving average but a bit shy from 50 moving average on daily chart everything downs to job report tmr if good 2746 2751 2763 or even 2775 if power through 2775 see 2794 next week if no good down to 2706 2695 2684 2663 2655 2624 hope u all locked most positions today,1 +2018-03-07,a good day to miss while traveling got smacked on the gap open sold the cohn news then got whipsawed by the algos ramping spx right back to flat sold into the close so the continues the beatings will continue until morale improves,2 +2018-03-24,this whole market fluctuation won’t affect tech leaders long term they’ve already been up like crazy past 2 to 3 years 15 to 30 percent correction followed by months of consolidation is not unacceptable let’s give them a bit more time amzn nvda nflx googl msft tsla baba mu twtr,2 +2018-03-21,here it is the 10 biggest us stocks 1 aapl dollars 90 billion 2 amzn dollars 68 billion 3 googl dollars 63 billion 4 msft dollars 17 billion 5 brk a dollars 05 billion 6 fb dollars 88 billion 7 jpm dollars 93 billion 8 jnj dollars 51 billion 9 bac dollars 26 billion 10 xom dollars 13 billion,1 +2018-03-28,shares of facebook amazon apple netflix and google parent alphabet commonly known by the acronym faang have lost more than dollars 60 billion in total market value over the past week and a half,1 +2018-03-29,remember no trading tomorrow as the dia spy qqq markets are closed for the week whew what a week i hope you have a great long holiday weekend,1 +2018-03-27,there is straight carnage in the stock market today look at these down moves ☠️ twtr negative 12 percent nvda negative 10 percent tsla negative 9 percent nflx negative 7 percent shop negative 6 percent fb negative 5 percent googl negative 5 percent baba negative 5 percent amzn negative 4 percent,1 +2018-03-28,fang stocks have been in near freefall heres how much theyve dropped over the last week of trading facebook fb negative 10 percent amazon amzn negative 11 percent netflix nflx negative 8 percent google googl negative 8 percent,1 +2018-03-05,despite some broader index chop last few weeks have quality leader like sq mu nflx amzn intc ma crm atvi cme vrtx ew now rht twtr and so many more just crusiing higher,3 +2018-03-16,summary us equities gained 4 percent last week they gave back 1 percent this week tlt had it’s biggest weekly gain of the year fomc on wednesday is the next big event spy qqq,1 +2018-03-12,huge profits today with spx nvda baba tsla googl plays headed to mt rainier so no time for trading locked most positions holding rest calls nvda baba ntes googl spy tight only 17 percent positions left so no big deal remember to cash out to bank acct otherwise not ur dollars,1 +2018-03-10,for those who missed spx amzn googl nflx plays this week it’s ok to always opportunity in this mkt so do not force trade next week trying to “make it up” if rhythm wrong nothing right but u do need learn why missed or exited too early spend time on charts not just twits,3 +2018-03-10,it was a very strong week for many in the markets i was alot more active taking positions in tech and internet names around the 200 simple moving average in spx and now we are letting the winners work still with an eye on risk management nflx at positive 73 points is our best winner so far from the early feb buys,5 +2018-03-13,market cap change over the past two months apple dollars 0 billion alphabet dollars 8 billion amazon dollars 46 billion yes dollars 46 billion microsoft dollars 1 billion facebook dollars b total dollars 20 billion,1 +2018-03-03,the dow jones internet index fdn went out at all time weekly closing highs these are not things we normally see in downtrends amzn nflx,1 +2018-03-27,thank u all for support ive been offering free info for 3 year s on twit said earlier march will do free mkt and trading preview for another 6 months so till mid sep but just curious how many of u will be interested in paid service in terms of trading and mkt and charts preview and entries,3 +2018-03-07,watch amzn nflx twtr let them tell you what to do the three hottest stocks in the market then now mu lrcx crm they are the signposts,5 +2018-03-18,igt ilmn intc intu knx ma mchp mtch nflx nvda ntnx on panw rht shop soda sq srpt stz stx syk ter tpr twtr veev vrsn vrtx wday wix xlnx xpo z,3 +2018-03-10,nasdaq and qqq made new all time highs today let that sink in for a minute vs the dialouge youve heard over the last four weeks on fintwit,5 +2018-03-17,i have been reading about the end of qqq and fang for years daily every tick or divergence doesnt matter every piece of news isnt relevant and everyone has different time frames you dont have to get in at the bottom or out at the very top to make big trends equals big,5 +2018-03-05,avg daily volume 10 day vs today’s volume nflx positive 4.63 percent 9.43 million vs 18.96 million zg positive 4.25 percent 380 thousand vs 603 thousand sq positive 9.30 percent 13.82 million vs 30.59 million ntnx positive 8.13 percent 4.11 million vs 10 million veev positive 4.49 percent 1.73 million vs 2.65 million mu positive 6.09 percent 43.56 million vs 70 million twtr positive 4.8 percent 23.32 million vs 34.8 million,1 +2018-03-09,so technology broker dealers semiconductors regional banks and the internet index are all hitting new all time highs today let me ask you are these things we normally see in uptrends or downtrends we dont have to complicate this xlk sox iai kre fdn,3 +2018-03-02,es will driftup tonight make a new low in asia session freak everyone out then drift up in europe revisit low us premarket get bid up on the equity open swipe everyone out both ways,1 +2018-04-09,🔊 locking gains on spy now up positive 49 percent at 2.46 from 1.65 resistance 266 to 267 support 261 to 258 watching qqq bac aapl fb baba mu tsla avxs russ rgnx vxx,1 +2018-04-06,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn fb tsla len spot qqq googl msft twtr snap,5 +2018-04-20,watch us report live from the floor of the nyse this weeks weekly wrap up includes nflx ibm pm amzn gs bac ge skx wfc ual jnj,5 +2018-04-27,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn googl cmg msft fb amd bidu intc qcom irbt,5 +2018-04-25,🔊 still holding qqq apr 27 to 18 163 stock options now up positive 225 percent 4.85 from 1.49 possibly test of neckline amzn 1300 level on watch spy level to watch is 254 gartley pattern setting up in vix,1 +2018-04-08,can predict the stock market yes predict see here our price qqq for monday april 9 2018 offered as a public good not personal advice appl amzn qqq dji dia spy,1 +2018-04-06,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn fb tsla len spot qqq googl msft twtr snap,5 +2018-04-20,watch us report live from the floor of the nyse this weeks weekly wrap up includes nflx ibm pm amzn gs bac ge skx wfc ual jnj,5 +2018-04-27,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn googl cmg msft fb amd bidu intc qcom irbt,5 +2018-04-17,🔊our nflx apr 18 to 335 call options now up positive 132 percent 6.40 from 2.75 also out of fb equals positive 60 percent and spy equals positive 49 percent have some runners nflx heading to 350,1 +2018-04-06,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn fb tsla len spot qqq googl msft twtr snap,5 +2018-04-08,ppla11 stock price to people a participations ltd stock quote brazil bovespa to marketwatch,1 +2018-04-08,💖 monday stocks drop tariffs and trade wars weaker than expected jobs report risingrates faang falls ahead bank earnings and fed minutes mark zuck fb testifies no i don’t use ateleprompter,1 +2018-04-27,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn googl cmg msft fb amd bidu intc qcom irbt,5 +2018-04-24,top performer on the nasdaq check cap ltd chek 7.26 positive 78.82 percent after regaining compliance with the exchanges minimum bid price requirement this comes on the back of its 1 for 12 recerse stock split of its ordinary shares that was effectice on april 42018,5 +2018-04-08,scan all buy no sell i can ignore trump do with china and my own opinion but will not able to ignore the system as of now scan is not showing any weakness holding long bajaj fin and indigo and jubl food and apollo typre and maruti i will wait market to prove the entry wrong n hit my sl,1 +2018-04-03,at the close the dow jones industrial average SP500 500 and nasdaq all closed the day up more than 1 percent the dow jones industrial average posted a triple digit gain a day after a selloff in technology giants including facebook,1 +2018-04-25,ilmn absolute blowout quarterly numbers and the stock is down 3 percent today nflx blowout and the price is down 3 percent and since the news dangerous,1 +2018-04-25,will we hold it wednesday to nasdaq 7000 edition spy qqq amzn nflx tsla,5 +2018-04-02,apr 02 2018 market and trading preview spx dji comp fb amzn nflx googl baba bidu nvda aapl tsla ba mu bac gs very exciting week ahead as mkt can run either way big so hedge is a must nflx best chart among fang now if leading mkt bounce tech all up and spx up,5 +2018-04-17,p and l another day where it was a race for locates but it is what it is no locates again on the obvious stuff like cnet kbsf so had to settle for the bronze medal on vlrx and small wallet padders on chek kbsf nflx i,1 +2018-04-18,dollars 4.4 thousand had a swing short on vxx in no chart from last week that i covered this morning near open rigl ran out of patience hmny small swing short cov some a and h yesterday added some today and out lost on dcar long bounce attempt low float ssr to worth a shot,1 +2018-04-04,p and l glad todays market offered opportunities to recover yesterdays losses and then same nailed tenx dip buy long against 9 premarket support for quick 9.1 thousand and added another 1.1 thousand in padders on it rxii a decent little bagholder short on the panic pop lfin uvxy,4 +2018-04-22,stock performance comparisons very simple yet powerful demonstration about how names are doing nflx twtr both strong leaders amzn next with stronger recent move nvda mu ba intc ba msft good but weaker these days googl fb aapl snap tsla bidu problems recently,4 +2018-04-23,dollars .8 thousand take what the market gives you did not have major conviction on any setup so i stayed small and nimble taking the gains and enjoying this 11 day win streak chart entry and exit with thought process will be posted soon nflx shld i,1 +2018-04-25,p and l killer day today nailed chek panic pop short almost top tick at 19.5 and covered around 16.6 for a sick dollars 8.7 thousand win out of the gate then nailed it a few more times smaller size for another 4 thousand or so twtr acad nice wallet padders on the short side,1 +2018-04-19,the april 18 livestream recorded link i explain the spy another view of the big picture expanded with tsla amzn nflx aapl wynn explained with unique fa and ta views this explains spy opening your eyes to the truth and the real facts in a new way,5 +2018-04-12,the recorded live stream for april 11 right here i explain some powerful facts about the spy with a powerful explained new view with monthly charts that explains the big picture plus i talk about tsla wynn ba nvda lots of great important points,5 +2018-04-05,apr 5 2018 market and trading preview spx dji comp fb amzn nflx googl baba bidu nvda aapl tsla ba bac been saying 2621 2633 key levels for reversal confirmation super day with big profits from reversal call plays may bounce into next week to 2706 but need 2674 first,5 +2018-04-24,the sheer speed at which this spy bear flag played out today warrants is not only mind boggling but is a sign that things are changing bears need to be respected here jmho,5 +2018-04-19,dollars 4 thousand another solid day nflx i accidentally covered too much and went long i to thought today might have been the day opgn just sick made a plan and stuck to it someone kept selling hidden so i knew to keep adding learn the process dont chase,1 +2018-04-16,apr 16 2018 market and trading preview spx dji comp fb amzn nflx googl baba bidu nvda aapl tsla ba gs spx futures up big now but weekly 5 moving average pointing downward so huge risk unless weekly 5 moving average turning up play small only need hedge nflx monday er vital for all tech,3 +2018-04-13,apr 13 2018 market and trading preview spx dji comp fb amzn nflx googl baba bidu nvda aapl tsla ba gs mu spx huge gap up today and ran hard ascending triangle set up on daily and falling wedge and inverted head and shoulders set up on hourly news driven jpm er vital,1 +2018-04-05,aapl tsla like i explained in my live stream yesterday that the spy move was bullish yesterday and favoured testing the gap at 270.00 puting things in our favour to catch huge gains for the next few days time to hold things well we moved in a great manner just today alone,5 +2018-04-16,spy nflx is more proof of what i explained on the weekend about the big picture for the spy this is why i am the big picture expert study this spy video as the odds favour this outcome i have been massively correct since feb 11 2016,1 +2018-04-18,twtr i was bullish this with a detailed plan just like i explained on april 04 on my live stream that the spy would test 270 no one has stayed true to the big picture like yours truly in all that fear here is the proof study the truth,1 +2018-04-26,spy amzn listen to what i have explain about the spy and many times in my live streams i have explained about the big picture of stocks like fb and amzn i did this when their was great fear witness the power of correct study the power,5 +2018-04-17,this is why i am the big picture expert from this aapl wining plan 100 percent gains in tough choppy market times to explaining the big picture for the spy and being massively correct the spy study the truth and the facts people,5 +2018-04-08,spx futures break out key 2616 level to thats cloud bottom on hourly chart above that 2621 2629 its gonna be hard to get over above 2629 unless extremely good news come out also remember weekly chart tells u trend check 5 moving average on weekly and u know whats gonna happen,1 +2018-04-11,apr 11 2018 market and trading preview spx dji comp fb amzn nflx googl baba bidu nvda aapl tsla ba spx resisted almost precisely at daily mid bb 2663 as i mentioned ystd need to defend 2633 2639 and cross mid bb news drive everything play small only do not gamble,1 +2018-04-03,apr 03 2018 market and trading preview spx dji comp fb amzn nflx googl baba bidu nvda aapl tsla said last week we see spx 100 point drop not expected it happen in one day and thought 2621 could support then bounce then huge fade but faded big today need 2633 for reversal,1 +2018-04-10,apr 10 2018 market and trading preview spx dji comp fb amzn nflx googl baba bidu nvda aapl tsla ba spx huge hiking on monday but resisted 2655 then big fade to below 2616 china news tonight great for mkt futures need gap up at least 2644 to confirm or fade,1 +2018-04-06,apr 6 2018 market and trading preview spx dji comp fb amzn nflx googl baba bidu nvda aapl tsla ba bac news crashed mkt but adp critical tmr if good see if spx back to 2655 2663 quick if bad drop below 2621 is bad drop below 2604 trend reversed again to 2561,1 +2018-04-30,if always a big if in trading nasdaq nqf closes above 6880 the perma bears will taxidermied and wall mounted for all to see qqq,3 +2018-04-04,apr 04 2018 market and trading preview spx dji comp fb amzn nflx googl baba bidu nvda aapl tsla said all day spx need to take 2604 2621 2633 unless we see 2633 otherwise may fade again to 2561 or even 2533 hedge is best strategy tariff news not good 2604 2633 key,1 +2018-04-06,what a week for our markets which outperformed global markets strong economic growth overcome the external factors midcaps shine brightly many bitten down stocks found value buying and risen sharply result season just started which can further boost the markets going ahead,5 +2018-04-03,best names for long term investment for me are still tsla nvda baba to note baba could be hard as it depends on lots of politics but tsla nvda very solid biz if amzn downs to 1200 super for bulls re entry nflx googl also good back up,4 +2018-04-12,isnt the only thing soaring check out these high flying stocks tsla nflx cat nvda and ba all surging from their april lows,1 +2018-04-10,as this market continues to carve out a bottoming formation expect to see some backing and filling stop and go type of movement with a few head fakes along the way not gonna be a straight move up imo spy 30 minute chart carving out an inverse head and shoulders pattern,4 +2018-04-24,as some of you knowor might not know i track very closely how stocks react after earnings for the majority of technology related names its been a very rough start for techs even the few that gap up on earnings most have been fading lower 1 to 2 days later,3 +2018-04-25,hate to state the obvious but it is staring at us possible massive head and shoulders top in nqf qqq if completed target of 5530 would be indicated,2 +2018-04-18,us stocks open slightly higher ibm slumps 5 percent as profits shrink morgan stanley jumps 2 percent on record earnings crude oil prices jump 2 percent and top dollars 8 a barrel for the first time since december 2014 watch live,1 +2018-04-28,some implied moves for earnings next week mcd 3.3 percent agn 4.8 percent shop 10.8 percent uaa 11.9 percent grub 12 percent aapl 4.9 percent snap 15.5 percent gild 4.9 percent ma 4.1 percent tsla 8.6 percent sq 9 percent feye 10 percent teva 9.1 percent aprn 23.5 percent regn 5.9 percent wtw 12.8 percent atvi 6.8 percent baba 6.4 percent gpro 12.8 percent celg 5.1 percent cvs 4.3 percent oled 11.9 percent,3 +2018-04-23,while the street is rejoicing dollars 00 billion n on tcs also keep an eye out on avenue supermart dmart 8 percent away from the big 1 lk crore mark for perspective only 28 of all bse listed cos trade above 1 lk cr very recently auto major m and m hit that mark,1 +2018-04-21,some implied moves for earnings next week googl 5.3 percent whr 6.5 percent cat 5.4 percent wynn 5.7 percent irbt 12.9 percent fb 6.1 percent amd 10.2 percent v 3.8 percent twtr 15 percent ba 5.4 percent pypl 6.1 percent f 4.1 percent abbv 4.8 percent amzn 6.7 percent msft 4.8 percent intc 5.6 percent bidu 4 percent wdc 6.1 percent algn 8.7 percent cmg 7.3 percent,3 +2018-04-28,for the week aapl baba tsla sq mcd snap shop aks celg ma chk agn uaa fred grub pfe stx cvs atvi on oled bp gild fdc epd l mrk wll uscr anet teva swks cohr ll feye aet arnc w gpro aprn cgnx akam moh,4 +2018-04-24,i have seen this movie before can’t put my finger in it tech eyeballs and mouse clicks over profits and cash flow buy at any price stocks like msft intc csco orcl seems like it was just the other day something about y2 thousand i hear sequels are usually worse,1 +2018-04-26,after the close amzn msft intc x bidu wdc sbux cy expe fslr swn exas mat logm vrtx athn klac dfs ely camp chgg flex bofi tndm dollars mxim cai byd syk boom rmd sivb pfpt mstr vrsn dlr usak skyw nus ego hubg,1 +2018-04-20,macro we still see a risk on market which means buy this dip rally supported by falling vix neutral h for mf position contrarian rallies in hy and cds and weak sentiment contrarian below fang energy industrials materials telecoms lead basically icrap,2 +2018-04-21,for the week amzn fb amd msft ba twtr googl intc cat hal x v lmt pypl alk xom abbv f mmm amtd vz t fcx wynn kmb ups has ko cmcsa rtn aal wdc biib stm qcom txn sbux gm algn luv utx nok cmg cvx siri,4 +2018-04-02,stocks fall sharply amid rising us china trade tensions and mounting scrutiny of big technology companies dow ends down 458 points nasdaq sheds 193,1 +2018-04-23,us stock performance for the last week looks much worse when we look at how strong earnings season has been so far this has been the most positively surprising earnings season of the millennium h and t,1 +2018-04-24,i’ve tweeted this table many times here’s an update today yet again a reminder that the market is a discounting mechanism and a lot of the earnings good news may have already been priced into stocks,1 +2018-04-18,spy tsla wynn aapl twtr ba nflx nvda tonight live stream is at 0 pm eastern time the big picture expert will be expanding on the big picture for the spy correct once again since my april 04 live stream my new bullish phase shift timing rules i have developed and more,5 +2018-04-25,spy aapl fb ba twtr wynn live stream tonight at 0 pm i will be expanding with more proof and power while most just guess and assume expanding on more facts about the spy and the big picture i gave cluess yesterday forecasting things with key ta reasons and key numbers,3 +2018-04-04,a great live stream tonight as i explain what i posted about the spy last week inside of powergrouptrades it did what i explained just to powerful and also how the big picture always wins in the long run of things aapl twtr amzn live stream tonight at 0 pm eastern time,5 +2018-04-04,more tech stocks hit premarket amazon down 2.6 percent netflix down 2.5 facebook and apple both down 2.4 percent alphabet down 1.9 percent read more,1 +2018-04-26,amzn poor stock clowns like i have explained earnings are good which supports higher stock prices and a high spy i have said this since april 14 in my live stream,1 +2018-04-03,aapl we need aapl to get above 170 and at least close above 169.35 that will be the start of a positive come back today chop did build some power now we need to see another positive day to get us out of the chop,3 +2018-04-17,spy now you can see why i am the big picture expert we hit spy 270 just like i explained back in my april 04 detailed explained live stream lots of my plans doing well like the aapl april 20 170 calls did very well from my confirmation point as aapl was at 168.50 area,5 +2018-04-17,those that shorted nflx are called stock clowns no skill none again nflx is proof of why i am the big picture expert from my detailed explained spy big picture video i made in all that fear this weekend to many small minds out their no skill no vision nothing,1 +2018-04-17,those that need to hedge have no skill they are called guessers spy wynn twtr aapl i just went long the right stocks with the correct options and was again correct the big picture with big picture skills because to make big money you need big picture thinking,1 +2018-04-04,today we see why i am the big picture expert make sure to join my live stream tonight aapl amzn tsla twtr i explained the facts i will explain why people fail and why they need the help of a master of emotions and a powerful game changing system 0 pm eastern time,5 +2018-04-11,live stream tonight at 0 pm eastern time to talk about the big picture of the spy the facts and why key stocks like aapl wynn ba nvda fb tsla are telling us something keep in mind the big picture always wins when you stay focused i will explain the facts,5 +2018-04-22,here are the stocks and events on radar this week,5 +2018-04-15,get your trading accounts ready here are the biggest companies reporting earnings this week 🤑 mon nflx bac tue csx gs ibm isrg jnj schw ual unh wed axp kmi ms usb abt thu bk bx etfc key fri ge hon pg slb wm hal has,5 +2018-04-26,you have 10 minutes to get ready all of these stocks report earnings at 4 pm et today 🏟 • amzn • msft • intc • sbux • fslr • x • db • wdc • exas • ftnt • dfs,5 +2018-04-16,nflx smashed the 2000 bubble era eyeballs number of subscribers metric slightly beat on revenues and only matched eps estimates at .64 with some analyst estimates higher as high as .98 non gaap free cash outflow negative 286 million interesting test for the market tomorrow,2 +2018-04-23,mark your calendars set your alarms get your popcorn ready earnings this week 🍿 🚨 mon googl abx whr tue vz ko cat lmt wynn wed twtr fb amd cmg f t v ba thu msft amzn intc sbux gm bidu x fri xom aa cvx tmus,5 +2018-04-07,goal seeking algos kept spx just above 200 displaced moving average while continued to sell into the close continues next step down will bring margin calls and leverage unwind,2 +2018-04-24,this is gettin ugly googl down 50 after its so called beat nflx is now lower than before it reported a week ago giving up 30 points when it supposedly smashed eyeball estimates good news is bad news to thats a harbinger of a bear market,1 +2018-04-28,wsj headline u s stocks post weekly loss earnings supposed to drive this mkt higher but in busiest reporting week with big beats from marquee names amzn fb intc and more stocks fell qe and 0 percent rates drove the bull mkt up and now qt and higher rates are driving the bear bulls beware,1 +2018-04-02,the nasdaq 100 is now red on a year to date basis spy spx the SP500 500 is now at its lowest levels in five months qqq,1 +2018-04-22,spx futures weekly 5 moving average turning up now 2650 level this is big as i said last week 5 moving average pointing sharply downward was big concern now with 5 moving average turning up on weekly basically as long as big name er amzn googl fb msft good not impossible to see 2706 2721 2726 2744 2756,3 +2018-04-06,the stock market is getting slammed again SP500 500 spy negative 2.03 percent dow jones dia negative 2.35 percent nasdaq 100 qqq negative 2.05 percent volatility vix positive 10 percent gold gld positive 0.5 percent treasuries tlt positive 0.87 percent,1 +2018-04-17,as i said back in mar no time update mkt and trading preview while travel am traveling today through mid next week so not gonna update the preview but briefly keep in mind spx weekly 5 moving average still sharply point downward play small only and use hedge if small acct just sit and watch,3 +2018-04-29,here’s who reports earnings this week mon mcd aks rig agn akam fdc tue aapl snap gild shop pfe bp mrk ua wed tsla feye sq ddd fit chk cvs mro ssys thu gpro atvi cara teva p aa srpt ostk fri amd baba celg,1 +2018-04-19,here are the four tech companies changing the game and growing their subscriber counts to record levels nflx 125 million subs amzn 100 million subs spot 71 million subs aapl music 40 million subs,5 +2018-04-06,done for the day amazing profits today with put plays spx spy amzn etc only holding minor puts position into weekend remember to always progressively lock gains and cash out to bank acct if u keep growing acct get killed easily have a great weekend folks signing off here,5 +2018-04-10,this am i’m watching mkts following xi’s talk on tariffs mkts ahead of zuck on the hill our next move on syria cohen raid fallout anchoring 9 am hour while i’m on assign in cali a lot to watch today,5 +2018-04-26,scrambling to cover amzn and intc in the show but so much more trying to get everything in too much to report on i need a three hour show,2 +2018-04-16,crazy weather crazy markets vix down near 5 percent again nflx up in the after hours near 52 week highs and broad market move today to cap it off time for tequila and a cigar medicinal reasons,1 +2018-04-27,amzn msft intc xom all up korean peninsula now in a state of peace esf down 5 points this market has lost its marbles,1 +2018-04-02,trump has been very critical of amazon and amazon is a very large part of the us market its important to point out that its in no way a panic type of move to but big names larger name technology stocks are being closely watched,4 +2018-04-19,if you watch the ticker crawl under cnbc you can see that people are selling aapl off of a mizuho slowdown call and someone must have downgraded nvda,1 +2018-04-10,oh boy these senators have done enough homework to give zuck a real run for the money fb oh and zuck dont use api or any other acronym,5 +2018-04-24,mark your calendars set your alarms get your popcorn ready earnings this week 🍿 🚨 mon googl abx whr tue vz ko cat lmt wynn wed twtr fb amd cmg f t v ba thu msft amzn intc sbux gm bidu x fri xom aa cvx tmus via,5 +2018-04-25,indices not quite showing it yet but under the surface individual stocks are getting slaughtered amzn msft twtr nvda,3 +2018-05-04,watch us report live from the floor of the nyse this weeks weekly wrap up includes tsla spot snap aapl mcd baba sq shop grub,5 +2018-05-04,🔊another amazing day locked gains in spy for 352 percent cluster of resistance just above to love this volatility all out of ba nflx amzn qqq stock options holding uso all trades timestamped by twitter 👁‍🗨,5 +2018-05-10,🔊 congrats to the bulls to up positive 921 percent just 2 names spy qqq in the last 7 days to heres our closed positions positive 42 percent positive 82 percent positive 202 percent positive 78 percent positive 107 percent positive 110 percent positive 85 percent positive 150 percent positive 65 percent,1 +2018-05-03,our spy 158 puts now positive 150 percent and qqq 163 puts and 65 percent the symmetrical triangle in spx is looking more like a descending triangle so far up positive 215 percent today to congrats to traders in our group,1 +2018-05-04,watch us report live from the floor of the nyse this weeks weekly wrap up includes tsla spot snap aapl mcd baba sq shop grub,5 +2018-05-04,watch us report live from the floor of the nyse this weeks weekly wrap up includes tsla spot snap aapl mcd baba sq shop grub,5 +2018-05-11,watch us report live from the floor of the nyse this weeks weekly wrap up includes nvda jd vrx roku bkng symc ttd dbx grpn wb pzza tsn sbux,5 +2018-05-01,takes a look at what to expect during apple’s earnings today,4 +2018-05-05,spy accumulators again showed strong selling into the rise yesterday beginning at about algos and dark pools both the market pressure accumulator began accelerating down at 1 pm indicating a heavy supply of stock was worked through as price rose,2 +2018-05-03,nasdaq xspl breaking news xspand products lab shares to begin trading today may 3 2018 nasdaq xspl sponsored financial news content,1 +2018-05-10,dow up 250 points and sgx 70 points to now at swing high after reading my scan u might call me mad or would like to troll but this is what i see in chart and system scan all sell no buy psu bank pharma and nbfc n cement on the sector wise very weak score card where iam wrong,1 +2018-05-16,scan equals fmcg is clear cut winners most of them are buy on the sell side nbfc and psu banks are weak psu banks are giving 7 to 9 atr so fresh shorting has to be careful tvs is fresh sell with the political news around avoid small stop loss sl should be 15 atr,3 +2018-05-01,i know dow was negative 150 n future is down negative 60 but what i have in my scan all buy some of strong stock are coming into buy list like itc hul hdfc surly fmcg and it has a big story to play this week with dxy cross 91 crude 70 election due inr weak ye sab dangal kara denge ab to,2 +2018-05-02,dollars 21 snap had size out the gate and was up huge when it went under dollars 1 locked in partial there and got grinded out on the rest considering the size i was moving on it i consider this a win gnpx shorted using dollars 5.50 as a guide nviv get this sucker to dollars 7 please,1 +2018-05-04,at the close all three major indices finished the day in positive territory as technology shares rallied led by apple,4 +2018-05-01,nasdaq xspl breaking news xspand products lab announces pricing of dollars .5 million initial public offering nasdaq xspl sponsored financial news content,1 +2018-05-29,“price paid value received ” warren buffett,5 +2018-05-22,future retail weak dlf weak globus spirits strong just dial ok gspl good mgl weak motilal oswal ok astrazeneca pharma v good dhunseri petro good bombay burmah weak balmer law ok redington ok usha martin strong ace v good navkar corp great,3 +2018-05-01,p and l taking my pocket change gains and cashing them in for grade a setups werent there so just downsized and took what i could on minor wins played it safe after throwing away profits during lull yesterday not repeating the same mistake twice in a row htbx gnpx,5 +2018-05-02,p and l didnt really have any confidence to size up on anything today due to sketchy action and low liquidity but just simply kept taking base hits and it added up decently avgr panic pop short at the open the rest just wallet padders boxl gnpx imte nviv snap wmlp,2 +2018-05-11,analyst ratings after nvdas report last night had to laugh at wells fargos glass houses wfc think glass houses and maybe call andrew left hell get you to at least dollars 00 laugh im buying,1 +2018-05-04,spy as you can see many experts were very bearish these markets as i have explained before old world thinking is in the past you must be able to adapt to the market only i provided a big picture video on the spy detailed on april 14 and by todays actions correct again study,3 +2018-05-09,mahindra holidays – good whirlpool ok abb india ok sparc weak sadbhav infra weak blue dart ok automotive axles great phoenix mills great huhtamaki people ok skf india good sintex ind good apm ind weak,3 +2018-05-01,dollars .3 thousand no borrows on htbx gnpx did not get high enough for me now on a 14 day win streak that added up to dollars 18.2 thousand new blog post and chart recaps coming later today as well hear i,1 +2018-05-04,spy this is a great video to review what i explained on april 14 about the spy aapl and the big picture as you can see how well earnings are i explained these facts power facts while most were bearish the big picture and wrong once again,5 +2018-05-08,trillion dollar tuesday to apple closes in on historic valuation aapl spy qqq,1 +2018-05-17,here is the recorded live stream for may 16 i give an update on the big picture for the spy with key reasons great info aapl wynn fdx googl lulu amd i explain about many key points about the market by explaining key stocks details,4 +2018-05-23,i did tell you people yesterday that the pullback in the spy would only produce better setups on confirmation this was even faster then i expected to many of my plans doing well this is why i am the big picture expert no quessing just big picture plans like amzn ba,3 +2018-05-31,nvda another great winner for us this month huge gains in amzn nflx ba an googl all in this chop this is the video showing you the nvda wining plan from start to end just powerful,5 +2018-05-31,the spy aapl googl nflx ba and market expert will be showing and explaining how i improved myself in more more healthy year in 2018 compared to this 2016 video of me i will be posting a 2018 update in 2 to 4 weeks as i guide you into super health,5 +2018-05-05,nflx very bullish on daily and weekly classic symmetrical triangle consolidation break out incoming as i said i post trades of 2 names only per day but i mentioned i was also playing nflx spy calls today i got nflx may11 320 calls 2.66 already up to 5.27 by close gonna rock hard,1 +2018-05-25,looking over charts now and there are so many great setups aapl amzn nvda baba bidu sq nflx msft the nice thing is that these are all market leaders so the market looks ready for another leg up and futs ripping👊,5 +2018-05-23,nvda another beauty from the top 50 is setting up a bullish pattern here keep an eye on this one next few days especially like how it ran up going into earnings sold off smartly after earnings and now setting up again aganist the 50 day ma,1 +2018-05-23,just from scanning thru my post market charts i suspect the nasdaq will be making a nice move higher soon the big boys emerging in some sweet setups we already saw nflx explode amzn nvda msft googl baba intc all printing bullish patterns,1 +2018-05-15,if spx lower low on daily back to 2716 to 2721 then break out 2742 2755 if no lower low consolidate so key is watch if lower low tmr same for googl nflx nvda amzn aapl fb tsla baba bidu if lower low back to or mid bb then huge break out again weekly still super break out mode,1 +2018-05-04,tsla huge reversal play on daily and weekly as i said again and again clsoing above weekly cloud bottom 284 is key 5 moving average about to golden cross 10 moving average on weekly key resist above 297 301 304 309 311 314 317 321 if break out 321 gonna confirm a huge reversal out of downtrend channel,1 +2018-05-07,its been roughly half a year since last time we see fb amzn nflx googl all have great daily and weekly charts altogether very interesting set up here but dont fool yourself by playing heavy greedy mindset always get itself killed fast and easily,4 +2018-05-10,spx is now 95 points higher since this call we caught this move up in aapl amzn pg and many others all time highs coming for spx by end of june,1 +2018-05-24,netflix is now worth more than comcast its also about to catch disney market cap of nflx dollars 52 billion market cap of cmcsa dollars 48 billion market cap of dis dollars 53 billion,1 +2018-05-20,global stocks have lost 500 billion n in mkt cap this week as rising oil and yields unnerve investors real us yields of almost 1 percent becoming a competition for equities rate sensitive stocks and tech lagged this week with several fangman stocks underperforming incl google nvidia and facebook,1 +2018-05-16,when you suddenly turn bearish and decide to hold 3 stocks short over night you checked futures and theyre down negative 400 points its game on wake up the next day to see all 3 stocks gap up,1 +2018-05-01,1 only dow is down not nasdaq 2 apple results after us markets close will ba a key event for asian markets tomorrow 3 monthly auto sales data good 4 gst collection crossed 1 lakh crore 5 core sector growth not so bad as traders we face the markets on a day day basis,3 +2018-05-03,1 us markets fell despite apple up by more than 4 percent 2 us china trade war surfaces 3 us planning ban on china telecom products 4 volatility started spiking 5 only hdfc twins kotak bank itc saved the day yesterday otherwise our markets were very weak so sell on rise,1 +2018-05-29,old school traders know that when the financials start to look and act like this its time to pay a little bit more closer attention to your surroundings,4 +2018-05-05,have a great weekend all👍 a good week thanks to catching the spx bounce tuesday and short thursday looking for more upside for spx and oil next spx did everything bulls could want it held the 200 displaced moving average put in a hammer candle and a great ihs base it needs to clear 2665 now,5 +2018-05-12,for the week wmt hd amat csco m jcp de ttwo bzun mzor ntes kem a vips csiq lone hqcl mark sorl jwn dgly exp swch azn cpb nm gdp bcli mgic tgen kmda jack atnx htht manu nine mtbc vrtu rxn amrs flo,4 +2018-05-07,get your rally caps this tech stock led a friday rally that broke ndx’s losing streak,1 +2018-05-23,it just happened again netflix nflx traded as high as dollars 41.71 thats an all time high it now has pe ratio ratio 204 its also up 23800 percent since its 2002 ipo,1 +2018-05-10,remember the bears are going to try to knock me down as soon as my numbers print this is me playing dead then i will bark and bite after they lay down their shorts nvidia,1 +2018-05-01,heres what every analyst both independent and on wall street thinks apple will report tonight shout out to for creating this spreadsheet if you hold aapl you need to have this open all day,5 +2018-05-05,some implied moves for earnings this week jd 5.9 percent vrx 10.7 percent dis 3.8 percent ea 7.2 percent mtch 13.1 percent mthly twlo 12.5 percent zg 8.3 percent mthly wb 9.1 percent roku 16 percent bkng 6.3 percent ayx 13.9 percent nvda 7.6 percent mnst 7.2 percent sina 9 percent etsy 11.7 percent mthly,3 +2018-05-14,bear tip of the day large caps have the spy that u can use as guide to gauge relative strength and weakness or market sentiment tech stocks have qqq small caps have the iwm bios have labu etc but what about low floats there is no low float etf so most trade without a guide,4 +2018-05-08,razor thin attribution was my best tell before y2 thousand popped i know it was for too who included this beauty in his excellent daily note four stocks equals 90 percent ytd gains amzn aapl msft nflx,5 +2018-05-10,livestream the big picture on the spy aapl wynn ba tsla stop the guessing and assuming or being a stock clown and start to study some new clear facts instead,1 +2018-05-16,leaders ttd splk sedg fslr sq shop mu twtr lulu ntnx nflx twlo have my attention as big liquids secondary rng pstg noah tdoc okta wtw aaxn goos sgh hear baba tcehy amzn googl to own em and dont look at em types,5 +2018-05-06,here are the stocks and events on radar this week,5 +2018-05-01,apple just announced a dollars 00 billion buyback program that buyback alone is bigger than the market caps of goldman sachs lockheed martin and paypal aapl is also raising their dividend 16 percent,1 +2018-05-22,still their are great stocks that need to confirm spy is still in bullish chop zone but as long as key supports hold we are getting ready to still test 275 276,4 +2018-05-01,aapl doing well is just another positive sign for the market again when it comes to the big picture i am correct correct the big picture on the spy since feb 11 2016 my last aapl plan correct as well it was just very choppy but correct,3 +2018-05-10,if i were sitting in front of a computer today gonna be even more amazing laugh but anyway hiking is so much more fun signing off here and gonna check back a while later remember to progressively lock gains more importantly cash out gains to bank acct otherwise its not ur dollars,2 +2018-05-09,spy aapl twtr fdx googl tsla amzn i will be doing a live stream tonight 0 pm eastern make sure to subscribe to my youtube channel i will be going over the powerful proof plus i will be explaining how to become a group member inside of powergrouptrades,1 +2018-05-22,spy key support 271.70 the next key is 270.30 what i will do is simply wait for key stocks to confirm when they do great gains much like the huge gains we made in ba before the pullback,3 +2018-05-21,spy now we see once again why i am the big picture expert make sure to study my stream as i have told people since my april 14 live stream the big picture of this market and today great gains in many of my big picture plans,5 +2018-05-23,spy amzn ba wynn dis aapl live stream tonight at 0 pm eastern standard time i give another big picture update on the market plus i explain how to become a member inside of powergrouptrades make sure to sign up to my youtube channel,1 +2018-05-06,the stocks have set another record the block of facebook amazon apple netflix and google now account for 27 percent of the nasdaq composite a new all time high,5 +2018-05-13,here are the stocks and events watching in the week ahead,5 +2018-05-31,trade has to be done after 9.40 once stock break high and low of today shorting can be done only by profession trader with buying put or put spread if naked short or buy then 2 atr protection is must sl should be 1.25 to 1.5 atr max var should bot breach irrespective of tempting,1 +2018-05-07,spy like i always explained you need to adapt to the market if you did not make great gains from friday and into today going long the right stocks you are not adapting to the bullish signals that the market gave us for weeks right inside that chop aapl amzn googl tsla,1 +2018-05-10,spy big picture gains in all my plans like amzn googl adbe while many were just bearish from may the 1 if you have not made great gains being long you can thank the stock clowns for that as he loves to guess and scary people into losing money,5 +2018-05-01,thoughts as aapl loses some after hrs gains beat significantly lowered eps estimates by 4 cents eps up 30 percent but income before tax up just 10 percent 14.5 percent rate vs 25 percent inventories up whopping 164 percent y and ybad news for apple suppliers due to disappointing 10 anniver supercyclesales,2 +2018-05-04,wall street mavens scared individual investors out of apple stock now at time high heading into the earnings even after the beat hinted it was a fluke while they were dissing iphone x sales it remained the world was worlds most popular smartphone,1 +2018-05-24,acct up huge at this point was making not so much this morning as loss gains balance off a lot with less than 10 thousand profits but now it totally deeply very green with huge gains laugh great day signing off here remembr key spx levels ive mentioned have a great rest of day all,1 +2018-05-03,dow closes slightly higher erasing a loss of nearly 400 points SP500 500 and nasdaq inch lower tesla loses 6 percent following elon musk’s bizarre earnings call,1 +2018-05-28,here are nine stocks goldman sachs thinks will outperform the market which ones do you agree with which ones do you dislike 1 algn 2 amzn 3 adsk 4 cog 5 cxo 6 fb 7 nflx 8 pnr 9 vrtx,5 +2018-05-16,what if you invested dollars 0000 into a popular stock two years ago how much would you have today your answer • nvda dollars 2111 • mu dollars 4205 • nflx dollars 7148 • amd dollars 2561 • ba dollars 5920 • adbe dollars 5204 • amzn dollars 2579 • aapl dollars 7961,1 +2018-05-04,apple traded as high as dollars today thats a new all time high 👑 that also gives aapl a market cap of dollars 31 billion if apple climbs another 7 percent it will hit a market cap of dollars trillion the price to watch is dollars heres the chart now,1 +2018-05-30,my stock positions have performed relatively well but its definitely a stock pickers market vdsi lope tnet new highs today i have a position mov we added it to our buy alert list yesterday big caps i own include amzn nflx twtr v ba,4 +2018-05-25,overall a great week playing nflx amzn baba calls spx hardly making a move so keep an eye on 2721 next week have a great long weekend all friends,4 +2018-05-01,tall order today you have futures up a bit we dont want that and you have a tough set up for aapl with a dollars 00 b buyback rumor out there and we are barely oversold,3 +2018-05-21,done for now will check back later great morning so far with googl nflx baba ba tsla amzn but nvda bad do not waste your gains by playing non sense focus is key cash out gains to bank acct do not keep growing acct i will repeat these until you get it in your bones laugh,4 +2018-05-15,warning via the stock market is totally ignoring epic rallies in aapl and fb,1 +2018-05-01,i dont know where aapl the market trades tomorrow but i do know rallies end on good news not bad bears should be happy aapl blew out the bc a bad print would have been justified if a great print fades traders investors will get real nervous imo spx ndx,1 +2018-05-01,munsters initial reaction to aapl earnings the most important thing is apple announced dollars 00 billion share buyback street was expecting dollars 0 to 70 billion company increased cash by dollars 5 billion in march alone translation they can buy a lot of stock back over the next 5 years,1 +2018-05-30,with no recession in sight and inflation still relatively tame the bull market remains intact small cap and mid cap stock will likely continue to outperform large caps the SP500 500 has some room to rally up to 2800 but the consolidation could extend for a couple more months,3 +2018-05-28,setups and watch list nflx amzn baba sq now nvda athm zen huya shak pags following charts courtesy of,3 +2018-05-04,aapl the biggest stock on earth is going out at all time daily and weekly closing highs are these things we normally find in uptrends or downtrends,5 +2018-05-07,wow although we agreed on amzn and wfm i think your tsla prediction will be way off bummed you dont see the bullcase here 10000 percent rev growth since ipo gwh scale🔋project in the works dominant ev marketshare on cusp of 5 thousand and week dollars 3 billion in incremental rev im long,1 +2018-05-15,indices are weak today but im seeing some very encouraging action under the hood many individual stocks are looking quite constructive on the pullback many on my peg watchlist are even nicely too makes me think this market pullback wont last too long in my opinion,3 +2018-06-10,eaton vance management bought 615082 shares of cpb increasing its stake by 362.7 percent aapl amzn baba c d es f goog gm intc ibm msft nvda pg s tgt tsla wmt xom,1 +2018-06-08,nifty pharma to weekly bullish candlestick reversal pattern and quadruple positive divergence on rsi in the last one year every time index has made a lower low rsi never confirmed the same and made a higher low simultaneously,1 +2018-06-24,options — xom to perfect upward channel pattern with price now above short term emas ideal entry near the bottom channel dollars 0 or buy over dollars 2 break dollars 5 soon july 13 calls with a strike of dollars 1.50 idea fb tsla goog amzn snap,1 +2018-06-16,bull market has started nasdaq index all time high facebook all time high amazon all time high netflix all time high twitter all time high electronic arts all time high motorola all time high money makes money who say trading is tough,5 +2018-06-02,stocks to whack this week topglove supermax harta padini tenaga inari kpj dialog ppb yinson ql apple amazon intel microsoft facebook netflix google adobe nvidia activision uptrend breakout volume spike so many lah,1 +2018-06-26,for all chartists watch the highlighted zone in the image rsi vwap ema to bullish but adx is falling see what happens to the price adx works like an early warning system it does not suggest a direction but focuses on strength of trend will blog the adx indicator today,3 +2018-06-03,taking positions in the how much money would the trump gang be able make knowing the direction if the gyrations of the market day in and day out us china trade talks end in an impasse,4 +2018-06-05,additional surveillance measures imposed on securities list attached equals 5 percent price band w e f june 05 equals 100 percent margins applicable w e f june 06 on all open positions as on june 5 and new positions created from june 06 👇🏻,1 +2018-06-26,at the close all three major indices closed the day higher with technology and consumer stocks leading the gains the nasdaq snapped a four day losing streak,1 +2018-06-19,if you have faang stocks in your ira and you see goldman sachs telling the world that tech stocks are not in a bubble make sure you buy some 6 month puts while theyre priced low the risk reward is great here for protection no prizes for not doing it,3 +2018-06-29,unless there is a major bullish catalyst in near term long term charts of us indices and other major markets suggest we are entering in a large intermediate term downtrend a persistent one that will dwarf the initiation we saw back in feb internals and financials confirm spx,2 +2018-06-17,scan strong stock coming under buy list it is important to see how market will close on monday as usa market does not shown any weakness on trade war n friday we did outperform world market will be waiting for data to turn negative for any short call as of now holding long,4 +2018-06-03,rally on biotech stock crsp is in our midst we have oppurtunity as the prod delay affected the price in the interim it will recover,2 +2018-06-05,at the close the nasdaq finished the day at a new record high for the second straight day the dow jones industrial average closed the day lower and the SP500 500 finished the day higher tech titans apple amazon microsoft and netflix all closed at new record highs,1 +2018-06-13,i had a almost a record day yesterday on tsla another close to record day today across 3 accounts on nflx i will not be posting p and l any more its not helping me any more and i dont see it helping others either at this point this is what its all about,1 +2018-06-25,top 15 ibd50 via abmd ttd twtr algn goos nflx five htht grub kem vnom ttgt bzun etfc supn – bulls want to see some rs from the leaders for mkt composure,5 +2018-06-10,qcom to how much will the qcom stock price rise immediately after the chinese authority approves the nxp semiconductors nxpi acquisition deal,2 +2018-06-14,tsla wow this guy is just the best at being wrong and catching crumbs while i make super plans and gains in this stock old world thinking always loses in the end catcher wrong just like at spy 225,5 +2018-06-07,dogness international nasdaq dogz reports strong earnings sales growth stock fetches higher price,5 +2018-06-11,p and l not going to lie when i saw so many prospects on gap scans i got pretty excited and thought this was gonna be a huge day thankfully i came back down to earth and recognize it was actually a total dud sized appropriate took my small gains and left nndm clear long at open,2 +2018-06-30,spx ytd amzn up 45.3 percent ytd as it contributes 33.4 percent of the spx ytd total return msft up 16.3 percent and contributes 17.8 percent aapl up 10.2 percent and 17.6 percent nflx 103.9 percent and percent ytd information technology up 10.87 percent percent contributes 99.4 percent of the spx total return,1 +2018-06-03,update bullish 24111 25374 25800 28931 30086 bearish 24111 22298 22472 and 19884 djia spx dow 1 1 spread from 0.0 pips open your live account,1 +2018-06-18,nqf big picture view nasdaq continues to setup for a possible correction not only is it coiling into a rising wedge but each of the three highs in june has come on a divergence showing weakening momentum from bulls a break of this wedge should easily target 7000 ndx qqq,2 +2018-06-19,tech stocks qqq daily chart this is about as good a setup qqq will get for a solid correction 1 it hit resistance of a large bearish wedge from feb 2 this is at the same time it hit resistance of a smaller bear wedge from april 3 rsi is diverging invalid if wedge breaks up,3 +2018-06-11,nasdaq comp see falling wedge break out on chart but more interestingly it’s forming smiling face inverted head and shoulders pattern on 15 min chart monday morning gonna be critics to need stay above 7630,1 +2018-06-09,you post a lot on twtr but have not made any money on the stock in self where is your skills in real stocks where are your plans in making money in aapl googl tsla spy amzn you know the things that really count you have a lot to think about now or will you run,1 +2018-06-07,bidu i like the stock fort higher prices i explain the facts inside the video a special for all because of our super gains this week in amzn and tsla video plan explains study,4 +2018-06-06,anet great gains in this from my head up post on powertriggertrade on may 29 just another winner like twtr amzn googl nflx nvda all within a small selection of plans no one can do this like this trust me video explains while the stock clown crys,5 +2018-06-26,if mkt is like beginning of jun till last week where tech ran crazy ur positions can easily turn into very big as they grow multiple holds based on ur read of charts u can progressively lock gains a bit more conservatively to e g once a name hit resistance lock 20 percent,2 +2018-06-24,patience will pay off all need a bit more consolidation before pre er run starts once they settle not impossible to break down though so do not assume they would definitely be supported by those key levels may see epic run baba bidu nvda tsla,3 +2018-06-02,on 1 year time frame baba nvda both were leading tech until beginning of 2018 nflx hiked huge to be the leader amzn also start picking up momentum past few months baba nvda amzn all ready to take off again googl fb both left behind but note they start to make plays,2 +2018-06-11,ouch hedge got squeezed most of the times in the past year thomson reuters most shorted index has gained 25 percent since jun 2017 vs an SP500 500 rise of 14 percent shares in some heavily shorted stocks rallied monday with tesla chipotle hertz avis budget seeing strong gains,1 +2018-06-05,nasdaq moves to new highs it leads meaning it likely pulls spx higher but there are some potential land mines in the short term new from the fat pitch,3 +2018-06-14,momentum is having a blow off top etsy up nearly 30 percent 100 percent ytd nflx up almost 4 percent positive 100 percent ytd twtr up 5 percent up 90 percent ytd,1 +2018-06-05,stocks that are at their all time high today apple google amazon microsoft netflix nvidia alibaba adobe sap paypal facebook yes even facebook is at their all time high today barely two months after cambridge analytica and,1 +2018-06-05,this is the race to dollars trillion aapl is the closest its ever been now just 5 percent away from being the first amazon microsoft and alphabet are each right behind it,1 +2018-06-21,another strong day for tech stocks qqq but no change yet to the scenario outlined below its still in the large purple bearish wedge from feb and still coiled tightly in the small bear wedge from april todays action just set a double top with yet another bearish divergence,4 +2018-06-20,chief do you know how much money you could have made from when we coined fang you could sell them all today and it would be fine with me and i didnt forget the nifty fifty even as you forgot your manners,5 +2018-06-14,just had a quick look tsla dollars 0 bill nflx dollars 70 bill fb dollars 80 bill amzn dollars 50 bill and the rest of them never in 30 years i have ever seen mkt caps so high on so few stocks earning so little the central banks have destroyed efficient capital,1 +2018-06-04,that just happened 💸 apple hit new all time highs at dollars 93. its market cap is now dollars 49.13 billion is live right now heres a chart of aapl hitting fresh new highs,1 +2018-06-06,when the public hoard starts searching for fang stocks again no sign yet beware amzn fb nflx googl,1 +2018-06-15,while everyones talkin bout chinese dragons the semis have been quiet for a few days as nasdaq and chinese momentum stocks rip higher but we all know the semis dont stay quiet for long look for this sector to get some action soon mu smh intc mchp,2 +2018-06-01,back to things that matter a strong wbb close in nasdaq nqf qqq will complete small cup and handle confirm strong uptrend and bring forth new weekend excuses from the perma bears on why the market is wrong,5 +2018-06-15,tsla is more like aapl back in 2004 to 2006 when nokia still dominating the cell phone mkt tons aapl bears always celebrating when stock pull back a bit and short aapl to hell what happened eventually aapl bears lost over 11 billion 2007 to 2008 same will happen to tsla bears,2 +2018-06-02,a few pretty pictures a week with a plan is all u need amzn aapl googl fb some from last week,3 +2018-06-01,today the faang 5 account for a large percentage of the SP500 500 as well as nearly 40 percent of the nasdaq 100 facebook 5.5 percent amazon 10 percent apple 12 percent google 9 percent netflix 2 percent good read,5 +2018-06-20,at height of the great tech stock bubble in 2000 record us stock valuations the market cap of five highest valued tech companies was slightly over dollars trillion this afternoon i tallied up the market caps of aapl amzn googl msft and fb total came to dollars .96 trillion or nearly 2 times,1 +2018-06-02,for the week yy panw avgo dvmt sig tho okta five dlth cldr hds amba nav hqy sjm knop coup fcel mtn gwre home olli fran giii cpst gco cswc vra fgp asna hlne nx road mdb sfix coo scwx unfi seac ncs zumz,5 +2018-06-21,one more twit to clarify in most cases when stock goes up first major stop on daily chart will be 50 percent level then pull back to 38.2 percent but if huge move like tsla nflx first stop could be 61.8 percent level then pull back to 50 or 38.2 so you will need to decide based on ur read,3 +2018-06-29,end of second quarter folio update 🌿high techs 50 percent ) nvda mu sq 🌿biotechs 50 percent apto dmcaf cwbr srra blph oncy reta auph mdgl mrtx mgen ontx have an awesome weekend all,5 +2018-06-22,nasdaq and most of list trade flat and consolidating recent gains 2 pm some approx er dates for option and position traders nflx msft googl twtr pypl fb ebay amzn bidu aapl shop sq amazon prime day hearing,4 +2018-06-01,your buzzing shares for this hour tg is expected target sl is stoploss in case stock reverses and cmp is current market price for learning purposes only,3 +2018-06-22,the five best stocks in the SP500 500 so far this year 1 abmd positive 138 percent 2 nflx positive 117 percent 3 twtr positive 92 percent 4 trip positive 70 percent 5 algn positive 64 percent,5 +2018-06-14,live stream now dis nflx amzn googl tsla aapl spy roku momo how to be a member inside of powergrouptrades june 13 live stream time to be awaken to the best,5 +2018-06-15,wall street week facebook all time high amazon all time high netflix all time high nasdaq 100 all time high fb amzn nflx qqq,5 +2018-06-19,poor stock clown wrong since spy 225 only wished he could do what i do with my super wining plans skills like amzn tsla nflx googl old world thinking equals compared to mine in this new era i will rule this forever to powerful my skills always growing,1 +2018-06-17,heres a chart of the nasdaq since the dotcom bubble its important to remember just how high the nasdaq traded at back then and where it is now qqq xlk,5 +2018-06-07,aapl amd twtr amzn anet nvda googl plus how to become a member inside of powergrouptrades live stream now rtmp a rtmp youtube com and live2,5 +2018-06-04,nasdaq climbs to record in the latest sign that investors questioning the global growth story are funneling their money into shares of fast growing companies nasdaq is up 10.2 percent ytd with heavyweights like amazon apple microsoft all up double digit,1 +2018-06-14,there are many great researchers who will be delving into todays ig report we will probably be able to grasp the tenor scope and intent to is the report all its expected to be to rather quickly but details to hugely important ones to will continue to be forthcoming for weeks,4 +2018-06-08,stocks dip at the open dow loses 30 points nasdaq falls 0.4 percent apple retreats 1 percent on concerns about iphone demand verizon falls after naming new ceo watch live,1 +2018-06-03,here are the stocks and events on radar this week,5 +2018-06-06,amzn tsla ba fdx aapl spy twtr anet nvda nflx live stream tonight at 0 pm eastern standard time another big picture update where you hear powerful facts and advice also learn how to become a member inside of powergrouptrades to powerful i am very blessed,5 +2018-06-10,today met with algo trader who has set up trump tweet as feed and any tweet coming from trump ids it directly check the impact in all asset class and do the trade index ccy bonds and commodity too last one year best performance from this funds interesting set up🤔🤔,5 +2018-06-09,i just went over my scans and i can tell you this the spy is super bullish the short stock clown will not know what hit them this market is super bullish to the extremes to many thing to get into the key is to get into the best many bearish stock clowns are going to be ended,1 +2018-06-23,the market cap of the entire SP500 500 consumer discretionary index has gained dollars 18 billion n so far this year of which amazon and netflix on their own account for dollars 75 billion n strip out these gains and the rest of the index has dropped dollars 7 billion n in market cap for the year,1 +2018-06-20,aapl nflx amzn googl spy tsla live stream tonight people at 0 pm eastern standard time plus i explain how to become a member inside of powergrouptrades another super week for us nflx amzn tsla just super stars for us,5 +2018-06-09,aapl spy tsla googl amzn ba fdx twtr many stock scammers only speak about how much money they made who cares can you show before a fact what kind of money you would have made following the advice from start to end my youtube channel is full of super proof of it study,1 +2018-06-06,amzn tsla ba fdx aapl spy twtr live stream tonight at 0 pm eastern standard time another big picture update where you hear powerful facts and advice that works no one was bullish back in april but i was and i was simply correct the big picture with many wining plans,4 +2018-06-25,waiting for confirmation in this chop has lead to super gains these past few weeks with small losses along the way while avoiding this drop in key stocks like nflx amzn googl great gains while avoiding the drop things are so good for use i could not be any happier study,5 +2018-06-27,spy tsla nflx aapl cost amd live stream tonight at 0 pm eastern standard i explain some key big picture updates and facts about the spy and why this is a stock pickers market for now plus how to become a member inside of powergrouptrades a powerful stream of info,5 +2018-06-05,huge gains in amzn again while the stock clown said to sell it ahahahahahahahahaha old world thinking always loses in the big picture of things people while big picture skills always get the big gains no little scalpes for me we want to big gains just like twtr as well boom,5 +2018-06-21,view todays from here spy dia qqq iwm tnx vix spx rut ewg xly gld rsx tgt nflx amzn amzn dia xlp wmt,1 +2018-06-06,tech stocks are carrying wall street higher at the opening bell dow jumps 100 points nasdaq on track for third record close in a row watch live,1 +2018-06-10,a few tweets to prep for the wk📈📉 some other highlights mon tue nk summit tue cpi wed ppi fomc mtg and presser thu claims retail sales trade ecb mtg and presser fri quad witch industrial prod consumer sent boj mtg and presser will post stock ideas during week tradeem well👊🏽,3 +2018-06-05,view todays from here discussed spy dia qqq iwm tnx vix spx xly tlt rut xlk ewz eww uup sbux amzn nflx m twtr ccl rcl tgt nov,1 +2018-06-13,markets lose ground after fed signals faster rate hikes dow falls 120 points or 0.4 percent nasdaq ekes out record high media stocks jump after at and t wins time warner court ruling 21 century fox leaps 8 percent and cbs jumps 4 percent,1 +2018-06-19,the 5 biggest companies by market value are u s tech stocks aapl amzn goog msft fb between them they accounted for more than a third of the dollars .7 trillion increase in value of the SP500 500 in the past 12 mos and now make up more than 15 percent of the spx,1 +2018-06-06,not if you had a human brain you didnt you sold nflx 75 days later when it was down 35.9 percent fb 91 days later when it was down 50.2 percent aapl a year later when it was down 40.1 percent amzn two years later when it was down 29.2 percent maybe you held your goog maybe,1 +2018-06-14,djia negative 26 billion ut nasdaq positive 65 1 percent despite advancing nasdaq issues exceeding decliners by just 8 to 6 ratio as momo investors continue to pile into relatively small number of fang and fang like names driving fangs to mkt caps never seen b4 in history crowding reminiscent of pre 2000 bust,1 +2018-06-09,for those who’s not following me until recently let me say this again to this whole bull run since 2015 is not coz of strong econ but new tech revolution totally change way people live that’s why tech names amzn googl fb aapl nvda nflx tsla baba leading this bull mkt,5 +2018-06-29,think it’s too late to buy into the fang stocks based on their cash flow per share trends you’re wrong on 3 out of 4 counts fb amzn nflx goog googl,2 +2018-06-04,new all time highs for microcaps small caps tech and the nasdaq today i sound like a broken record but there is significant participation under the surface that should lead to higher overall equity prices,4 +2018-06-08,people still talk about fang stocks pacing the market really been just the a and the n in fang 9 biggest nasdaq stocks in order of ytd gain nflx positive 88 percent amzn positive 44 percent nvda positive 36 percent intc positive 20 percent msft positive 19 percent csco positive 14 percent aapl positive 13 percent googl positive 8 percent fb positive 7 percent,1 +2018-06-06,SP500 500 is up 3 percent ytd or 78 points amzn is contributing 24 points positive 31 percent msft 15 points positive 20 percent aapl 15 points positive 20 percent nflx 9 points positive 11 percent intc 6 points positive 8 percent ma 5 points positive 6.6 percent nvda 5 points positive 6.5 percent fb 5 points positive 6.5 percent 8 stocks are 105 percent of the ytd spx move and amzn and msft are 50 percent alone,1 +2018-06-19,ge was first added to the dow jones industrial average in 1907 it was the oldest stock in the dow until today ge was just kicked out and replaced by walgreens wba,1 +2018-06-15,some hard to believe yet not impossible development by end of month may not happen till july 1 tsla huge break out weekly downtrend channel continues and reach 387 or even 400 2 amzn goes to 1780 or even 1840 3 googl all the way to 1184 then 1210 4 nflx all the way to 445,1 +2018-06-22,amzn googl both fell out of parabolic channel fb nflx msft relatively strong but weekly chart need consolidation baba bidu nvda not ready yet so wait tsla premiums too high so let it settle aapl bad futures esf nqf not bad may hike and fade tmr time to relax,2 +2018-06-22,really nothing to watch today mkt very chaotic tech sector much weaker than spx dji done for the day do not hurry to make just relax and take a rest to conclude this still fascinating week if you trade using right strategy have a great weekend all twitter friends,1 +2018-06-20,since everyones asking they were msft csco intc orcl and nok nokia had 40 percent market share of cellphone mkt csco had highest pe ratio 120 or 100 points lower than amzn today over next 2 year s stock declines ranged from 62 percent negative 90 percent nortel just missed thetop 5 calls ut its stock lost 99 percent,1 +2018-06-20,even adjusting for inflation2018 combined valuation is far higher than in 2000 note that nasdaq 7782 today peaked at 5132 thats just 51.6 percent higher so concentration of big 5 techs is even greater in todays market never thought id experience such insanity again,1 +2018-06-16,spent 9 hrs today reviewing mkt and charting just gave u all tsla nvda googl baba amzn bidu fb msft chart updates learn charts is a must theres no such thing as making easily to hard work pays off if i ever start paid service u gonna see phenomenal effort every week,1 +2018-06-04,stocks holding on to their gains led by technology nvidia making a big jump to new highs up dollars today nvda i think citron told you to short this one someone buy dog a bone,5 +2018-06-21,in the seven days the dow has been straight down the nasdaq is up over 1 percent that kind of divergence is extremely uncommon so uncommon in fact that it has only occurred twice in the history of the nasdaq dating back to 1971,2 +2018-06-05,so this all happened yesterday new all time highs small caps microcaps tech nasdaq nyse ad line spx ad line midcap and small cap ad lines nasdaq 100 ad line nyse common stock only ad line SP500 100 ad line this is strong market breadth and should lead to higher equity prices,5 +2018-06-09,i look at technology and the nasdaq and you guys keep telling me head and shoulders tops i see all time highs i guess you see what you want to see not every higher high has to be the head of a head and shoulders top you know,3 +2018-06-23,russell 1000 is composed of the top 1000 largest stocks which include msft fb and ba among others they are affected because the indexers etf funds etc who track the russell 1000 will have to properly allocate their sizes based on the russell 1000 revised weighting,3 +2018-06-06,looking thru my watchlists and new scans continue to see some very nice charts down the pipeline many tech names are indeed extended but with todays strong move in spy and dia seeing setups emerging in what was previously sleeping sectors,4 +2018-06-28,it’s remarkable how quiet it is despite being the last week of the quarter and half year i expect some fireworks later in us and early asian session tomorrow is a big day bulls you need to close above 6600 bears you need to break 5750 move your fucn ass off and get over with it 🎯,5 +2018-07-20,watch us report live from the floor of the nyse this weeks weekly wrap up includes googl nflx bac dis cmcsa ebay ibm ge msft pzza ms,5 +2018-07-27,watch us report live from the floor of the nyse this weeks weekly wrap up includes fb twtr amd nvda spot aapl grub amzn googl ebay msft,5 +2018-07-12,intra day snapshot on aapl amzn nflx fb spy qqq tsla msft nvda,1 +2018-07-20,watch us report live from the floor of the nyse this weeks weekly wrap up includes googl nflx bac dis cmcsa ebay ibm ge msft pzza ms,5 +2018-07-27,watch us report live from the floor of the nyse this weeks weekly wrap up includes fb twtr amd nvda spot aapl grub amzn googl ebay msft,5 +2018-07-25,did you short reta at the perfect entry price members did 💎🔥join us today free🔥💎 spy qqq twtr dde hear tndm blin boxl riot tsla amzn torc chfs appl dia hmny qqq,1 +2018-07-27,watch us report live from the floor of the nyse this weeks weekly wrap up includes fb twtr amd nvda spot aapl grub amzn googl ebay msft,5 +2018-07-20,watch us report live from the floor of the nyse this weeks weekly wrap up includes googl nflx bac dis cmcsa ebay ibm ge msft pzza ms,5 +2018-07-30,the tech bloodbath continues top technology stocks have fallen further marking the first time the nasdaq has had three consecutive declines of 1 percent or more in nearly three years,5 +2018-07-25,record close for and dow spikes into the close as the us and eu reach a positive deal we are predicting big us numbers this friday and talked autonomous driving with and f ford spinning out its dollars bln unit to compete with gm cruise googl waymo,1 +2018-07-03,while most commentators seem to think that a full scale between the worlds two largest national economies will yet be avoided the omens are not good for a resolution of this issue anytime soon are up,2 +2018-07-12,twlo stock i am calling outperform 2 weeks current price dollars 1.63,1 +2018-07-12,the nasdaq hit an all time high thursday thanks to big tech names other major indexes all rebounded as earnings season continues,5 +2018-07-21,earnings 📈📉 algn amzn aq ba beat biib byd cme cmg deck dnkn ea ew expe fb fcx ffiv fslr googl grub hog intc irbt lpnt lrcx lvs ma mcd now nvcr penn pypl sbux sivb spot t tal team tree twtr txn tzoo uaa ups vrsn vrtx wdc wix wwe,1 +2018-07-14,new post theres no way a dollars 0 price tag makes sense for roku stock has been published on biedex stockmarket news trading tips realtime quotes technical analysis roku nasdaq roku is a very polarizing stock with big bears and big bulls,1 +2018-07-12,in the long run earnings drive the stock market that’s easy to forget when trade wars and slow economic growth dominate the headlines,5 +2018-07-30,remember what caused the faang shares to rise in 2017 now it takes them down fb,1 +2018-07-15,bearish setup emerging in tech stocks formed a clean bearish rising wedge which puts fridays break to new highs at risk of being a bull trap one more mild high would test wedge resistance again and set a steep bearish rsi divergence break of 7330 confirms downside qqq,4 +2018-07-06,p and l decent day recognized the setups were not my ideal setups nailed the open on anw and bbox although couldnt get any real size on it esp on anw which didnt really pop just dumped had to settle for half sized secondary short tait xbio walked after nviv,3 +2018-07-24,trillion dollar tuesday – amazon alphabet apple and google race to the market top qqq sqqq goog aapl amzn,5 +2018-07-25,classic bull trap today for those buying the highs in indices but particularly nasdaq ndx qqq downside follow through wouldnt be surprising from a seasonality perspective nasdaq and spx both see major seasonal peaks in mid july followed by weakness into late summer,4 +2018-07-22,earnings mon hal has pets googl stld tues vz lly hog lmt mmm jblu t irbt wed ba fcx ups gd gm fb amd v gild qcom f pypl thur mcd ma cmcsa mo spot ua wwe amzn intc cmg sbux ea fri twtr xom cvx abbv mrk,1 +2018-07-25,i have been bullish this market and have been correct with many wining aapl spy googl ba amzn nflx wining plans stop being a stock clown you or old world thinker like this guy study he is still massively wrong for 2 years now study my stream join the wining side,1 +2018-07-15,top 15 ibd50 via current outlook– confirmed uptrend distribution days– sp500 3 nasdaq 4 some strong charts and levels to watch– abmd grub ttd five twtr algn goos lgnd vnom nflx kem ttgt bzun sedg panw,5 +2018-07-31,nice sell off for fang and qqq and the 173 to 171 area would be the zone for dip buyers to step back in and pretend like nothing happened will be watching the strength of any bounce closely to theres quite abit of empty space below and 164 is next down on any failure ndx,4 +2018-07-27,tech earnings so far in 5 words twtr goodbye users hello clean up amzn race to trillion got this fb uh oh spaghettio instagram help nflx subscriber miss nbd spend more goog fines can handle we goog,1 +2018-07-22,it’s going to be a big week in earningsland buckle up goog amzn amd fb twtr ba t v intc cvx hal lmt pypl ma vz mmm celg mcd has f abbv xom sbux biib ko aal pets algn cmg grub rtn uaa gild ntgr utx hog wdc amtd nok dgx ups jblu gm lrcx,4 +2018-07-06,roku amzn googl nflx spy all plan that were mentioned on my twitter and confirmed inside of powergrouptrades all did well even in this choppy week now that is skill that crushes most out their that was my only focus all winners within a small selection of idea`s study,5 +2018-07-16,aapl has not confirmed the slightly higher high in the ndx when the two disagree aapl usually ends up being right about where both are headed,3 +2018-07-05,djia has been lurking just under 200 moving average for the past 7 trading days that ma had previously acted as support if djia starts downward from here that means lurking is over and the downtrend is getting going for real,2 +2018-07-08,the big picture expert for the spy amzn googl tsla nflx give you a motivational sound of what to come from me turn it up people feel the power,5 +2018-07-26,recorded live stream for july 25 amzn spy spx aapl jpm googl i explain how to become a member inside of powergrouptrade make sure to subscribe to my youtube channel powergrouptrades video link here study,1 +2018-07-15,5 things to watch this week •trump putin summit •earnings •powell testifies •retail sales •china gdp some ers and levels m bac nflx t csx gs jnj mlnx ual w ebay ibm ms th dpz etfc isrg msft skx sna swks tsm f clf ge vfc,5 +2018-07-26,live stream now aapl twtr nflx amzn googl tsla ba spx how to become a member plus a plan live a poping live stream for the serious people that want massive success in life,5 +2018-07-31,q2 earnings already reported fb amzn nflx googl twtr second quarter earnings reporting today aapl bidu second quarter earnings reporting in august tsla baba nvda get exposure to the tech sector with ➡️,1 +2018-07-02,10 stocks have contributed more than 100 percent of the SP500 500 ytd returns spy amzn msft aapl nflx,1 +2018-07-20,amazon needs more capacity so does microsoft who can help nvidia it is not a crypto stock data ai gaming those are the tickets nvda,2 +2018-07-14,the race to a trillion is on here is what share price amzn or aapl would need to hit to reach the milestone would anyone bet on the underdogs goog msft fb,5 +2018-07-02,nflx with a holy grail setup here strong stocks like nflx twtr that pullback to the 20 day ma usually test and hold that area before resuming uptrends worth eyeing both these names this week whats a holy grail setup,5 +2018-07-22,you big earnings this week amzn amd fb twtr googl ba t v intc hal lmt pypl ma vz mmm celg mcd has f abbv xom sbux biib ko aal pets algn cmg grub uaa gild hog amtd ups jblu gm cvx me,5 +2018-07-24,so many bullish setups so many stocks hitting all time highs so many earnings beats this is why i dont waste my time with talking heads or twitter pessimists,1 +2018-07-08,some of the biggest winners are obvious and actually exist in our daily lives as verbs twtr is one such company and it has also connected all of us together on our market journey daily weekly monthly i think ol tweety bird can retrace fully in time in a few more quarters,5 +2018-07-25,this 20 percent plunge in facebook is not exactly what you want to see in a faang driven market like this its like the nifty fifty boom all over people thought they were cant lose stocks until they crashed in the 1973 to 1974 bear market fb qqq,1 +2018-07-30,tomorrow morning shop pfe pg bp ll cmi rl slca sne incy amt arnc chtr ipgp igt vmc hmc adm bte erj hun i irmd osk irdm jci etn mas agco aptv xyl wcg ame cs pes shpg shoo ecl acco sny stng to wlh tkr,3 +2018-07-28,some implied moves for earnings next week cat 4.8 percent stx 8.9 percent ilmn 6.2 shop 8.7 percent ll 11.9 percent aapl 3.9 percent bidu 6.8 percent tsla 9.0 percent sq 8.1 percent wynn 6.0 percent fit 12.9 percent feye 10.2 percent teva 7.8 percent regn 5.0 percent w 14.8 percent sedg 13.6 percent mthly aks 10.0 percent atvi 6.3 percent fdc 7.0 percent mthly anet 8.9 percent,3 +2018-07-13,market cap billions 4 largest companies in the world today aapl 74 940 amzn 26 880 googl 92 837 msft 135 810 combined dollars 27 billion dollars .5 trillion,1 +2018-07-24,will look at these prices a year from now btc bitcoin 141.9 b dollars 223.88 nflx netflix 154.5 b dollars 55.49 gld gold dollars 0.2 b dollars 2.92 ag silver dollars .3 b dollars .53 fb facebook dollars 16.6 b dollars 13 appl apple dollars 46.2 b dollars 92.51 goog dollars 60.1 b dollars 237 tlsa dollars 0.13 b dollars 95.25 lets see where we get,1 +2018-07-02,keep in mind nasdaq comp not impossible to see a bounce and dip then bounce back so left with bottom stick green candle on monthly following junes neo classic shooting star so trade very carefully in july mkt might move very quickly both ways,3 +2018-07-20,tech bubble alert the combined market capitalization of facebook google amazon microsoft and apple increased dollars 60 billion in the past two weeks alone by msft nflx,1 +2018-07-14,i really really want to be bearish on us equities but with googl breaking out of a wedge its really difficult to argue the case of broad weakness yet same with the ism still elevated,2 +2018-07-27,patience is wearing thin with tech stocks this earnings season suffered worst battering in the history of u s stocks intel which topped all forecasts had dollars 0 billion n wiped from its value plunged even though its net income sextupled,1 +2018-07-27,its been a deadly earnings season for big tech names like intc nflx fb and twtr,5 +2018-07-23,heres who reports earnings this week 🚀 mon googl goog stld whr zion tue t vz lmt jblu biib irbt mmm lly txn wed fb amd f gild pypl v ba hm ko abx thu amzn intc sbux cmg fsrl spot mcd fri twtr xom abbv cvx,1 +2018-07-12,bearish stock clown wrong the big picture in stocks like amzn and googl while we kill it do not be a bay scalper you will just get baby gains and burn out instead study with the bearish stock clown little scalper still wrong since spy 225 think,1 +2018-07-27,view todays from here discussed spy spx qqq dia rut iwm vix tnx uup gld googl nflx hsy inp amzn fb intc eis xlp hsy,1 +2018-07-25,before the open tomorrow ma mcd celg uaa rtn aal spot nok cmcsa abmd luv wwe vlo mo cop agn alk synt bmy dnkn tree mpc gnc bud dhi mck tsco alxn cme phm yndx rds a teck azn hsy cve xrx ip dsx ally mplx,3 +2018-07-23,microsoft is up nearly 50 percent in the past year a dollars 00 billion swing in market cap netflix is up 90 percent even after getting hammered last week it was up 120 percent before then a dollars 0 billion swing in market cap amazon is up 75 percent a dollars 00 billion swing in market cap what 1999 promised has actually arrived,1 +2018-07-24,nflx hasnt looked right since their earnings and for it to be down today after googls nice gao up makes me think nflx not done testing lower prices,2 +2018-07-05,great gains in googl roku nflx spy looks good poor stock clown wrong since spy 225 no skill no plans just guessing a lost soul time to go work at mcdonalds,1 +2018-07-31,apple aapl just did that again they beat on earnings theyre also that much closer to hitting dollars trillion in market cap if you missed it read this,1 +2018-07-27,tech sell off knocks the nasdaq 1.5 percent lower dow loses 76 points but still advances for the 4 week in a row twitter plunges 21 percent as count declines intel falls 9 percent after reporting results,1 +2018-07-03,when you wake up early morning today if you hold long dont look the hangkong index negative 950 look for sgx and dow recovery you will feel good and take your breakfast hk high beta index its nature now a days like pc jewellers or just dial chance are high for sharp bounce,4 +2018-07-24,dow jumps 100 points at the open nasdaq soars 1 percent to record high strong earnings lift google owner alphabet 5 percent whirlpool sinks 11 percent as tariffs spark surprise loss watch live,1 +2018-07-17,forget about little baby scalper guessing we want the big gains in stuff like amzn googl stop being a stock clown and start waiting for confirmation and get long the right stocks for the massive gains if your a short your a stock clown old world thinker spy clown,1 +2018-07-23,a few analyst calls amzn reit buy point dollars 020 stifel biib dollars 35➜ dollars 96 canaccord ea dollars 57➜ dollars 59 stifel fb reit buy point dollars 55 mizuho msft dollars 16➜ dollars 28 argus roku dollars 0➜ dollars 0 needham spot init buy dollars 30 btig uaa dollars 5➜ dollars 2 telsey wix dollars 7➜ dollars 15 barclays,1 +2018-07-24,nasdaq to google turns table on amazon announces cloud services platform knocks roils smaller cloud names russell 2000 continues to mark time since rebalancing in late june when biggest and strongest names shift into russell 1000 solid session in stealth rally from march lows,5 +2018-07-10,poor spy bearish stock clowns just wrong again while i kill it in gains loving life with powerful skill correct the big picture since feb 11 2016 with so many big picture spy wining plans plus amzn googl tsla roku just killing this month stock clown wrong since spy 225,1 +2018-07-08,mindset find the next aapl nvda fb amzn etc focus on the best 1 to 5 stks helps weed out noise so we don’t miss the truly special ones rev and eps growth minimum 50 percent 100 percent and best revenue more important shows customer demand strong price action expanding volume equals inst’l demand,5 +2018-07-26,view todays from here discussed spy spx qqq dia rut tlt tnx uup qcom nxpi hsy intc sbux expe cmg amzn fb xlk eis iwm,1 +2018-07-15,a huge week of earnings is about to kickoff mon nflx bac blk tues gs unh jnj wed ibm ms axp ebay aa thurs msft isrg swks dpz fri ge hon over 400 names are reporting here is your full earnings calendar,1 +2018-07-30,earnings this week mon cat aks spwr stx ilmn spg fdc tue aapl bidu shop pfe p ll akam fti wed tsla x s sq chk fit wynn feye mro trip thu gpro atvi shak ttwo regn mgm aig fri pbr cboe fizz tm,5 +2018-07-31,watch if amzn can break out 1792 early tmr am and if googl break out 1244 fast within first 15 min if they both do tech run huge fed still important tmr,2 +2018-07-31,here we go 🙌 apple aapl reports earnings after todays closing bell over 239000 people are watching it on stocktwits apple is up 12 percent ytd and its 4.7 percent away from having a market cap of dollars trillion,1 +2018-07-10,no need to post any chart just remember amzn nflx charts both super amazing with great chance to see ath along the upper boll on daily chart googl might be the next fb already explosive i mentioned this back at end of may gonna lead the mkt,5 +2018-07-03,10 stocks have contributed more than 100 percent of the spx 500’s ytd returns amzn msft aapl nflx fb goog ma v adbe nvda,1 +2018-07-30,tech stocks are getting shellacked right now look at these moves the market has been open for 30 minutes 😳 netflix nflx negative 5 percent twitter twtr negative 4.5 percent facebook fb negative 3.5 percent adobe adbe negative 4.5 percent snapchat snap negative 7 percent shopify shop negative 4.5 percent square sq negative 5 percent,1 +2018-07-25,facebook misses after investors go wild jamming techs into number thats 2 outta 3 fang misses fb and nflx fang down to ag and the a better not miss tomorrow night,1 +2018-07-30,from the highs twitter negative 34 percent facebook negative 24 percent netflix negative 21 percent alibaba negative 13 percent faang index negative 11 percent amazon negative 6 percent google negative 5 percent nasdaq 100 to 5 percent nvidia negative 5 percent apple negative 3 percent via nyse fang index,1 +2018-07-17,you dont want to see next weeks earnings list alphabet amazon facebook qualcomm intel texas inst exxon chevron mcdonald’s coke starbucks underarmour chipotle gm ford fiat ups american air southwest merck boeing utx 3 million lockheed northrop at and t verizon visa mastercard paypal,1 +2018-07-27,weird day nasdaq gapped up now down 0.7 percent nyse a d went from positive 500 at the open to negative 600 and the djia thus far has stayed in a 60 point range this is not a market where liquidity is flowing easily,1 +2018-07-13,what happens in bull markets fb all time high amzn all time high msft all time high googl all time high qqq all time high,5 +2018-07-24,all time highs today are all the cool kids costco ihs markit norfolk southern adobe salesforce facebook alphabet microsoft mastercard paypal,5 +2018-07-22,the 200 day sma is one of the biggest signals in the market telling you which side to be on bull above bear below bad things happen to stocks and markets when this line is lost,5 +2018-07-29,for trend followers the 200 day sma is one of the biggest signals in the market telling you which side to be on bull above bear below bad things happen to stocks and markets when this line is lost,5 +2018-07-26,heres how some big tech stocks are looking pre market nflx negative 1.9 percent amzn negative 1.6 percent aapl negative 0.8 percent twtr negative 3 percent snap negative 3 percent fb negative 17 percent,1 +2018-07-25,there is a lot of activity on earnings and gaps and some breakouts occurring but risk is still akin to a sideways market im not too aggressive in this market keeping about half my portfolio in cash until conditions improve and i see better action from individual stocks,3 +2018-07-12,two years ago today the SP500 500 made a new all time high after not making one for nealry 14 months the nyse ad line broke out to new highs well ahead of the spx signaling a healthy market under the surface sound familiar,2 +2018-07-19,get short this market get short spy spy puts get short tsla amzn nflx wtw get long volatility vxx and even vix calls it’s the end of the night the music is getting quieter and only a few left dancing never had higher conviction we are close to a major correction,1 +2018-07-30,while all eyes are on nasdaq bloated pigs crashing down like fb and twtr where all funds moms and pops have been piling in for quite a while opportunities arise elsewhere where less eyes are watching your job is to understand follow what the market is telling you,2 +2018-07-24,strip out the 17 percent dollars tln of market cap of the market that is facebook microsoft apple amazon netflix and alphabet and the market has barely budged this year this is the most concentrated market since the dotcoms before that the nifty fifty heed rule,1 +2018-07-12,anyone who has shorted the nasdaq has by definition gotten it completely wrong qqq with new all time highs today this sort of behavior is not something we usually find in downtrends,1 +2018-07-05,the 200 day sma is one of the biggest signals in the market telling you which side to be on bull above bear below bad things happen to stocks and markets when this line is lost,5 +2018-07-18,here is where fang was trading the last time the national league won the mlb all star game fb dollars 1.47 amzn dollars 19.50 nflx dollars 1.46 googl dollars 91.13 todays prices fb dollars 09 amzn dollars 840 nflx dollars 76 googl dollars 208,1 +2018-07-30,last week nasdaq positive 18 percent ytd and nobody cared all was normal great buying opportunity this week nasdaq negative 4 percent from the ath and everyone is in shock and awe,1 +2018-07-02,aot trades today nflx up dollars .11 from our entry baba up dollars .30 from our entry twtr up dollars .40 from our entry iq up dollars .30 from out entry,1 +2018-07-31,i feel like everyone is resting the fate of us indices today solely on aapl earnings pretty frightening if you think about that,2 +2018-08-02,stock price crosses dollars 00 mark to reach new all time high,5 +2018-08-01,shares of aapl inc are inching closer to a dollars trillion valuation after the company forecast blowout current quarter sales and analysts on wednesday its up 4.5 percent at dollars 98.5 in premarket trade to an all time high,1 +2018-08-08,were watching markets open after tesla ceo elon musk said he wants to take the company private cvs is up more than 3 percent after its pharmacy business topped expectations 21 century fox will report earnings after the market close,1 +2018-08-13,tsla stock has risen 30.1 percent from dollars 95 dollars 87 since our buy alert posted last week to get our next buy and sell alert log in to read our daily analysis and price forecast on tesla spy aapl amd fb and other top companies,1 +2018-08-15,new post how to profit from roku stock when it takes a pause has been published on biedex stockmarket news trading tips realtime quotes technical analysis roku nasdaq roku already had a solid price chart heading into its quarterly,1 +2018-08-19,tsla stock has dropped dollars 2 27.79 percent since our sell alert posted last week target hit now what log in to read our daily analysis and price forecast on tesla spy aapl bac fb amzn vz msft and other winners,1 +2018-08-02,that mustve been one sweet sweet bite apple is now first us company to hit dollars trillion value stock has surged over 50000 percent since its 1980 ipo,1 +2018-08-17,amzn 1870 stock options have risen to positive 614 percent 16.00 from 2.24 since our buy alert 9 am today based on a head and shoulders breakdown pattern that triggered today heres what else were watching today spy qqq spx aapl tsla nvda fb amd baba,1 +2018-08-30,inverted chart of amzn biggest monthly bar in history biggest stretch ever from 10 mma huge bar nearly identical aapl chart,5 +2018-08-02,historic day for aapl as it crosses through the dollars trillion dollar market cap today not bad for a company whos survival was questioned back in 1996 meantime googl is reportedly looking to get back in to china with a censored mobile search app,4 +2018-08-17,is it just me or has the markets safe harbor been reduced to a single stock aapl absolutely incredible freight train spx ndx iwm,5 +2018-08-01,which way wednesday to strong bounces weak follow throughs aapl dia gis,2 +2018-08-11,remember when appl aired this iconic super bowl ad when steve jobs was alive now they and other big tech are deplatforming people these stocks are technically all shorts right now 👉 googl fb twtr,1 +2018-08-06,some long set ups idea gen aaxn adbe algn amd coup cree crm five fosl lulu ma mdb msft ntap revg sivb team v can 🍒pick vs indiv risk profile and timeframes would check er dates,3 +2018-08-07,toppy tuesday to markets continue to ignore and soar spy aapl uti,5 +2018-08-24,software related have been on🔥 but if splk adsk ignite next leg – watchlist of some nice charts… with actually more room on daily and poss alpha trades 🍒pick vs time frame idea gen adbe coup crm csod docu ffiv hubs msft newr ntnx okta orcl panw pvtl ulti,3 +2018-08-28,another green day in private twitter feels great knowing 1000 people were green with me spy consolidated sideways best it could do for the bulls at this point hopefully we continue puke out shorts and get another leg up tomorrow were long dnkn cause america runs on dunkin 🙂,1 +2018-08-11,spy lots of people are predicting a ugly week ahead keeping it simple uptrend line supports held with 20 displaced moving average right below short term bullish trend intact until proven otherwise,1 +2018-08-27,amd ignore advanced micro devices’ stock price and focus on the business spy gld slv qqq dia djia iwm tlt eem eth btc ltc xrp,4 +2018-08-28,2 for 2 as far as these coiling patterns go first it was iwm and now its qqq qqq broke out with supreme sexiness up up and away,2 +2018-08-09,vwap anchored from the event in this case the event is earnings aapl amzn nflx twtr,1 +2018-08-08,just like spx and spy which have seen declining volume on .75 of the previous rally days and yesterday was one of the lowest in months tech stocks qqq are in the same boat low volume rally and the bearish wedge coiling for the past several months are a major risk to longs,2 +2018-08-15,in spy the weight of aapl amzn msft and goog googl is 14.04 percent of the etf in qqq they are 41.91 percent is it logical no but it is what it is you can chart 5 stocks and almost see half of the weight of nasdaq exploit reality dont complain about it,1 +2018-08-02,how bout that spy chart folks long and strong ever since the opening bell up almost dollars since posting this chart at the open learn to spot those rsi and macd divergences especially on indices this pattern is as strong a buy signal as you ever gonna get in my opinion,5 +2018-08-22,tech stocks qqq have gone nowhere all week and thats because its been coiling up in a perfect triangle which means a significant move is coming this pattern has a bullish bias so most traders likely expecting a break up but caution is very warranted after todays failed rally,1 +2018-08-11,these are the 10 biggest stocks in america by market cap equally weighted going out at new all time weekly closing highs for the 5 consecutive week aapl goog amzn msft fb brkb jpm jnj xom bac,5 +2018-08-01,bang on what i said about aapl in this detailed video last night it simple just proves why i am the big picture expert simple the best stay tuned as i lead you in massive health as well people what it take to be a true billionaire in life both health and wealth,5 +2018-08-07,well there is some news out today like the most job openings in american history strong corporate earnings and a stealth market rally that belies the narrative stocks have slumped since tariff talk and action begun,5 +2018-08-14,everyday i get asked why i trade mainly spx this year i wanted to try and really focus on it because there is huge volatility in it with 3 expiration’s a week this creates big opportunities p and l ytd and in spx spy googl amzn aapl and to in nflx baba nvda fb ba cop tsla,5 +2018-08-01,08 to 01 the top scored health care company is cascade corp casc scored at 62.43 key words good price bought trading great strong bullish closed missed market boom sell buy selling stock buys confusing twtr adbe spy mu amd,1 +2018-08-16,here is a new inspirational video before the special big announcement game changing health video coming soon from the for really counts in the market aapl and the spy correct massively since feb 11 2016 study the power,5 +2018-08-16,aapl but but the stock clown clown bookie the little scalper said aapl was to high at 140 still massively wrong just like the spy at 225 aapl over 212 so far last nights live stream here in the link listen to the truth think,1 +2018-08-17,aapl just another greater the 100 percent gains in large priced options for us video explains the detailed facts the market leader is back in full force time to get into the right stocks to make those great gains study strikes again,5 +2018-08-30,aapl this will be our 4 wining options plan in a row greater the 100 percent gains in large priced options since earnings strikes again we have been killing it great gains in amzn as well witness the power,5 +2018-08-29,been saying this rising wedge blue lines on nasdaq comp daily chart typically rising wedge is followed by break down but when break up happens accelerate up see if can reach black line resistance level around 8160 to 8170 range,3 +2018-08-14,amzn is trying to join aapl in the four comma club they are closing in giddy up 🐎,1 +2018-08-01,price is set for a strong rebound today after store reopens following overblown concerns of two patrons feeling ill stock price could climb 4 to 5 percent today cmg,2 +2018-08-16,aapl what a beast notice how as market was taking a hit yesterday aapl was flat or slightly green thats the definition of relative strength,3 +2018-08-02,today is a good test for the spy qqq as they retest support note on this retest we need to watch how the macd and rsi behave here if rsi and macd continue to form a higher low as spy qqq retests support odds increase for a strong bounce phase soon,4 +2018-08-29,amzn remember my twit from last week as i said when buying near strike otm and then stocks up those otm gonna be deep itm then exploding 13 equals 50 now at 51,1 +2018-08-15,have warned you all spx comp not break out yet futures dropped big pre market 5 moving average downwards dead crossing 10 moving average on daily not good although could be supported again by mid b b anyway as i said hard to trade so either play small or sit and watch,1 +2018-08-22,nqf futures recovered 25 points from low to need another 25 points from here to confirm recovery so if it can get back to 7402 before tmr open and stay above it good signal otherwise more consolidations keep in mind daily chart 5 moving average for both esf and nqf still upwards,3 +2018-08-17,let me out of here i have had it with the shorts but unlike another top dog i am not talking dollars 20 fully secured i’m talking gaming data center and autonomous driving dominance so let them wallow in my so called disappointment nvda,1 +2018-08-02,the biggest stock in the world hit our upside target today of 207 based on the 261.8 percent extension of the 2015 to 2016 decline aapl its not our problem anymore,1 +2018-08-15,tech has been the only thing propping this market up with the recent earnings related re evaluations from to fb and twtr and now tencent sentiment may be shifting the other direction if so we may have some near term headwinds despite solid earnings growth and positive us data,3 +2018-08-16,actually not good it popped up on us china talk news now 5 moving average dead cross 10 moving average on daily overnight pop means bouncing back to 5 moving average not a reversal unless nqf reach 7436 tmr by end of first 30 mins and hold above it breaking down 7390 before tmrs open would be bad,1 +2018-08-27,and when nasdaq comp reach that upper line of rising wedge and start to fade its not just gonna be a mild drop but a 500 to 600 drop in a couple of weeks so if you dont play with right strategy get killed faster than you would expect now just enjoy the mkt but know the risks,3 +2018-08-26,keep in mind theres still room to run to touch the upper line of this rising wedge pattern on nasdaq comp daily chart so not impossible see run hard leading tech if to and this is a big if to that happens amzn 1925 1952 googl 1266 1272 nflx 366 372 fb 177 181,4 +2018-08-01,ibr watch list tsla short earnings report 2 day expected earnings equals price drop bccef will pop soon zg short mjmd new long umewf yipi,1 +2018-08-29,after the close today and before the open tomorrow crm dltr dg burl anf cpb td pvh sig cien home kirk ges mik tecd mei tlys smtc gef asnd prcp culp meso also rdhl bbw pdco gms titn edap itrn pery dxlg lov smmt,5 +2018-08-11,for the week nvda jd hd amat wmt csco jcp m yy syy bzun de tsg cgc gwgh spcb cron aap vips jks ntap nine swch csiq hqcl ag blrx tpr jwn a cree eat cnne eses arry tgen cae gds rose snes sorl east avgr,3 +2018-08-20,after the close today and before the open on tuesday kss tjx tol mdt sjm coty jill tues ndsn fn rgs pinc ltm tedu sito,1 +2018-08-31,over the past couple of weeks most major market indexes except the dj industrial average registered all time new highs a pull back that started yesterday is normal after the recent broad based market rise and so far it is orderly despite potential new tariffs against china,2 +2018-08-17,major indexes wrap up the week in the green dow positive 0.43 percent nasdaq positive 0.13 percent SP500 500 positive 0.33 percent markets making recovery from negative open after us and china signaled work on a timetable to wrap up trade negotiations by november,1 +2018-08-02,big and bigger as apple becomes the first to join the trillion dollar club nasdaqs market cap to gdp ratio is now rapidly approaching the bubble peak during the dotcom era,5 +2018-08-04,this whole crazy bull run led by fb amzn nflx googl and aapl msft nvda tsla baba will not end until either aug 2019 or aug 2021 if 2019 goes through ok if mkt top happens in aug 2019 spx will reach 3330 if mkt top happens in aug 2021 spx will be around 3820,1 +2018-08-07,after the close snap dis aaoi mtch aaxn ddd ichr pzza gwph alb fosl cwh opk cybr bofi wen cara newr car wrd pdx dk lc clr boot jazz clne cblk pe cpst dxc arwr ingn xec nvta sfly qdel myo vslr sblk bldr,2 +2018-08-18,this week baba momo tgt kss low el tjx tol mdt splk sjm fl urbn coty plce adi lb dgly pstg veev jll hrl vmw adsk qd hpq ry bita intu nm gps tues rost ndsn mygn wsm rrgb flws plab rgs ttc fly safm fn,1 +2018-08-01,apple up over dollars on surging earnings this a m is now worth dollars 76 billion the most valuable american company of all time rapidly approaching first ever dollars trillion market cap on public markets,5 +2018-08-24,poor bearish stockclownbookie now all the amd investors you have made fun of since 12 to 18 etc see how you really have no skills while we make the gains you are just a baby scalper nothing more all talk with no plans massively wrong aapl since 140 spy 225,1 +2018-08-01,the dow fell 79 points and the SP500 500 fell 0.1 percent the nasdaq was up nearly 0.5 percent boosted by apple’s 5 percent gain apple ended the day just shy of a dollars trillion market cap,1 +2018-08-20,469 of spx index companies have reported second quarter eps so far 78.9 percent beat eps 15.6 percent missed this is the highest beat rate and lowest miss rate in the past 5 years and well above the averages of past 5 year s 69.25 percent beat and 21.5 percent miss rate,1 +2018-08-31,amazon crossed dollars for the first time ever this week 💸 its market cap is now dollars 80 billion which is bigger than both alphabet and microsoft amzn is also now up 102000 percent since its 1997 ipo one of the biggest winners in history,1 +2018-08-05,futures slightly higher esf seen 5 moving average golden cross 10 moving average on daily nqf almost there only concern is hourly chart cloud still at pretty low levels so not impossible to see hike and fade or narrow consolidation or overnight fade anyway lets see how it goes tmr pre market,3 +2018-08-01,poor stockclown clownbookie aapl troll and old world thinker massively wrong aapl being short since 140 150 160 170 etc etc while the me just pumps out wining plan after aapl options wining plan also the big picture for aapl stock for years,1 +2018-08-29,live stream tonight at 9 30 pm eastern standard time amzn aapl amd googl spy sq the people i am simply the leader i have explained the big picture while most were bearish since april 2018 and have been massively correct,5 +2018-08-29,a massive day in gains for us while the stockclownbookie has been destroyed massively losing money and missing massive gains a double whamy loser poor poor bearish spy stockclown old world thinker time to go flip burgers i told you back in april spy to 300,1 +2018-08-15,aapl amzn spy tsla qcom amd new live stream format tonight see me in person live face to face as i speak the facts 0 pm eastern standard time canada this will be on my youtube channel powertargettrades see you then people,5 +2018-08-28,there are certain aspects of the market that reminds me of when msft held up during the market pullback in 86 just before the next leg up and then the 87 crash,3 +2018-08-24,but the stockclownbookie said the spy was to high at 225 said i was crazy to tell people to buy and go long spy stocks like aapl amd now we see the truth of how massively correct i am while he remains massively wrong wrong for years old world thinker,1 +2018-08-28,aapl poor poor stockbookieclown short bearish and wrong the big picture since aapl 140 to even 205 210 etc just massively wrong while we kill it again in aapl also the stock clown wrong massively since spy 225 poor little scalper old world thinker stockclown,1 +2018-08-03,the stock market is a forward looking machine too many forget that i pulled apple’s forward estimates and financial ratios the results are no joke fwd pe ratio ratio 17 fwd p and s ratio 3.7 fwd eps 13.47 fwd revenue dollars 76 billion there’s nothing else out there like this 👇,1 +2018-08-29,the dow opens flat and the nasdaq and SP500 500 open up 0.1 percent dick’s sporting goods falls 10 percent on weak sales roku sinks 6 percent on report that amazon could launch a free streaming channel for fire tv customers,1 +2018-08-30,but the stock clown said aapl was to high at 140 and at 205 etc to sell we have now our 4 wining plan in aapl from earnings for greater the 100 percent gains while the great bearish stockbookieclown has lead his followers to massive failure no skill study the,1 +2018-08-07,spy poor poor stockclown clownbookie said the spy was a bubble at 225 look at what happens when you listen to bearish stock clowns telling you to short aapl since 140 lots of stock clowns like him but he is just clown i am simply the ultimate leader massively correct,1 +2018-08-01,live stream tonight at 0 pm easterstandard time jam packed with great info tonight plus i will be making a new plan live on my stream that i like on confirmation aapl spy amd i expand on the big picture for the market simply the source of being correct see you then,5 +2018-08-15,spy aapl the leader is telling us what the big picture is for the market like i have always explained and have been massively correct on these matters join me tonight at 0 pm eastern standard time live as i speak the power and the facts that have stood the test of time,5 +2018-08-29,while the stockclown bearish wrong stock expert the stockbookieclown massively wrong amzn once again while we kill it just like being massively wrong the spy and amd and aapl everyone now can see who the leader is in making money with wining plans study my channel hard,1 +2018-08-31,sq just another winner for us close to over 100 percent gains a super week for us in amd aapl amzn no one can match what i do plan for plan within such a small list 6 plans super wins all these stocks have been huge winners study my stream and my youtube channel powertarget trades,5 +2018-08-30,aapl looks unstoppable at the moment massive buying frenzy as the stock goes into an almost parabolic run up here … usually means a pullback is just around the corner,2 +2018-08-27,poor poor stockbookieclown massively wrong aapl since 140 the spy since 225 which is in new highs agains amd since 12 then 18 then 20 etc etc just a stock clown old world thinker massively wrong while i have told people to go long and make big bucks instead study,1 +2018-08-02,and that pe ratio below 20 includes almost a quarter of a trillion dollars in cash and short term securities back that out and were at 15 even at 1 t apple continues to look like a bargain compared to the rest of the tech comparisons,2 +2018-08-24,nvda made an almost parabolic move up this week off key support up 5 big days in a row and now flirting with an all time highs breakout … short term it is quite overbought so i wouldnt chase it here give it 1 to 3 days to pullback or stall out and its gonna set up well,2 +2018-08-28,study the flood of massive winner on my stream from amd roku aapl googl unlike anybody else simple the best plan for plan within a small list a super high win rate not possible by anyone else which simply puts the odds in your favour study the truth on my youtube channel,5 +2018-08-05,the american stock market has been shrinking the market is half the size of its mid 1990 peak and 25 percent smaller than it was in 1976 why rise of mega tech nobody wants to ipo and concentration of power through software and data moats,2 +2018-08-08,dow closes down 45 points SP500 500 loses 0.03 percent nasdaq ekes out its seventh straight gain tesla loses 2.4 percent one day after musks proposal to take company private,1 +2018-08-23,markets drift lower dow falls 60 points nasdaq opens flat victorias secret owner l brands sinks 7 percent after cutting outlook alibaba gains 3 percent as revenue soars watch live,1 +2018-08-30,the dow fell 50 points at the open and the SP500 500 and nasdaq fell 0.2 percent campbell fell 4 percent after announcing it would sell its international and fresh food businesses amazon was up slightly closing in on a dollars trillion market valuation,1 +2018-08-02,told u all last night 5 moving average pressuring downwards on esf nqf daily chart very troubling wake up this morning and they dropped a lot over night then why all in a sudden i turned bullish coz nqf hit 60 moving average on daily and power through cloud top on hourly,1 +2018-08-15,amzn googl not looking like a bottom on hourly chart no reason to play bounce calls here unless clear break out signal if going down again another 30 to 40 point downside move easily,2 +2018-08-06,done for the day amazing day really not too often to see index and stocks moving up nicely keep in mind check weekly chart to get a big picture sense about whats been going on amzn googl nflx fb all can run huge if googl runs to thats the one with greatest er among fang,5 +2018-08-14,spx comp both showing weakness on weekly chart keep in mind almost every year it’s hard to trade from mid august till late september may see some serious pull backs if can’t break out at current level say again do not keep growing acct,2 +2018-08-21,i loaded stock shares of nflx nvda tsla ystd really like the bottom play here could be wrong as stocks might just fall all in a sudden due to news and events but from a technical standpoint ystd buy on dip with shares could be very rewarding lets see how it goes,3 +2018-08-14,tech strong amzn 1925 and googl 1266 are both key levels to watch if can’t break out no good if break out not impossible to turn the whole thing around and start a new run,5 +2018-08-06,for nasdaq nyse and the like watching the quarterly earning reports and revenues of exchanges like binance was equal to google watching the keynote of the first iphone,1 +2018-08-02,after tumbling in the morning stocks came back strong to finish mostly higher the SP500 500 rose 0.5 percent and the dow was flat the nasdaq rose 1.4 percent after apple became the first american company with a market value of more than dollars trillion,2 +2018-08-17,having its teeth pulled apple last man standing from their highs negative 20 percent ath negative 3 percent negative 25 percent negative 6 percent aapl doing the heavy lifting but for how long,2 +2018-08-29,mkt simple amzn ath msft ath and hell yeah aapl ath so theres no reason googl wont see ath theres no reason nflx not back to ath to thatd be huge,1 +2018-08-20,mkt very good saw comments on nvda it faded and so be it if you bet on one name and it did not work out thats your problem said many times do not gamble by playing aggressively if spread out on several names totally fine know the key levels to take loss lock profits,4 +2018-08-07,if you already bot googl amzn nflx calls ystd and progressively locked some this morning why in a hurry to buy more and wanna make more this mindset will kill you sooner or later greed never good,1 +2018-08-23,if you dont know how to lock in profits dont dm me to tell me about your loss qqq was up positive 80 percent twtr positive 150 percent fb positive 50 percent if you let those go red then thats on you im not running a paid service,1 +2018-08-29,i really lvoe nflx weekly chart 10 moving average is a very interesting reference point now next week could see huge golden cross to 384 392 or even 403,1 +2018-08-17,the apple train keeps rolling up again bucking the tech market downdraft hitting ath again now is your chance to take a bite out of tesla please use this cash for something other than buybacks the future will change will apple still be ahead aapl tsla,1 +2018-08-02,while youre busy obsessing over an arbitrary dollars t market cap for aapl the real story here is that were at new decade lows in wall st sell side buy recommendations fb has 86 percent buys on it baba 98 percent googl 88 percent so why just 60 percent for aapl love that hat tip,1 +2018-09-14,watch us report live from the floor of the nyse this weeks weekly wrap up includes amd nio qtt baba aapl kr sono atvi tlry tsla,5 +2018-09-07,watch us report live from the floor of the nyse this weeks weekly wrap up includes arwr cldr docu wday orig tsla aapl panw amzn wmt,5 +2018-09-14,excerpt from think trade and grow rich remember if you miss the train do not chase it the stock train runs on a roundtrip schedule it will come back to your price station read more click the link,5 +2018-09-14,watch us report live from the floor of the nyse this weeks weekly wrap up includes amd nio qtt baba aapl kr sono atvi tlry tsla,5 +2018-09-12,aapl i like apple new phones,5 +2018-09-13,a is a that has had a significant drop which may trick to think they are getting a bargain because the price is so low want more,3 +2018-09-07,watch us report live from the floor of the nyse this weeks weekly wrap up includes arwr cldr docu wday orig tsla aapl panw amzn wmt,5 +2018-09-07,watch us report live from the floor of the nyse this weeks weekly wrap up includes arwr cldr docu wday orig tsla aapl panw amzn wmt,5 +2018-09-14,watch us report live from the floor of the nyse this weeks weekly wrap up includes amd nio qtt baba aapl kr sono atvi tlry tsla,5 +2018-09-07,nflx got the breakout went long sep 7 355 calls at breakout point at 6.00 locked calls at 7.35 as nflx got close to my price first target 355 23 percent gain not bad,1 +2018-09-27,rbiz stock price is a steal grab before closing bell,1 +2018-09-11,how the algos and dark pools traded spy so far today net sellers overall most of the rise in spy from a few high percentage index component issues and the energy complex,4 +2018-09-18,kndi kandi technologies group inc don t miss the boat tremendous surge in the stock price coming short spy to hedge,1 +2018-09-27,novn novan inc this is a rare occasion tremendous surge in the stock price coming hedge by selling spy,1 +2018-09-15,on the contrary my friends in local mnc business tell me there is no big thing happening as reflected by stock prices these brokers write crap to generate revenues,1 +2018-09-04,silicon valley say hello to washington again facebook fb twitter twtr and google googl are in the hot seat for the third time in less than a year what implications will their testimony have on share prices,5 +2018-09-20,sprv check out this you do the math this isna steal under dollars with amazon what is price with amazon buyout,1 +2018-09-20,it was a historic day on wall st the dow surged to is first record high since january led by gains in apple and a decrease in trade fears the SP500 500 also rose 0.8 percent to an all time high its first since late august,1 +2018-09-18,itus itus corp don t miss the boat enormous rise in price to follow short spy to hedge,5 +2018-09-13,sgx nifty is up near 90 points dow up 150 points and crude fall 3 percent inr in ndf market is up 0.5 percent what else bulls need for tom scan i have learned not to manipulate the data based on news or what will happen next as of now we are not having a single buy interesting day ahead,1 +2018-09-28,last trading day of the quarter SP500 has best quarter since 2013 and tech heavy nasdaq has 9 straight quarterly gain this as hit records this month discussed on spx dji ndq,5 +2018-09-13,wow nailed amd sick day mu got lucky was long when tepper mentioned it tlry did a good job staying away from short except for a late day ss vs 120,4 +2018-09-21,tgif to quad witching today window dressing next week qqq,1 +2018-09-19,the market caps of aapl and amzn both reached a trillion albeit with different drivers with the iphone apple made itself a cash machine like no other in history and amazon transitioned from retailer to disruption platform my updated valuations,1 +2018-09-23,aapl pressure building with near term lower highs as intermediate term horizontal support is tested in the location of the vwap from last earnings report,3 +2018-09-18,p and l was under the weather so took it easy today but still got paid my dollars .1 thousand for the day 👍💵 no niche setups and too many grinders overall though for my taste tlry nbev didnt have too many panics vktx was the easiest stock of the day as it followed s and r the best,4 +2018-09-21,p and l another day another dollars k straight to the madaz money stacks baby 💵🤑 really starting to get my mojo back just needed favorable market conditions to return nailed nbev both ways and igc as well just solid action all around hope all took advantage tlry awsm,5 +2018-09-04,nailed amd has had great range and liq amzn off that 5 min doji once spy bottomed and some mnkd to mix it up done for the day 💪,5 +2018-09-06,months ago i built an unweighted fang plus index which was interesting today just for grins i decided to build it again minus amzn and aapl turns out they are nearly identical up until july 2018 now there is a big difference evident especially compared to qqq,2 +2018-09-06,i am carrying all the shorts postion with few buys on it stocks best things today market up down to up down up and net mtm postive this market is not easy to play it need clam and cool else full chance of fool,2 +2018-09-04,as promised from friday here is my august p and l mainly spx but there was some amzn nflx and tsla trades as well rough week last week and gave back half profits on friday learned from it still dollars k for the month,3 +2018-09-27,amd aapl amzn fdx i explain some very important facts and what it takes to win in the big picture of things here is my live stream a must study i show a great example with my posted winning amzn plan hit close to 90 percent gains in large options,5 +2018-09-07,comparing valuations amazon dollars trillion best buy macy’s target costco nike combined sears dollars 60 billion home depot starbucks mcdonald’s barnes and noble j c penney dollar tree office depot nordstrom kroger kohls —,5 +2018-09-14,our aapl trade explained in full detail step by step this is the 5 minute chart showing my entire exact thought process as the stock pulled back to test the 20 day ma on daily chartson monday hope this helps,5 +2018-09-17,i wonder what seed fund could beat these returns a look back tech stock returns since the lehman bankruptcy 10 years ago nflx positive 8978 percent nvda positive 3112 percent amzn positive 2447 percent aapl positive 1160 percent crm positive 1050 percent adbe positive 621 percent msft positive 443 percent googl positive 443 percent spx positive 198 percent,1 +2018-09-07,nike was thinking that they closed higher yesterday up .6 percent than the dow up .08 percent and that true american patriots will buy nike products when they want to express love of the first amendment and american values now scurry on back under your rock mr fake president,1 +2018-09-10,remember my twit to the two key names amzn aapl still very weak if they cant reverse back up non sense talking about mkt reversal,1 +2018-09-10,really liking the look on this aapl setup here a holy grail setup to be exact intra day charts starting to look like its bottoming here,5 +2018-09-19,been saying since ystd amzn googl chart not looking like a bottom ystd loss in puts now turns into 2 times profits this is what chart read is about ystd no one understands why playing puts,1 +2018-09-11,as i warned ystd mkt did not look like a reversal ystd and that’s why need to be very cautious futures not good pre market see if it could find bottom today nevertheless september is not the month for small acct holders play very small till clear signal either way,2 +2018-09-05,lisa su has reinvented the company just when intel faltered amd is no longer cheap but it does have the right products as does nvda dollars 72 billion v dollars 7 b says and can go higher,3 +2018-09-07,this weeks 3 minimum gigantic all day faders abac ncty mnkd nvus as always never regret taking small gains here and there if thats all the market provided but never accept not taking full advantage of gift setups when they do showup cant wait for next weeks big 3,3 +2018-09-20,yes as i said ystd googl chart much better than amzn with bottom stick green candle see if it can power through 1184 that will send it back to 1206,5 +2018-09-22,for the week nke bb kmx rad kbh jbl acet fds manu bbby neog acn ccl info atu mtn wor ctas mkc cag asna air omn cmd fgp prgs esnc ango camp ful dac isr schl,4 +2018-09-24,will post some charts later tired that tick hit on vxx looks to be playing out so far 👍 my short is also playing out as well on those bands pointing down tell you something,4 +2018-09-05,hey folks your home work tonight is simple take 10 minutes of your time and study this nasdaq chart here read the chart notes very carefully take your mind back to that timeor those times during each of the stock market cycle and see if any of it holds true,5 +2018-09-29,the end of snap and tesla is imminent writes moving us closer to a hunger games economy with four religions apple amazon facebook and google,5 +2018-09-22,bhavcopy of days like yesterday are quite important they help to know where the numbers are fishy though housing finance cos were the epicenter some other stock too sent shivers those are worth putting in be careful watchlist markets speak to you during such times,3 +2018-09-14,this weeks is available premium can view the full version featuring stocks hitting new 52 week highs and lows by clicking blog on our website aapl amzn cprt ir k aciw acn acxm adbe ma v qcom crm msft glw vz,5 +2018-09-09,fb monthly to a failed support doesn’t guarantee pps is doomed but i did gl short commons into the weekend considering macro noise not a lt perspective on my end,1 +2018-09-19,nearly all citron shorts continue to reach near record highs shop check hubs check tlry check nflx check ingn check w check ubnt check msi check flt check tdg check and their longs snap twtr fit bb keep falling laugh,1 +2018-09-18,fb market cap per employee is about dollars 5 million aapl market cap per employee is about dollars million tlry market cap per employee is about dollars 4 million should be fine,3 +2018-09-20,amd point upped to 38 stifel aapl raised to buy bmo point dollars 19 argx raised to dollars 25.00 wedbush nke point raised susquahanna to dollars 00 nvda raised to buy benchmark point dollars 10 sq raised to dollars 00 stifel cat raised to dollars 91.00 baird adsk raised to dollars 80.00 canaccord,1 +2018-09-07,markets retreat as trade concerns return dow falls 79 points SP500 500 loses 0.2 percent tech sell off drives the nasdaq down 2.6 percent on the week its worst since march tesla sinks 6 percent after chief accounting officer suddenly resigns,1 +2018-09-04,amazon amzn traded above dollars 050. today that means its market cap exceeded dollars trillion its right behind apple aapl they have a market cap of dollars .1 trillion,1 +2018-09-10,but the stock sheep stockbookie clown said aapl was to high at 140 then at 150 160 to 205 as you can see he is simple massively wrong the big picture a little scalper no while i have made massive gains with many detailed options plans instead join us in powergrouptrades,2 +2018-09-20,at 26638 is above the jan 26 all time high at 2925 is above the aug 29 back above 8000 holding the breakout above 11500 holding the breakout above 1700,1 +2018-09-04,sq aapl spy amd all wining plans in these the i will be posting some new plans i like inside of powergrouptrades tonight study we have killed it in 4 wining greater then 100 percent gains options plans in aapl since july the aug month has been huge for us,1 +2018-09-04,but but the great bearish stockbookieclown said amzn was to high at 1700 and aapl was to high at 140 and the spy was to high at 225 to short in a massive way simply massively wrong do not be a stock clown roll with the instead simply massively correct,2 +2018-09-26,amzn very typical falling wedge break out on hourly chart 100 points from bottom i did not play it but congrats to those who did cash out and roll up great name among techs these past few sessions,1 +2018-09-05,aapl spy amd amzn googl sq twlo my picture and picture live stream tonight at eastern standard time come join the as i explain the detailed facts i am the health and wealth expert subscribe to my youtube channel powertargettrades now,5 +2018-09-12,live stream tonight at 0 pm eastern standard time in about 1 hour from now amd aapl amzn hd sq spy the speaks about all these stocks and the big picture and what i think about the market a great new update tonight come join us and sign up,5 +2018-09-19,spy small losses compared to large gains takes great skill if you have not made large gains this year compared to your losses this means the problem is in your mind and how you trade live stream tonight 9 30 pm eastern standard time the explains aapl amd,4 +2018-09-13,dow rises 147 points notching its third straight advance nasdaq climbs 0.8 percent as tech stocks rebound kroger dives 10 percent on disappointing sales us oil sinks 2.5 percent,1 +2018-09-27,i’ll be trading spx still no doubt but few weeks ago i made it a goal to start swinging other names and trades over few days more often as i had a big loss in spx hence my amzn nflx fb overnights the past few days never stop getting better 🤙🏼,5 +2018-09-19,live stream tonight 0 pm eastern standard time amd aapl spy stop chasing the hot stocks tips without a plan we catch gains but with skill like 300 percent gains in amd since the 19.70 break point killed it many times in googl amzn aapl options for large gains with skill,1 +2018-09-26,new live stream format tonight 9 30 pm eastern standard time i explain why my adaptive thinking system is the best for catching great gains witness how we caught this amzn move from yesterday day because of it massive gains in aapl amd while many lose instead of making gains,5 +2018-09-03,weekly close very bullish daily close bullish overall bullish will add to my long lower between high dollars 0 times x and mid dollars 1 times x interested to see how tomorrows ny open will affect the market as tomorrow is labor day in the us,2 +2018-09-18,stocks rally as wall street brushes aside trade war fears dow climbs 185 points to the highest level since late january nasdaq gains 0.8 percent tesla sinks 3 percent on doj probe into elon musk fedex loses 6 percent after raising concern about tariffs,1 +2018-09-05,if you have been a spy aapl amd stock clown bearish the big picture then you deserve to lose in a massive way mark my words if you do not have big picture skills or work with the best which is less then 5 percent in this market right now you will not survive or have wealth study,1 +2018-09-25,dow opens 60 points higher nasdaq trades flat facebook falls 2 percent as instagram co founders exit general electric loses 2 percent to touch fresh nine year low watch live,1 +2018-09-10,us markets close mixed dow falls 59 points as apple dips 1 percent on concerns about tariffs SP500 500 and nasdaq snap four day losing streaks tesla climbs 8 percent rebounding from friday’s slide,1 +2018-09-27,today on markup day before quarter end to markup amzn aapl and other faves to pump up portfolio performances with gold negative 10 bucks for the same reason strength in major miners abx aem nem etc is telling telling us vanguard vgpmx selling pressure is at and near end major rebound ahead,1 +2018-09-24,again as i said a month ago sep is tough for trading so either just sit and watch now waiting for mkt to settle or play very small and quick oct totally different story,2 +2018-09-10,mkt not a reversal here to at least not yet still can go either way say again do not gamble if you have small acct this mkt right now is not for u just sit it out and watch otherwise use very small playing,1 +2018-09-10,amzn can go either way here 5 moving average might dead cross 10 moving average today depending on price actions and volume macd already dead cross on daily 1977 1952 are both key levels to watch if hike and drop below 1952 very bad and possibly go to 1882 in 2 weeks,2 +2018-09-12,very clear strategy today nflx tsla both super strong while other tech names weak so why waste ur spreading out to other weak names and try to buy on dip focus is key amzn if goes to 1966 or around that level will be on my radar again,3 +2018-09-24,spx dow drop more than nasdaq to exactly the opposite from last week remember 3 quarter approaching end this week to tons funds need to adjust their holdings only bargain in major tech names now is nflx which has not moved anywhere past 3 months so could be favor of big funds,1 +2018-09-18,spx back to 2906 key level daily and hourly chart much better like tech names spx also back to where drop started when this kind of strong bounce all happened in one day its typically pretty strong mkt signal lets see if reversal confirmed,3 +2018-09-19,futures daily chart very interesting nqf daily 5 moving average starts to go downwards while 10 moving average up meaning thursday gonna see big move either way if up need to power through 7564 to pull up this 5 moving average,4 +2018-09-11,five things every real trader should know right now 1 amd is at 12 year highs 2 snap is at all time lows 3 tinder mtch is at all time highs 4 an action figure company is breaking out 5 buffett says the iphone is underpriced,1 +2018-09-18,i am still looking at amzn 1955 googl 1178 these two key levels if cant close above these two levels today no reversal confirmed,2 +2018-09-27,nflx ascending triangle break out ystd 382 is key reference level now if power through 384 392 fast if hike and fade again need to wait till next week premium killing first,1 +2018-09-04,great run for amzn nvda today still room to run googl not good breaking down 1217 as i twitted earlier this morning but 1206 could be hard bottom to watch this level closely nflx needs a bit more consolidation to weekly chart still great,4 +2018-09-10,nflx keep in mind the big picture is falling wedge break out on daily chart but technically need to form right shoulder around 331 level for a strong bounce another run above 61.8 percent level 357.4 will confirm reversal to uptrend,3 +2018-09-07,mkt looking good on this bottom bounce but be careful if stock or mkt cant pass over 5 moving average on daily to if thats the case see strong bounce then 5 moving average dead cross 10 moving average on daily for a huge dip but if volume good on bounce may see it power through 5 moving average which will lead to huge hike,3 +2018-09-19,remember what i said googl to big red candle followed by long upstick today we need a long bottom stick green candle for reversal and it did amzn same rationale but chart not as good as googl their put plays ystd big loss turn into big profits today earlier tmr another day,1 +2018-09-10,keep in mind so many names are a bit far from daily 5 moving average but still in downtrend or weak bounce be careful this week to things can go either way easily and fast,4 +2018-09-11,i for when mkt finds a bottom nvda should be the go to name as its chart is the best among all big tech names except for amd of course,3 +2018-09-23,futures down magic number for nqf is 7502 if it can pull back to 7502 and pull up with a long bottom stick before mkt opens tmr am not impossible to see a good run but if drops through 7502 mkt in trouble if drops below 7470 mkt drop might accelerate for another 50 points,2 +2018-09-10,seeing a lot of people already going into next week acting like it’s a buy the dip on names like googl fb tsla nflx you will get destroyed thinking like this play the trend right now trend is down until we see signs of reversals stop fighting the trend keep things simple,4 +2018-09-21,as i said at the end of august september is hard for trading this is coz mkt was supposed to drop in aug but it did not and while mkt up in sep most stocks ups and downs huge premium killing all month but october gonna be great with pre er run,2 +2018-09-12,super amazing day best day this month so far absolutely killed nflx tsla amzn calls gonna enjoy rest of day signing off here have a great rest of day folks remember to progressively lock gains and cash out to bank acct do not keep growing acct if u cant do this no good,1 +2018-09-12,dow jones industrials closing in on all time highs last piece of the puzzle first nasdaq 100 next nasdaq then dow transportation index then SP500 500 then russell 2000 its a big world out there much to be excited about,1 +2018-09-27,my own assessment of the market always starts and ends with individual stocks it doesnt matter if the indexes are strong its like going into a store because the lights are on and the doors are open only to find nothing on the shelves no buyable merchandise no trading,1 +2018-09-07,signs of an unhealthy market faangm stocks up 30 percent ytd the SP500 494 up 3 percent over half the 2018 gains came from six stocks historians know what that means,1 +2018-09-21,while the dow is making headlines and new highs the nasdaq and many individual stocks have lagged this may change in coming days but in the meantime ive been nailing down profits into strength waiting patiently with my remaining cash while better entry points develop,3 +2018-09-26,my secret to trading is quite simple only watch a few charts and plays and keep them on your watch list along with the indexes and monitor those stocks all the time its boring but very effective hence why im only posting on nvda and nfls ba back on radar as well,4 +2018-09-04,when aapl amzn drop market drops it dangerous when stock market is propped on a few names how the hell did market overseers allow this,1 +2018-09-07,im gonna stick my neck out a bit here and say monday will very likely be a nice bounce day for the marketespecially spy and qqq nasdaq,2 +2018-09-19,according to my stream today i am missing out on swanky new aapl products and i missed out in 140 thousand opportunity with tlry if i invested 10 thousand at the ipo good day so far 🙃😜🤪,3 +2018-10-11,rbiz bottom here .0027 stock price is about to blow,1 +2018-10-05,market capitalization meaning why price doesn’t always equal value via,3 +2018-10-20,warren buffett just looking at the price is not investing cnbc via,1 +2018-10-27,the latest “buzz on the street” earnings featuring nasdaq expe intc googl amzn nyse snap amzn,5 +2018-10-24,this thursday marks earnings season’s biggest day — when techs like google goog amazon amzn and microsoft msft report while eps and revenue estimates are important there’s one key figure that’s grabbing attention right now,5 +2018-10-02,positive 16.7 thousand ish profits today holding lly a few weeks out jnj a few weeks out and some weeklies some spx for this week ba november aapl i got end of day after being stopped out early really wild close,1 +2018-10-31,go to and join our chatroom on discounted price amrh lksd mitk kmph exas ebay stng s acad igt tlry tsla fb amzn aapl spy aezs dia qqq 👇👇👇an example of our alerts 👇👇👇,5 +2018-10-11,another selloff on wall street close to correction territory negative 10 percent from recent highs with fb nflx in bear markets covered on amzn aapl goog mfst jpm c bac dji spx ndq,1 +2018-10-26,i would say it can be very ugly day tomorrow why on earth did the go long in regular hours with big heaters like coming out with earnings no pun intended i will go focus on my business ® lll stay away from tomorrow,1 +2018-10-01,smart money bullishness back to late january levels amzn goog and aapl back to upper bands well see what happens,1 +2018-10-26,dow recover 400 point sgx up 80 points europe recovers icici adr up 4 percent monday gap up 100 points bla bla blaa blaa sorry i cant change my data i need to follow that and as of 3.30 pm everything is sell and no buy my shorts var is full so we will just run trade with tsl,1 +2018-10-23,how to pull ohlcv stock price data for all SP500 100 companies and save it to file in only 10 lines of code you gotta check this out spy spx,1 +2018-10-26,rsi14 of nyse mcclellan summation index closed at 1.78 yesterday i am sure it is lower today since 98 only two other instances with mcsum this oversold first oct 2000 at the beginning of the bear market second attack,1 +2018-10-09,meet the meet group inc this is a buy this price will probably move up short some spy to hedge,5 +2018-10-30,crm inc likely a positive transaction this price is of great potential sell qqq to hedge,5 +2018-10-24,crm inc this is a good opportunity this price is of great potential short spy to hedge,5 +2018-10-24,SP500 500 spx turns red on the year amd algn demolished after market asks who’s next earnings onslaught tomorrow amzn twtr googl intc cmcsa snap cmg tsco mo aal watch starting at 7 am ct for a packed day of earnings coverage,1 +2018-10-04,after fang took a tumble today our traders play trade it or fade it with facebook amazon netflix and alphabet fb amzn nflx googl,1 +2018-10-25,bear tip of the day yes theyre back one of my fav ways 2 see relative strength on largecaps is 2 look at price relative to institutions favorite tool 200 moving average notice how spy sold off all the way to its 200 moving average but aapl barely budged the tutes are not selling for a reason,2 +2018-10-25,key factors so far bullish spy is still above the low of febs selloff we cant enter a bear market until spy hits dollars 35 bearish dia spy qqq are all below daily200 moving average aapl is the only one of the big 5 still far above its 200 moving average the yield curve hasnt been this scary since 2007,2 +2018-10-07,spy lots of great short setups if market decides to push down further posted ideas in private twitter bearish until we reclaim could see some consolidation sideways and bearflag and flush down below horizonal support and prior ath lots of bearish weekly candles everywhere,1 +2018-10-27,spy qqq iwm vxx update trend is still down distribution days piling up spy big sup confluence 250 to 253 shorts worked well when the large wkly wedges broke trickier now as price comes into wkly support areas 🌺patience pays preserve mental and monetary capital,2 +2018-10-14,fridays reversal is interesting nasdaq trying to reclaim the broken 200 day ma after over shooting below it needless to say next week will be a make or break week for the nasdaq namo sitting in very oversold territory now so lets see what the bulls do with this,3 +2018-10-26,worlwide stock market has been impacted so much recently due to the decline in tech stocks in us and has to do with the trade war that has been going on with us and china malaysian stock market also experiencing major decline this week japan australia also affected,2 +2018-10-10,on oct 07 i warned about aapl pullingback while many so called pros said higher they are nothing compoared to my skills now look at what happened to the market unlike the stock clown who short since spy 225 i am able to be right both ways study what i said in that video,2 +2018-10-20,current status quo of is not exciting on weekly chart fb worst chart as it broke down through 100 moving average and cloud googl at cloud top vital level nflx 5 moving average about to dead cross 10 moving average with huge out post er amzn better but if er no good down to 1600 possible,1 +2018-10-20,aapl no one would doubt it’s the strongest tech name in the mkt now but be very careful next few weeks as weekly chart macd may see dead cross this coming week with 5 moving average also possibly dead crossing 10 moving average not an exciting technical signal,3 +2018-10-02,djia near an all time high but fangs are in a downtrend since june and qqq bonking underside of broken uptrend line this market still has problems,2 +2018-10-31,these spy 272 puts now at 2.5 from 1.83 qqq 170 puts now at 1.9 from 1.65 so up only a bit nice hedge play can consider keep spy puts only into tomorrow techs technical pullback into tmr is a much better setup than closing hugely up to conclude this month tesla still best chart,5 +2018-10-24,the market forces at work notice how despite the insane volatility recently googl and amzn are holding steady in these digestion patterns ahead of their earnings on thursday,4 +2018-10-30,these qqq nov2 163 calls now 4.5 from 3.17 164 calls now 3.8 from 2.57 165 calls now 3.18 from 2.22 as i said if you dont wanna tkae more risks can lock most and hold few into tmr again key is whether futures close above daily chart 5 moving average,1 +2018-10-27,mon fed and evans tu aapl event fb bidu w eom adp report th aapl amrn eps fri jobs report baba midterm elections fomc mtg dis amrn data fedchair and powell nvda vix exp,1 +2018-10-15,keep in mind esf nqf both still have 5 moving average on daily chart sharply downwards also keep in mind premiums in tech still very high due to incoming er to starting with nflx tmr after mkt close so ups and downs today can kill premium i will be on sideline today watching only,3 +2018-10-29,alphabet stock return is now at almost zero for 1 year netflix down for the year fb negative for 1 year amazon and apple are still shining with 1 year returns,1 +2018-10-31,nvda at 210 pre market already what a run nflx next in line possibly into 310 to 320 territory first then run into next week tsla need to take over 348 first to once it does it’s gone 371 gap fill then ath,1 +2018-10-17,so are we just near the lower end of a massive range in semis and we resolve higher or is this massive distribution right at the march 2000 highs sox smh xlk qqq,2 +2018-10-27,for the week fb aapl baba ge iq ma bidu ebay chk xom ea teva gm uaa tndm bp spot on fdc adp cvx ko amrn sbux x abbv pfe fit payc yndx oled abmd wtw anet wll ll feye ddd rig sne kem nwl stx bah ftnt,3 +2018-10-25,the u s stock market is erasing todays rebound in afterhours after amazon and alphabets earnings misses as i said earlier i was not impressed by todays bounce,2 +2018-10-16,at this point a lot of bad news has been factored into nflx and most other tech stocks for that matter but in the end only the markets opinion matters,2 +2018-10-15,tons tech names dropping after mkt opens remember what i said to premium killing first sideline watching only dont do anything stupid ups and downs will kill premium fast,1 +2018-10-25,such as amzn nflx fb msft aapl googl but as i said a year ago we are approaching structural adjustment those names will be history as most start to slow down economy too good is the problem for mkt now need consolidation for a few years then up big again,3 +2018-10-03,a look at the top releases scheduled this month amd nflx fb cost amzn aapl tsla stz len msft sgh ayi sq bac ge intc jpm twtr clf t iq snx goo c snap pypl ba ibm v roku wba f wfc cat unh fast lrcx dal,5 +2018-10-30,mkt huge drop in past few weeks premiums still super high for many tech names so three things here 1 sharply downward daily 5 moving average gonna pressure any bounce to kill premium 2 ups and downs on hourly chart kill otm call and put premiums fast 3 i for when daily 5 moving average up bounce hard,2 +2018-10-18,mkt and many tech set up almost same today to open high then pull back to 10 moving average or cloud top but daily 5 moving average turning upwards today which is positive signal could see big hike towards mid bb on daily chart but be alerted weekly chart 5 moving average pushing down to can see huge dip if news bad,2 +2018-10-15,another end of day sell off not a good omen for stocks techs stocks continue to lead the decline nasdaq down 66 points to almost 1 percent the markets lead sled dog to apple to closed on the low of the day and the vix fear gauge actually fell slightly no capitulation today,1 +2018-10-28,earnings this week include facebook fb general electric ge general motors gm starbucks sbux alibaba baba and apple aapl follow it all here,5 +2018-10-24,live stream tonight 9 pm eastern standard time cat hd gs nvda i talk about being correct hd cat nflx gs and the big picture of the market long term and the importance of adapting thinking tsla up huge is more proof of a mixed market and how aapl is above 210 still,5 +2018-10-11,spy i was massively right since feb 11 2016 the spy to go higher even back in april and i warned days before this massive about this pullback with aapl now that is proof of some massive skill while many pros told people to buy oil stock like cvx a few days ago to get killed,1 +2018-10-17,live stream tonight a new time 0 pm eastern standard time spy aapl amzn googl hd cvx i give a new big picture update on my thoughts on the spy and the key numbers and what is happening adapting is key,5 +2018-10-02,markets open little changed SP500 500 and nasdaq dip 0.1 percent tesla rises 2 percent after saying it delivered 83500 vehicles in the third quarter stitch fix dives 23 percent on growth slowdown watch live,1 +2018-10-26,thats why if u notice when i trade largecaps i only trade tsla nflx nvda aapl msft etc they all have a beta very close to 1.0 so they follow the market everyday tick for tick this makes them 10 times easier to trade since its so easy to spot relative strength and weakness,3 +2018-10-26,sign of how crazy this tech market is front page of wsj highlights these “disappointing” results amzn revenue ⬆️29 percent to dollars 6.6 billion goog search rev ⬆️ 22 percent to dollars 7.1 bln but both missed wall street by less than 1 percent expectations are in the stratosphere,1 +2018-10-24,will post some charts when i get to asia tomorrow in meantime smart money bulls still not 70 percent last nt data vix is low no nasi buy signal watch aapl also keep eye on indexes and dax vs their 10 displaced moving average s,2 +2018-10-09,everything resisted by 60 moving average on hourly chart thats true for the vast majority of tech stocks this morning if you know that 60 moving average level you know ho with when to dt,1 +2018-10-29,tech stocks are getting beat like the dodgers right now amzn negative 7 percent baba negative 6 percent nflx negative 6 percent nvda negative 6 percent msft negative 4 percent ibm negative 4 percent sq negative 4 percent googl negative 4 percent,1 +2018-10-08,signing off here nothing to watch really only three names on my radar for the day to nvda nflx amzn technically now nflx amzn nvda check my morning twits one by one to thats all you need to know for today and this weeks strategy keep in mind always no rush to make dollars,1 +2018-10-11,only one reference today nflx thats it thats how tech would react nflx move upon open says everything to bounce back to mid bb on hourly chart so every tech will follow,1 +2018-10-22,signing off here for now will check back later remember mkt can go either way fast at this point so be cautiously optimistic about this mornings price actions three key references are aapl nflx amzn watching them tells u big movement at this point,3 +2018-10-29,us stocks enjoy strong start dow climbs 225 points or 1 percent nasdaq jumps 1.5 percent after its worst week since march SP500 500 gains 1.3 percent ibm slides 4 percent on deal to acquire cloud computing company red hat for dollars 4 billion red hat spikes nearly 50 percent watch live,1 +2018-10-27,update on status quo on weekly chart fb worst as it’s breaking down a support levels amzn reaching weekly 50 moving average while nflx broke down googl best among four anyway worse yet to come this dip is not over yet 10 to 20 percent more downside move possible,1 +2018-10-22,all three aapl nflx amzn fading a lot to which shows weakness of bulls keep in mind es nq still not out of danger zone,3 +2018-10-16,on a second thought probably better use other tech name calls instead of nflx calls to hedge for nflx puts if nflx er good but only moves 3 to 4 percent otm call gonna drop huge but other tech names gonna pop up,3 +2018-10-30,if to and this is a big if fb runs tmr and aapl runs thereafter theres chance amzn back to 1600 by end of week key resistance above 1552 1576 1593 1600 1621 1635,3 +2018-10-09,amzn better chart after ystds drop to cloud bottom on daily which is also mid bb on weekly need hike above 1878.4 to 1881 range to thatd confirm a strong bounce play still not impossible to see 1896 1908 or even 1933 this week if mkt starts to recover here,2 +2018-10-25,also if they liquidate aapl itll obviously tank and that will obliterate the market remember aapl has the biggest weight on the entire sp500 including the nasdaq a sharp selloff on aapl will crush the indices due to its weight alone pray that they dont sell aapl laugh,1 +2018-10-08,markets rebound from early sell off dow closes up 40 points erasing a slide of 224 points during morning trading nasdaq loses 0.7 percent as tech stocks continue to struggle tesla falls 4 percent google owner alphabet and amazon slide 1 percent,1 +2018-10-08,ugly overall spy qqq dia market no plays for me now remember sept and october statistically the months with the most market crashes and leaders like amzn which is now down 9 percent in 6 days usually fade first before a big crash so be safe,1 +2018-10-19,for a second consecutive day post earnings nflx seen negative cmf to big flooding out nothing to do with its own biz but probably due to fear of mkt fluctuation as i said this earning season could be the worst in 5 year s starting with nflx be very careful into rest of,1 +2018-10-03,amzn rejected twice by cloud top on 15 minute chart its key name in mkt today not aapl which doesnt matter now as everyone knows its going up but amzn is really deciding force for nq to see ath so keep an eye on it,3 +2018-10-14,just as i predicted in past newsletters investors are crowding into hiding ina small number of large cap techs aapl msft etc as they did in late 2000 and again in 2008 these stocks are holding up the major market indices and masking the broad and deep declines in the tech sector,5 +2018-10-31,now it all comes to appl earnings new month starts tmr big drop in october make monthly chart very interesting now as on monthly both far far above if aapl good esf to 2782 to 2796 nqf to 7136 to 7211 next week possible,3 +2018-10-24,futures esf nqf setting up very interesting on daily to with 5 moving average sharply downwards but 10 moving average up could see a dip on wednesday then pull up to form a bottom to but amzn earnings definitely have big impact afterwards,4 +2018-10-25,slight revenue misses but big earnings beats at both amzn and goog cloud businesses slightly weaker than expected too market could read results either way as of now reacting negatively should be fascinating trading tomorrow dip buyers might have been lured into trap today,2 +2018-10-29,so many people are saying aapl fb earnings can save the mkt really if earnings good may save the tech for a day or two or 1 to 2 week bounce but that has nothing to do with mkt bottom reversal i said again and again this er season could see stock performance worst in 5 year s,1 +2018-10-09,read charts to if you dont do it you know nothing about levels or why stocks up or down amzn to cloud top on 30 minute but far away from 5 moving average on 60 minute to thats why it pops and fades read charts is a must,3 +2018-10-09,amzn needs break out 1896 tmr wednesday if it does see 1908 or even 1934 fast nflx needs break out 357.4 on wednesday if it does see 364 coming today is vital as they cant fade too much and must close above 1864 and 349 respectively otherwise big fade into tmr,3 +2018-10-08,technically if today mkt see bottom on hourly chance we see amzn back to 1934 nflx back to 364 nvda back to 274 this week but that doesnt mean u should go for those aggressive price strikes as ups and downs during the process will kill otm premiums fast and easy,3 +2018-10-11,esf spy touching 50 moving average on daily see if amzn supported here if it does back up to 1742 easily 1750 calls now 11 if you wanna play to high risk this time signing off here gotta go for fishing,1 +2018-10-16,nflx earnings can go either way and other techs will follow if you wanna play both sides to maximize your potential gains high open this morning could be good entry for puts oct19 290 puts 3.1 good to consider as one of those options but if u do it get calls later,3 +2018-10-02,wow these amzn 1980 puts now 26 from 12.6 if you still have it was not liking amzn chart earlier today but that bounce was very good now bounce dead next support 1955,1 +2018-10-23,qqq oct26 172 puts now 1.35 good to consider to i dont feel mkt set up a bottom here 5 moving average may dead cross 10 moving average on daily chart tmr so at this point only consider this as a strong technical bounce not a bottom reversal if nq break out falling wedge thatd be more convincing,3 +2018-10-22,remember one thing to premiums still very high for most of tech names so ups and downs kill premiums fast again this mkt is not for small acct owners this is not ur game,1 +2018-10-12,dow soars 400 points or 1.6 percent at the open rally follows two day slide that erased 1378 points from the dow nasdaq surges 2.3 percent SP500 500 gains 1.6 percent netflix amazon and apple all rise sharply citigroup jumps 4 percent on strong earnings watch live,1 +2018-10-16,my favorite ticker in the whole world my pig my atm nflx knocked earnings outa the park looks like techs in general loved the earnings report laugh sq even ripped after hours homeruns i love this job 😎🍻,5 +2018-10-31,dow jumps 250 points or 1 percent at the opening bell SP500 500 climbs 1.1 percent nasdaq soars 1.7 percent facebook gains 5 percent despite disappointing revenue and growth gm rallies 6 percent on big earnings and revenue beat watch live,1 +2018-10-10,mkt still very bad tech sell off possibly into november as i warned u all starting weeks ago this could be worst er season for tech names in 5 year s be prepared amzn googl fb aapl nflx nvda mu baba msft intc tsla,1 +2018-10-24,something dramatic just happened today if you didnt notice it amzn breaking down 1700 before er googl breaking down 1100 nflx almost dropping to 300 fb breaking down 150 these all are phenomenal numbers to tells the status quo of bull and bears psychology,1 +2018-10-26,mkt bounced a bit from a deep hole overnight spy qqq nflx tlry puts from ystd gonna pay very well remember to lock gains and then wait for mkt to settle it’s again time for premium re balancing so no need to take risks here to just progressively lock gains and relax today,4 +2018-10-19,only saver of all tech now is aapl to monthly chart still like a beast but if falls to below 5 moving average on monthly everything bullish ends for it and gap fill downside to 190.29 thatd literally pull down all tech no matter what kind of fantastic er they have e g nflx,1 +2018-10-16,tech leading strong bounce here calls pay very nicely puts down a lot remember you need both sides of plays if you plan to hold into nflx earnings,5 +2018-10-24,the overall markets are now taking out morning and multi week lows the dia spy qqq are all down roughly 10 percent from their recent highs all of you should be safe as my warnings are finally paying off,1 +2018-10-10,sell off continues in us stock markets important tech stocks breaking down friday’s close could bring hyperwave sell signals to several including amazon beginning to raise some cash using consensio,1 +2018-10-30,gonna see big opportunities in nvda nflx tsla either later this week or next week nvda back to 200 to 207 nflx to 320 to 331 possible but this one highly risky as may break down to lower low first tsla to ath dont jump in early as premiums super high to will get killed fast,1 +2018-10-15,hope you all listened to me and did not not participate in mkt today exactly as i said ore market today just premium killing lots of tech names with otm call price falling by 30 to 50 percent otm puts also dropping absolutely no need to trade anything,1 +2018-10-30,be careful today and this week no time to plays a hero with the dia spy qqq and fb amzn nflx goog just absolutely scary right now there will be bounces but id wait for absolute panic first,1 +2018-10-29,ugly tech selloff continues this is just a horrid october for tech stocks even netflix and amazon are down to 100 pe hang in there the market is repricing risk always extremes mr market nflx amzn,1 +2018-10-13,december 31 1999 was near the top of the tech bubble what happened to dow technology stocks since apple aapl up 5949 percent microsoft msft up 87 percent ibm ibm up 30 percent intel intl up just 9 percent and favorite cisco systems csco is down 14 percent who knew its why l own index funds,1 +2018-10-10,let me get this straight crypto bubble weed bubble debt bubble china bubble rising rates fat nixon and the markets are crashing spy,1 +2018-10-10,i think theres a decent chance the market suffers a mini meltdown i know the probability is low based on the number of times this occurs but you have some huge back logged profits in names that are heavily index weighted if institutions start locking them in lookout below,3 +2018-10-10,havent been on fintwit today im sure its a lovely bear fest im just going to throw in a couple of charts for fun that ive been following and pointing out for a while now netflix nflx gmi crash pattern and head and shoulders top often go together,4 +2018-10-18,spx broke dollars 788 then 2781 that stopped me out of my remaining spy for a loss it happens don’t let it get away from you nflx breaking dollars 76.50 and aapl below dollars 19 gave me clues,1 +2018-10-26,from their respective all time highs printed a few weeks ago fb negative 33 percent amzn negative 22 percent googl negative 19 percent nflx negative 30 percent nasdaq negative 13 percent,1 +2018-10-19,if we were in a stronger market nflx wouldn’t have broken dollars 56.50 post earnings gap and nvda wouldn’t have went down on a gs upgrade yesterday small clues help,1 +2018-11-27,interpreting price action with chart patterns for crypto and forex trading read trading my ira stock market news and education spy charting refers to technical analysis that …,4 +2018-11-09,watch us report live from the floor of the nyse this weeks weekly wrap up includes bkng trip roku twlo etsy yelp fnko ttd sq z atvi mtch kors etsy cvs,5 +2018-11-30,watch us report live from the floor of the nyse this weeks weekly wrap up includes aapl amzn googl fb nvda anf tlys tif ntnx crm,5 +2018-11-19,on its way to wipe out a gain even outperformed SP500 would probably tend the bottom reached the record high on oct 1 calling for 1.5 percent looks like the top must be retested amidst wanton,1 +2018-11-21,and there is the apart from formed in other gauges and for individual stocks even there is a lot more than otherwise but the structures for have been technically damaged and is now going to be top we chase,3 +2018-11-17,stock trends online to weekly north american stock listings detailing trends and price momentum of thousands of,5 +2018-11-14,stock price is currently valued at two cents a share,5 +2018-11-30,watch us report live from the floor of the nyse this weeks weekly wrap up includes aapl amzn googl fb nvda anf tlys tif ntnx crm,5 +2018-11-09,watch us report live from the floor of the nyse this weeks weekly wrap up includes bkng trip roku twlo etsy yelp fnko ttd sq z atvi mtch kors etsy cvs,5 +2018-11-06,apply now,5 +2018-11-26,think about or and this chart where we are on each one i leave it up to your own interpretation fb aapl amzn nflx goog qqq uso gld slv uso,1 +2018-11-18,let the analysts spook speculators it makes the stock cheap and allows the investor to buy a wonderful company at a fair price 😏,5 +2018-11-09,watch us report live from the floor of the nyse this weeks weekly wrap up includes bkng trip roku twlo etsy yelp fnko ttd sq z atvi mtch kors etsy cvs,5 +2018-11-30,watch us report live from the floor of the nyse this weeks weekly wrap up includes aapl amzn googl fb nvda anf tlys tif ntnx crm,5 +2018-11-20,another big drop for the with SP500500 wiping out 2018 gains were the drags as we head into and amzn aapl googl fb nflx kss tgt m low cvx xom cop dji spx,1 +2018-11-14,drops 350 points as and bank shares slide,1 +2018-11-30,the latest “buzz on the street” show featuring federal reserve announcement aapl amzn nflx googl,5 +2018-11-19,sells off again today with aapl dipping into bear market territory on reports of production cuts the bears are growling dji spx ndq fb falling to lowest since feb 17 googl amzn nflx,1 +2018-11-28,is soaring today on chair powells comments and a rally underway meantime gm still on the mind of who is now revisiting tariffs of 25 percent covered dji spx ndq f fcau,2 +2018-11-02,stuff is really extended lightened up quite a bit this morning would love to see a higher low on the 10 day in the days to come well see aapl chart looks absolutely horrible btw,1 +2018-11-01,thursday thoughts to holding nasdaq 7000 is up to apple aapl aapl spy qqq ibm,1 +2018-11-01,it’s a good time to start burying sales data ipad and mac consistently down this year and iphone has peaked questions over apple’s next trick remain as it continues to squeeze iphone services revenue for years wall st only cares about and asp will soar due 2 price hikes,2 +2018-11-04,graphics and animations yahoo finance stock price scraper to mosaic of dow,5 +2018-11-20,tumblin tuesday to faang failure freaks out investors spy aapl fb amzn nflx,1 +2018-11-01,while on oct 29 i had wining plans for amzn nvda gs for a higher market that were all 100 percent correct winners this old world thinker like most of them called the market 100 percent wrong once again just like he did in dec 2016 at spy 225 just keeps being massively wrong study truth,1 +2018-11-01,p and l banked just under dollars 000 today on aapl sls pxs and uvxy once again yelling from the rooftops that if you pick your spots carefully you can bank big in many different market conditions working on aapl fast money video as we speak dont miss it,1 +2018-11-28,its too difficult to trade the constant g20 fed and trade war headlines and the chart paints a much simpler picture tech stocks qqq have been leading spx and nq is now coiling into a perfect bullish falling wedge on the daily chart and a break out would target 7250,2 +2018-11-21,hope isnt lost for tech stocks and therefore spx yet 1 qqq held support today of its main uptrend line from 2017 which keeps its uptrend in tact and 2 it also held support of a perfect falling channel from october if its going to recover to the 200 displaced moving average at 170 this is the zone,5 +2018-11-28,best day since august spx nflx amzn aapl left easily dollars 0 thousand on the table between them spx 2700 went 2.5 to 43.5 and 2710 went 1.1 to 34.2 i won’t get in to where amzn and nflx went all hindsight i’ll take these profits any day 🙏🏼🙏🏼,1 +2018-11-05,11 to 05 the top scored information technology company is sunpower corp spwr scored at 83.1 key words report upgraded leading good serious stock price bearish positive aapl adbe mu amzn twtr,5 +2018-11-05,todays information technology market mover is sunpower corp spwr is up 4.60 percent key words report upgraded leading good serious stock price bearish positive aapl rbiz fb cboe eth amzn btc,5 +2018-11-20,apt still trending down major tl breached and failed at backtest wait for the break and let market tell you what to do even if it breaks expect a grind due to so much left side overhang,2 +2018-11-15,did the right side of a eiffel tower pattern get started at the bearish monthly hanging man pattern at 1 nvda qqq smh spy,1 +2018-11-08,here is the recorded link to the nov 07 live stream aapl amd spy a great live stream gs lots of great key info to think about study learn think enjoy,5 +2018-11-01,oct 31 live stream i show how i had a plans for gs and nvda amzn twtr all wins and called for a spy bounce all while their was great fear oct 29 i explain the facts a powerful livestream to study and i explain adaptive thinking at its best,5 +2018-11-13,such news should have only affected specific businesses and sectors but instead 414 504 companies on the SP500 500 declined on monday with only the defensive sectors managing to end the day in green 🤯 aapl read more ⬇,1 +2018-11-20,cues for today nifty conquers 200 dma of 10754 fiis buy 1103 calls r in cash market 300 calls r delivery buying in itc 400 calls r in reliance will global cues dampen sentiment dow down 400 points faang stocks correct apple amazon netflix now in bear market nikkei down 200 points,1 +2018-11-07,love the technial chart action in nvda here coiling very nicely this week and looks about ready to pop keep an eye on this one ahead of earnings next week,5 +2018-11-09,u s stocks fall amid a fresh batch of weak earnings from the technology sector and concerns that a bear market in oil prices may mean trouble for the economy,2 +2018-11-02,qqq spy very clear falling wedge break out with 50 percent level as strong resistance mid bb on daily also pressuring downwards even if job report good friday am be very careful after a run to that 50 percent resist if job report bad with aapl bad not impossible gap fill downside spx comp,2 +2018-11-09,looking at way aapl fb nflx or googl acted this week you wouldnt think the dow shot up by almost positive 900 points at its peak this week if anything the weekly charts of iwm and nasdaq showing that caution should still be warranted right now,1 +2018-11-28,the rally continues for stocks and qqq up dollars now from my post powell comments seem to have given an all clear to stocks so id expect to see a shortable pullback in the 170 to 173 zone theres good resistance there of 1 both 50 and 200 dmas 2 the black channel from october,4 +2018-11-28,after media last week that fang entered a bear market tech qqq is not surprisingly outperforming spx now and my bounce scenario is looking good a pb is likely today but still looking for qqq to make its way to channel resistance 172 a break there would open a much larger run,3 +2018-11-27,really starting to like how aapl is acting ignoring bad news last couple of days printing a nice to boot two days in a row it has mounted reversals and starting to get attractiverisk to reward on long side for at least a short term bounce,5 +2018-11-19,each of the five faang stocks fb amzn aapl nflx googl are now in a bear market,5 +2018-11-19,why are big tech stocks like apple facebook etc plunging because they should never have gone that high in the first place they were and are the modern version of the nifty fifty phenomenon that ended in tears in the early 70 qqq fb aapl,1 +2018-11-10,my assessment of the market always starts and ends with individual stocks it doesnt matter if the indexes are strong its like going into a store coz the lights are on and the doors are open only to find nothing on the shelves no buyable merchandise no trades,2 +2018-11-01,signing off here not gonna trade at all for the day or tmr just completely sideline aapl earnings today after close big move either way be very careful to dont assume its gonna be beat and run trade on facts not assumptions,1 +2018-11-02,outperformance of em to the upside which should have higher beta to downside to us stocks is more evidence that the october sell off ended and the market is risk on into ye,2 +2018-11-28,keep in mind this week will conclude november and we move into december starting next week know where 5 moving average is and will be on monthly chart very very interesting chart depending on how we conclude this week amzn monthly best among these three nflx worst nvda huge potential,1 +2018-11-23,this is what 3 hrs of sleep does to you im up huge on tsla and nflx puts and was gonna tweet some insight into the play but thought to myself remember u gotta wait till ure done dont crowd it then i remembered im fucking trading nflx tsla not illiquid low float trash 😂,1 +2018-11-08,major indexes close mixed on relatively quiet day after wednesdays surge fed wraps up 2 day november meeting leaving interest rates unchanged with 4 hike expected in december dow positive 0.04 percent nasdaq negative 0.53 percent SP500 500 to 0.25 percent,2 +2018-11-04,earnings next week mon insy bkng myl race ren oxy mar sohu tue nio twlo bhc hear cara etsy cvs pbr wed sq grpn roku qcom wynn ttwo edit thu dis atvi yelp dbx ttd htz swks fri jcp gnc mdxg,1 +2018-11-29,live stream on now will close this at 10 pm get a chance to speak with the big picture leader aapl amzn amd spy twtr i talk about the facts beyond anyone else no guessing here just powerful skills going to give a new update about the market,5 +2018-11-19,“faang” loses its bite in the last three months facebook apple amazon netflix google have combined to lose a trillion dollars 000000000000 dollars in stock market value,1 +2018-11-16,major indexes close mixed with president trumps comments about trade pushing dow SP500 higher while nvda continued to drag tech down on the nasdaq dow positive 0.49 percent nasdaq negative 15 percent SP500 500 positive 0.22 percent,1 +2018-11-01,after the close aapl sbux tndm x oled wtw anet gpro ftnt khc tdoc sedg exel shak gern meli eog symc crc athn ctrl gtes pbyi rp crus unit cbs acia skt wu tsro eqix met appn bldr adms cort cc arcb msi,3 +2018-11-28,spy aapl amzn i have been bullish and i will explain a big picture update tonight i speak power i have a lot of document proof in everything i say join me live tonight 5 pm eastern standard time canada for powerful market direction and proven deep advice even in deep fear,5 +2018-11-28,spy poor guessing stock clowns and poor bearish stock clown stockbookie wrong again the big picture if you want to understand how to make money in markets the right way join my live stream tonight 5 pm eastern standard time canada where i prove and explain the facts aapl,1 +2018-11-30,spy in 2019 we will see why i am the big picture leader the stockbookieclown has been wrong the big picture for the spy since 225 just like most old world thinkers have it is a new era the aapl leader amzn leader spy leader and heath leader is here people study,5 +2018-11-28,spy live stream tonight 5 pm eastern standard time aapl amzn amd fdx no can read the market like i can i projected this move before the facts no one can do this like me no one i challenge any service if they think they can everything i say has been documented,1 +2018-11-21,amzn ba amd spy aapl twtr fb dis live stream tonight at 9 pm eastern standard time i explain my thoughts on these stocks and the big picture of the market what i am seeing and what i expect to happen the key is to adapt with the market and understand what it is saying,5 +2018-11-05,the will be speaking about the spy and aapl amd gs ba nvda amzn twtr this wed nov 07 at 0 pm eastern standard time canada for 1 hr keep that spot open get a chance to ask questions also subscribe to my youtube channel powertarget trades now,1 +2018-11-28,remember these key levels amzn 1554 1566 1581 1593 1608 1624 1655 1673 1689 nflx 266 271 276 284 286 291 nvda 151 157 162 164 170 176,5 +2018-11-20,stocks open sharply lower on wall street as a rout in major technology companies continues amd several big retailers report weak results,1 +2018-11-14,live stream tonight 0 pm eastern standard time gs amd twtr fb dis aapl amzn msft adaptive thinking and adaptive change is a must in order to make money in the markets both long term and short term the market changes daily i will be explaining about all the stocks,5 +2018-11-30,saw that market bear trap a mile away and grabbed some otm calls whenever you see weakness in the big names but vix stays weak equals strap ur hussein bolt cape on and run the option market never lies nflx nvda tsla spy qqq iwm,1 +2018-11-20,wow market diving mode amzn 1466 nvda 137 nflx 262 pre market as i warned ystd those who bot mkt bounce in big trouble absolutely no need to jump in ystd during bounce,5 +2018-11-23,remember apple has market cap and is in all major indexes so its a major drag for markets and etfs though if apples stock falls another 5.7 percent around 10 points it will lose its crown to msft to assuming msft holds its current stock price,3 +2018-11-12,major indexes close deep in the red with poor performance in the tech sector dow negative 2.32 percent nasdaq negative 2.78 percent SP500 500 to 1.97 percent worst single day drop for nasdaq in nearly 3 weeks worst day for dow in a month,1 +2018-11-19,the tech selloff today is just basing action volatility rises around lows news is uglier but price is around the same levels just be patient for new highs next year we like amzn and nflx,2 +2018-11-20,market check remarkable reversal in boeing lfts big board two hundred points off session low chips led by applied materials leading technology back lots of buying of most beaten down names including facebook send my your questions on stocks the market and economy,5 +2018-11-28,if powell talk good mkt runs super to daily chart mid bb if talk no good amzn down to daily 5 moving average so thats 40 to 50 point drop which will for sure drag all tech down to earth so know the risk thats why i kept saying from ystd progressively lock gains,3 +2018-11-02,dow gains 135 points on hopes for a us china trade deal SP500 500 advances 0.4 percent nasdaq inches lower as apple slides 5 percent on disappointing outlook starbucks soars 8 percent on earnings beat watch live,1 +2018-11-23,all eyes on aapl today already dropped to weekly cloud top if can’t support today and reverse back up will likely see weekly cloud bottom 166 to 167 levels next week for a super strong bounce,2 +2018-11-08,fed statement not good for mkt gonna see more consolidation and drop here amzn tsla relatively strong but not for other names no need to take risks here do not buy on this dip,1 +2018-11-19,very clear on monthly chart with whats happening fb worst so broke down through monthly chart mid bb long ago googl already reached but around that level amzn nflx dropping to mid bb likely,2 +2018-11-19,aapl googl amzn nvda all lower low now this speaks for everything you need to know about today say again dont do anything stupid to screw up your profits just completely sideline and watch,1 +2018-11-20,still another day and another poundingdjia down 550 yet no capitulation lots of attempted dip buying especially in tech vix just 22.57 bubblevisions cnbc fast monkey tradrs at noon excited about morning rebound most of which evaporated in pm more beatings until give up,1 +2018-11-01,amzn very strong pre market still not breaking through hourly cloud to so a lot of room for upside move aapl earnings today could be catalyst to send it sky high if aapl er no good amzn likely dive hard again for double bottom,3 +2018-11-14,if nqf bounce here from 6776 might be very bad set up into tmr likely see strong bounce followed by a huge fade or even deeper dive tmr best way for mkt move today is to drop below 6776 then stay low into tmr dive again to 6734 6719 for a bottom then crazy crazy eoy run,2 +2018-11-15,so many people ask about aapl its at weekly support level with 5 moving average way up thats true but also today is inside candle following a huge red candle i wont play this one neither side too risky as multiple scenarios possible ups and downs can kill both calls and puts,2 +2018-11-19,huge winning day today with nflx amzn nvda puts now completely sidelined gonna enjoy rest of day say again drop your making mindset and forget about buy on dip if you can’t resist making no good as an option trader,1 +2018-11-08,appl katy huberty of morgan stanley apple is approaching a services led margin inflection comparing it to when amazon amzn began breaking out aws revenue and profits at the start of 2015 huberty raised her price target on apple shares to dollars 53 from dollars 26,1 +2018-11-20,mkt very strong with nq takes over key 6584 level so easily and defended it successfully amzn nflx leading tech to strike back,5 +2018-11-20,on a day nov 19 nasdaq comp drops to mid bb on monthly chart second time in a row we see daily chart starting to dead cross this tells something,1 +2018-11-02,aapl earnings not good job report tmr morning good feeling just standing sideline watching with no position no hurry to make in this kind of mkt condition absolutely no hurry,1 +2018-11-10,i said this 3 year s ago this mkt bull run is led by big techs fb aapl amzn nflx googl msft nvda coz of new tech revolution now we are on the edge of a new transition to sth diff coz profit margin and mkt share all diff out of it this is like premium rebalancing in options,5 +2018-11-29,best day of the year today amazing run with amzn nflx nvda calls even if you buy after powell talk out gains still awesome i twitted pre market about bouncing to mid bb on daily chart to hopefully most of u have picked that up after powell talk out protecting profit now,5 +2018-11-14,already super day with all amzn nflx qqq put plays dont gamble or screw up your profits stay calm mkt not setting up good with a bounce here need to wait till clear signal for bottom reversal enjoy rest of day folks just made it to atlanta,5 +2018-11-09,very profitable day with put plays completely covered call loss from ystd and way more keep in mind mkt can go either way whats really bad is china stock like baba bidu plus stocks that broke key levels such as nflx tlry,1 +2018-11-20,mkt pulling back to mid bb on hourly chart to which was trending downwards so a technical pullback is good keep an eye on es nq hourly chart 5 moving average cant trending downwards again otherwise mkt likely diving again hope you all listened and progressively locked gains this am,2 +2018-11-02,a good morning for jobs and a good morning for the market stocks mostly traded higher at the open today after the release of better than expected employment data but apples losses left a dent,4 +2018-11-30,compare this weekends fintwit commentary vs last weekends total 180 for most part as last weeks theme was we will retest lows and they probably wont hold 99 percent of world has no clue and are just recent move extrapolators this weeks action was nice will it hold tell u next week,3 +2018-11-19,tech sell off way overblown this is a re calibration of high pe stocks to lower pes thanks to rates and trade wars this seems to be a retest other than facebook we do like apple amazon netflix and google goog aapl amzn goog,1 +2018-11-03,ever wonder what the overlap is between these major indices SP500 500 dow jones and nasdaq 100 100 percent of the dow jones is in spx 16.7 percent of the dow jones is in ndx 82.7 percent of nasdaq 100 is in spx,1 +2018-11-16,nvidia down 18 percent williams sonoma down 13 percent nordstrom down 12 percent amat down 9 percent incidentally each company posted eps either in line or ahead of the street,1 +2018-11-13,the faang trade is dead dead in the sense of it as a homogeneous group this not long after the new york stock exchange created a faang index now the group has completely splintered with the apple earnings news the last straw each stock will now stand on its own,1 +2018-11-14,indices trying very hard to hang on but under the surface theres a lot of damage taking place and notice how every day its a different sector thats getting hitrotation today its clearly the financials and large cap tech stocks,3 +2018-11-02,trump saves face after aapl plummets calls xi to talk about trade again this should be viewed as a market intervention by wh admin trump bet his presidency on stocks now it shows you how desperate admin is before midterms to boost 401 thousand s,1 +2018-11-23,aapl broke below tuesday’s reactionary low of dollars 75.50 and couldn’t reclaim it next week will be very interesting to see if we can find a low in the dollars 60’s and test spx 2603 area,1 +2018-11-27,doing very little now after the loss in nvda and gs this week learned from that after a couple of losses it’s time to regroup and observe the market,1 +2018-11-29,for the first time in years yesterday we got a broad market volume thrust accompanied by a follow through day on both the nyse and the nasdaq notwithstanding some backing and filling a bottom is likely in place and now its just a matter of base building and stock selection,4 +2018-12-28,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn tsla ba lmt pqg fb aapl nflx googl,5 +2018-12-21,watch us report live from the floor of the nyse this weeks weekly wrap up includes gis gsk pfe orcl mu tlry amzn aapl googl fb nflx,5 +2018-12-28,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn tsla ba lmt pqg fb aapl nflx googl,5 +2018-12-21,watch us report live from the floor of the nyse this weeks weekly wrap up includes gis gsk pfe orcl mu tlry amzn aapl googl fb nflx,5 +2018-12-21,watch us report live from the floor of the nyse this weeks weekly wrap up includes gis gsk pfe orcl mu tlry amzn aapl googl fb nflx,5 +2018-12-16,happy sunday tweeps anyone else getting a jump start on the trading week comment below what your watching to share ideas with your fellow traders more eyes the better my focus will be spy iwm lulu fb nvda amd qqq aapl and whatever my small cap scan picks up,5 +2018-12-14,nasdaq aapl qcom msft nyse twtr the latest “buzz on the street” show featuring technology stocks rebound as trade tensions ease aapl,5 +2018-12-07,definitely the name of the game on today turns around triple digit loss on hopes may not be hiking rates as much in 2019 covered on with tonight dji spy ndq amzn fb nflx googl,1 +2018-12-13,cxdo crexendo inc profitable trade spotted this price is of great potential sell qqq to hedge,5 +2018-12-31,cerc cerecor inc we go long this price will probably move up hedge by selling spy,3 +2018-12-27,idra idera pharmaceuticals inc there comes the ride this price will go up short spy to hedge,5 +2018-12-26,artw arts way manufacturing co inc we go long this price will probably move up short some spy to hedge,3 +2018-12-06,spwh sportsmans warehouse holdings inc this is a buy this price is likely to go up short some spy to hedge,5 +2018-12-17,rvp retractable technologies inc we are bullish this price will probably move up short some spy to hedge,1 +2018-12-10,stock selloff snowballs as investors price in slowing world economy via investor,3 +2018-12-21,p and l what a way to end the week 💵😎 pleasantly surprised with the action with a down market but man we were due for some small cap action mrin got stuck short switched to long and banked nicely obln failed washout long no bounce to short size but made back some uvxy,3 +2018-12-27,p and l what a day again 💰😎💵 somehow didnt lose on any trades again out of 40 or so scalps watt was on the correct side of the trade every single time btai nice little wallet padder off the scanner play sahort adil bagholder short uvxy paying for ketchup packets,5 +2018-12-25,is there an urgency in this stock market sell off premium articles spx spy esf,1 +2018-12-26,i posted this inside of powergrouotrades dec 21 in massive fear spy are you enjoying this massive rally today in aapl ba ma well as a big picture leader i had plans to catch gains for this as skill always wins unlike the people who guess and scalp who are wrong for years,5 +2018-12-21,ii bullish and bearishness gap is still too wide bearishness is stubbornly low likely have more downside ahead need a capitulation washout to put in a tradeable bottom on this move spy iwm qqq,2 +2018-12-12,spy nflx what i said what was going to happen when we faded yesterday is playing out today this is from understanding what the market is saying and what is the big picture look at how we acted today just amazing come to my live stream tonight 9 pm eastern standard time canada,5 +2018-12-02,amzn this post marks an important turning point and the big picture for the spy amzn has started to confirm what i call a powerful long term signal for higher prices for both the spy and amzn i will be giving updates on my live stream about as i am the big picture leader,5 +2018-12-03,todays health care market mover is kura oncology inc kura is up 10.94 percent key words report price target stock positive bearish bad opportunity upgrade amd twtr mu aagc fb cboe nflx,1 +2018-12-23,having been short qqq uso and nvda as posted since early november with minimal long exposure has worked very well i stay objective to the data however here are some interesting technical readings from this weeks trading i am still short 4 to 1 in u s stocks and etfs,4 +2018-12-28,as i said mkt in risk pulling back to hourly chart mid bb or even daily 5 moving average so no surprise to see this fade nq downs almost 1 percent see if amzn can hold and lead tech to pull back up,1 +2018-12-27,apple and other companies bought back lots of their own shares to and then the plunge in stock prices hit essentially the market is telling these companies they overpaid by billions of dollars my story with via,1 +2018-12-01,weekly chart status quo amzn higher high and break out neckline 1709 1734 1755 1784 above nflx higher high but not strong enough 291 297 303 314 above nvda higher high but not even close to neckline 167 174 181 192 above tsla reversal confirmed 357 366 372 377 above,1 +2018-12-06,fang monthly chart very different fb weakest and break down mid bb months ago amzn back to mid bb then up big but now may see 5 moving average dead cross 10 moving average nflx strong support by mid bb with 5 moving average already starting to recover from dead cross 10 moving average googl 5 moving average about to dead cross 10 moving average,2 +2018-12-07,nasdaq was up more than 200 points from intraday low us markets wiped out most of the losses fed likely to pause rate hike sgx nifty up 80 to 90 points,1 +2018-12-31,these spy puts up nice but now mkt seems to find support remember to lock gains with these puts then just sideline and watch no need to take risks into new year may see tech run again with amzn nflx leading but still big risk,3 +2018-12-07,the best picture of the day santa claus in the house all red aapl wfc goog fb msft nvda adbe jpm bac v c csco ma amzn,5 +2018-12-03,so basically spx has chopped since the october puke markets squeezing into the stage where the bulls tell us they told us so will continue to wait for ranges to tighten and for volume to drop off patience all about patience if theres no edge theres no trades,2 +2018-12-28,this twit from pre market is my twit of the day very clearly tells you possible scenarios and it happened exactly like i predicted if you use for example nflx 250 puts upon open it takes from 0.8 to 2.4 so 3 times easily as hedge now names back up see if amzn lead tech higher,5 +2018-12-23,the nasdaq is now officially in a bear market the nasdaqs bear market is very concerning because i believe it will lead to the bursting of the tech startup bubble learn more qqq aapl fb,1 +2018-12-26,super rally day everything trying to get back to the starting point of hourly chart big dive from previous wave so amzn 1484 nflx 262 possible see if there’s any pullback tmr am if not like see those levels first then dive again,5 +2018-12-22,no this week with analysts so a look at jan nflx bac ba bbby kbh sgh stz ma jpm c gs jnj unh wfc aa lrcx cjpry slb abt len unf aks bmy lw vlo rpm axp smpl snx msm wyi cmc hele fast phm csx info calm lnn,2 +2018-12-10,spy many people want to guess and assume until the market says for 100 percent sure the odds favour higher for the right stocks amzn is a new leader right now aapl is not leading but has already hit over 200 a shares this year so it was the leader at one point markets always change,1 +2018-12-28,among only googl almost close to daily cloud bottom amzn close but still not there aapl fb nflx far away very interesting pattern,3 +2018-12-05,in 2004 the market took 3 legs down but aapl held during each leg and set buy points i was buying the stock in a difficult market never once was i under any real pressure on any of the entries focus on stocks,1 +2018-12-21,i predicted this huge dive of nasdaq comp nqf five months ago back in july now an update of this 20 year monthly chart very clear trend broke and free fall to 5200 to 5500 range in 2019 spx will follow,1 +2018-12-28,be careful this morning mkt can go either way today either pull back and hike again or hike a bit then fade remember spx comp both far far away from their daily 5 moving average which is down there,3 +2018-12-10,while many can not see the big picture in the fear for the spy amzn and aapl nflx ba the market is saying higher the odds favor this as all negative news has been baked in we are in new times unlike ever seen before in history but the big picture remains good,3 +2018-12-26,aapl ba ma amzn spy live stream tonight 9 pm eastern standard time i will be giving a key update to the big picture of the market i will explain how this downturn can be a powerful new pivot never seen before in history sco hit targets a good place to take profits,1 +2018-12-31,spy the market favors higher but that does not mean it will make things easy sometimes things will go smoothly and sometimes not but the key is solid plans and sticking to the rules in order to catch the gains i have done this so many times with stocks like amzn aapl ba,3 +2018-12-10,today marks a strong bottom if this day confirms high odds aapl trys to test 200 before or towards end of this year many have been wrong about this stock ever reaching 200 i was bang on about this plus i have posted dozens of huge option wining plans for aapl along the way,1 +2018-12-06,SP500 500 corrected 10 percent but fang stocks are already in a bear market tuesdays action painted an ominous picture living through the 87 crash negative 22 percent in one day i know when the market is falling it can always get worse attached is my market memo to our clients this morning,1 +2018-12-04,yesterday was a great big picture gift todays pullback is just another gift for the spy aapl amzn nflx and many other names we will be watching for confirmation,5 +2018-12-05,special live stream tonight 0 pm eastern standard time canada aapl ba amzn fdx nvda nflx spy tsla going to be giving an update to all these stocks and another update for the big picture in a picture and picture format live stream powerful info explained today,5 +2018-12-04,another gift from the spy i have my plans in place for more gains just loving this fear fear means money for those who know what to look for this a new era and many need a leader like me aapl amzn,5 +2018-12-19,live stream tonight 9 pm eastern standard time spy amzn ba amd aapl sco i give an update to what i am thinking and what i am looking for and the state of the market and the importance of big picture thinking in order to catch the big gains and not be a baby scalper,5 +2018-12-02,amzn spy aapl ba people i took a look at my scans and my deep rules of my adaptive system something unlike no other system and this market is massively bullish to have a great run into 2019 to many key stocks setup for higher the market is speaking to me with power,1 +2018-12-03,today it is raining money in aapl amzn ba fdx it is christmas for me already today how about you if you are a follower of the stockbookie clown i am sure you are crying today no gains but massive losses and wrong the big picture once again unlike the bigpictureleader,1 +2018-12-18,study amzn aapl to make the big gains what is important is to win at the big picture of things if you focus on that you will succeed even when you lose from time to time being correct many people lack the discipline to really succeed at the market they have already lost,3 +2018-12-27,spy two hammers in a row long lower shadow with close at highs bounce likely to hold into next week upside targets include 38.2 percent fib at dollars 519 and 50 percent fib at 2573,2 +2018-12-18,major indexes close in the green but fall from session highs as buyback begins from recent sell off ahead of fed rate hike decision on wednesday dow positive 0.35 percent nasdaq positive 0.45 percent SP500 500 positive 0.01 percent,2 +2018-12-22,nike announced it had crushed earnings expectations leading to a market surge today that found the company’s stock as the sole gainer in the entire dow,1 +2018-12-04,fb strongest among fang today so far googl not bad amzn waiting for hourly chart 5 moving average to pick up nflx weakest,5 +2018-12-26,nq up 1 percent pre market amzn up 25 points but nflx barely up if things start to fade watch nflx as it could be 1 to dive 221 214 below if nflx pulls up above 242 that will change the nature of today and expect tech to bounce hard amzn need 1386 to be good if fades 1284 coming,2 +2018-12-28,signing off for now will check back later today keep in mind about mid bb on hourly chart and daily 5 moving average mkt can go either way and watch for amzn as key reference for intraday reversal or continuing break down,3 +2018-12-28,amzn runs super nvda nflx not even started yet calls for next week ready in line lets see how they both go,5 +2018-12-06,spy qqq both seen ascending triangle on 5 minute chart but for spy it also looks like rising wedge formation possible as we saw higher high from previous wave again and again interesting formation anyway,3 +2018-12-24,amzn msft twlo ttd nvta anet shop nvda here are my wish list alerts nearly all are already in the order book for gtc limits set your own alerts for free,5 +2018-12-04,signing off here for the day remember what i said about implications of wed market close on this week volume know the risk amzn is next in line for big play if mkt does want to go higher 1766 1784 1795 1812 all key levels if it doesnt run no good for mkt,1 +2018-12-06,signing off here tsla nflx qqq calls better than anything else at this point but if mkt drops again i e es below 2621 again gonna be bigger risk into afternoon know the risk size ur plays for most people best is to sideline,2 +2018-12-21,dow opens about 50 points higher on friday after week of steep losses nasdaq gains 0.5 percent bouncing away from bear market territory SP500 500 edges 0.3 percent higher nike soars 9 percent after revealing strong sales and blockbuster growth in china watch live,1 +2018-12-15,80 percent yes 80 percent of all nasdaq stocks are below their 200 day moving average qqq googl xlk aapl that hasn’t happened since early 2016 here’s the chart,1 +2018-12-27,amzn back to daily 5 moving average nflx breaking down see if 244 can hold glad i locked my positions earlier above 250 if supported back all the way up otherwise fade to 237 possible,3 +2018-12-27,for so many tech names daily chart 5 moving average still pointing downwards probably gonna take another 1 to 2 days for this 5 moving average to turn flat or even upwards so check back on the direction of daily 5 moving average tomorrow morning and see if it happens this is going to be key for a bounce to be valid,2 +2018-12-27,tech names not looking good glad i exited all positions earlier this morning amzn lower low for the day need to get supported at 1398 otherwise 1389 or even 1374 coming nflx need to hold above 242.8 otherwise see 238 possible,1 +2018-12-11,big picture this week so far to mkt ups and downs all in a sudden fast but when mkt is up or down the majority of tech names ups or down accordingly except for aapl for a day this is coz trade deal and hearing uncertain but today shows signal that differentiation will happen,3 +2018-12-03,tops aapl market cap intraday after being the first to cross dollars trillion now apple falling behind mfst and amzn,5 +2018-12-18,if you played spy puts into this mkt drop can consider locking at least .5 puts positions for profits as spx already lower low daily chart very very ugly technically if today cant close with long bottom stick tmr gonna see lower low or if for a reversal need higher high,1 +2018-12-07,locked all call profits for big win qqq puts seem to be good into next week but who knows news will affect mkt dramatically signing off here have a great rest of day and weekend folks,1 +2018-12-22,doing my regular weekend tech review stunning faang carnage apple 52 week low has lost dollars 00 billion since peaking 2 .5 mos ago amzn down over 214 points this week alone down 673 points in little more than 3 mos googl 52 week low nflx negative 41 percent in 5 mos fb negative 43 percent in 5 mos almost 2 year low,1 +2018-12-12,dollars .4 trillion thats how much facebook amazon netflix google apple microsoft and nvidia have lost during this massive correction fb aapl msft nvda,1 +2018-12-29,what happens at beginning stage of bear mkt 1 frequent high percent move either way especially in hot names amzn aapl nflx fb googl tsla nvda 2 short duration of bounce 3 more lower low higher high red and green engulfing candles 4 earnings not matter and often seen reversal move,2 +2018-12-20,es nq futures up a bit to this is very bad set up into tmr could see hourly chart bounce overnight then rejected by mid bb or cloud bottom then dive again eyes on nflx amzn aapl puts tmr if mkt opens high and bounce on thursday,1 +2018-12-03,how to tell where this mkt bull run stops or how to measure strength of this run simple spx dji both seem higher low with w bottom formation and esf ymf now above daily cloud top comp lower low and nqf not even reaching daily cloud bottom so know where you watch,1 +2018-12-10,amzn not strong enough googl very weak aapl strong on china news msft actually very strong today nvda no good nflx very strong baba bidu both very weak ba ok banks all screwed big picture to complete chaos everywhere anything can happen tonight tough for both sides,1 +2018-12-07,nflx reaching 284 after market interesting big buying right before close today tmr gonna be interesting but mkt move will definitely affect its price actions,3 +2018-12-20,on the other hand if amzn close hourly chart above 1488 may reverse but need hike above 1509 for further confirmation otherwise no good into next week,2 +2018-12-11,amzn falling wedge forming on daily chart only concern here is sharply downward 5 moving average which means need a big bottom stick today for pattern reversal and mid bb still downwards if both happen pretty high chance see falling wedge break out but if fails 1634 1622 1614 possible,3 +2018-12-04,chart indicates 50 percent chance amzn will gap up big on thursday running to 1712 to 1726 range but size plays always important to especially in a mkt like this,4 +2018-12-28,big bullish set up on spx comp dji after todays intraday reversal the downside move today was coz of downward moving daily 5 moving average see if mkt and stocks can bounce back to daily 10 moving average and mid bb no matter what happens be prepared and have your strategy and plan and contingencies ready,4 +2018-12-18,mkt still possible to go down after small bounce to not strong enough here calls no good only keeping qqq spy nflx puts not big plays wait for tmr confirmation,1 +2018-12-12,mkt moving on news but bulls hesitating mkt needs a strong leader that doesnt fade when mkt fades amzn failed such expectation today googl msft very strong for two days but not enough for a role as leader aapl no trust from bulls again trade on facts not assumptions,2 +2018-12-10,esf nqf both tried to retest 60 moving average on hourly chart with nq making new hod whats interesting though is amzn is not following still 17 points away from mornings top so if nq really a bottom break out here amzn should already see 1664 by now but its not be careful into tmr,3 +2018-12-18,from pure technical standpoint to counter ystds huge red candle mkt and individual stocks need to close above ystds open price with a mid to big green candle nflx nvda googl all fit into this category amzn not nor were es nq,1 +2018-12-21,fb nflx nvda googl aapl amzn all at new lows today to fang under pressure respect the minervini rule,1 +2018-12-14,apple shares drop after influential analyst slashes his iphone estimate given that the entire market is down with amazon and microsoft shares down more than apple why not say amazon and microsoft shares drop after influential analyst slashes his iphone estimate,1 +2018-12-08,the market itself semis oil homebuilders yields defensives is forecasting a slowdown yet many are still hanging on to economic indicators and past earnings reports yesterdays news to tel them that there is no slowdown spy qqq,1 +2018-12-13,spx finishes roughly flat while 80 percent of russell 2000 stocks are down 40 percent more than 2 percent and 25 percent more than 3 percent over 60 percent of spx and 65 percent of russell 1000 names were also down apple masking the pain,2 +2018-12-18,downtrends trade much more differently than uptrends because shorts tend to take profits much faster than long only managers and shorts know the rallys are vicious scaled some out today a snap back starting in the next day or two would be expected spy qqq,2 +2018-12-26,nasdaq positive 584 percent dow jones positive 499 percent SP500 500 positive 492 percent tesla positive 1039 percent amazon positive 945 percent netflix positive 846 percent facebook positive 816 percent apple positive 704 percent microsoft positive 683 percent google positive 648 percent vix 2977 to 1747 percent ¿ppt,1 +2018-12-29,spx comp already in bear mkt dji not yet but overall we are in bear mkt monthly chart tells you trend unless we close a month above monthly chart 5 moving average otherwise we are in bear mkt check the monthly chart yourself,3 +2018-12-19,60 percent of SP500 500 stocks closed in bear market territory today that’s exactly 300 stocks down at least 20 percent from highs w companies like ge fb aapl mu nvda pps down 60.5 percent 39 percent 31.1 percent 51.4 percent and 52.7 percent respectively,1 +2018-12-24,2 but here’s the thing due to the tech selloff tsla now trades at a premium to many silicon valley darlings that don’t have the issues it does based on 2019 estimates aapl is at 11 times goog and nvda are at 18 times it even trades now at a premium to amzn38 times,2 +2018-12-21,tech bubble 2.0 update percent drop from aths goog negative 23 percent snap negative 83 percent svmk negative 45 percent fb negative 42 percent docu negative 45 percent ftch negative 49 percent ps negative 50 percent sono negative 60 percent dbx negative 57 percent spot negative 48 percent baba negative 38 percent amzn negative 33 percent gopro negative 95 percent fit negative 92 percent nflx negative 42 percent box negative 46 percent pstg negative 48 percent lc negative 91 percent p negative 80 percent z negative 57 percent twtr negative 63 percent fuel negative 96 percent znga negative 77 percent true negative 66 percent hive negative 73 percent,1 +2018-12-11,very pleased with that amzn opening gap up exit as a rule of thumb when the market gives you a big gap up giftespecially in a bearish tape you take that gift,5 +2018-12-03,twtr bulls now coming out and they called this bounce am i the only one seeing how broken this market is powell had to lower his stance and xi and trump are just delaying the inevitable good get this all out of the way cause when this bear growls it won’t be pretty,1 +2018-12-06,market down big today but strangely im seeing many stocks on my watchlist that are flat or nicely green even especially in the small and mid cap technology names,3 +2018-12-11,sometimes i like to think about nfl franchises as stocks ne is the blue chip of blue chips but with a 41 year o tom brady is like aapl in 2011 lar chi and sf feel like amzn in kcc is a company thats always been solid but finally confirmed blue chip status oak is ene,3 +2019-01-27,facebook ready to report record earnings for 4 quarter 2018 is facebook stock price about to jump again see the prices and earnings checkout t…,1 +2019-01-25,apple crashes 40 percent is it time to bite find our here,1 +2019-01-23,according to bay city observer fvcbankcorps fvcb stock price recently hit 17.65 since the start of the session the stock has reached a high of 18.33 and hit a low of 17.46. 🏦,1 +2019-01-21,according to the coinguild viot stock price hit dollars .66 at the conclusion of the most recent trading session,1 +2019-01-04,i3 verticalss iiiv opened at dollars 4.65 on wednesday the company has a market cap of dollars 34.34 million and a price to earnings ratio of 44.02 i3 verticals has a 52 week low of dollars 3.79 and a 52 week high of dollars 5.50,1 +2019-01-18,if you followed my calls on last few weeks i hope you loved those and profited from the today is likely to be the those who options are likely to get burned today is at the breakout point qqq print above 167 is likely,2 +2019-01-09,takes a stab at 160 if it can knife through 162 and stay there today despite becoming a healthcare company markets have sustained some serious support levels and poised for really in january invesco price target is 176 near term,2 +2019-01-29,cblk stock traded with surging change along with the volume 1.16 million shares on friday shares are price at dollars 4.29 with move of 3.03 percent read our article,1 +2019-01-10,evlo price is settled at dollars 3.99 after hours taking a look at the daily price change trend and size of price movement it is recorded that evlo spotted a negative behavior with drift of negative 5.60 percent,1 +2019-01-28,cat has had always been the of climate and at the same time it is telling to note how decoupled been from aapl may retest 150 and that could happen in short order be careful with playing the earnings this week,3 +2019-01-02,cider anyone the will have the handsful tomorrow morning will breach dont have much to say miss of 10 percent on the top line of,1 +2019-01-09,didza get the little bump in immediately following my last tweet it retreated briefly below 161 but did you get the 161.5 print as i said now i am calling for knifing through 162 and for the tech heavy what do i know about,1 +2019-01-10,love stock moved on change of 1.60 percent from the open on tuesday it saw a recent price trade of dollars 4.17 and 95129 shares have traded hands in the session,1 +2019-01-09,mgtx stock moved 2.27 percent to 10.79 on tuesday the traded recent volume of 72020 this represents a daily trading in volume size meiragtx maintained activity of relative volume at 1.96,1 +2019-01-27,facebook ready to report record earnings for 4 quarter 2018 is facebook stock price about to jump again see the prices and earnings,1 +2019-01-29,domo recent stock price hit 26.05 since the start of the trading session the stock has hit a high of 26.4 and dropped to a low of 25.37. read the full article here,1 +2019-01-15,are you investments hurting after the last market slide heres how to survive what comes next,1 +2019-01-25,watch us report live from the floor of the nyse this weeks weekly wrap up includes aal jnj intc ibm ebay amzn tsla nflx,5 +2019-01-09,the us futures surged amid optimism on us china trade deal sensex,2 +2019-01-03,the latest “buzz on the street” show featuring tech sector uncertainty nasdaq fb amzn aapl aapl amzn,5 +2019-01-30,stocks surge as fed says it’ll be “patient” with rate rises apple and boeing gains help after earnings beats aapl ba and i recap the trading day on,1 +2019-01-02,stock news tesla tsla fourth quarter 2018 vehicle production and deliveries also announcing dollars 000 price reduction in us,1 +2019-01-20,tech stocks qqq big picture the multi year uptrend is still in tact with the december low holding support a pullback should be next to 157 but this may not be the top bears are looking for any pb would form a large inverse head and shoulders for another possible rally leg spx,3 +2019-01-10,spy qqq iwm update getting near wkly overhead resistance area consolidation would be healthy let price action lead you th powell c brexit vote jpm vix exp bac gs aa ms nflx to 25 davos intc vxxb replaces vxx aapl,3 +2019-01-27,tues drug price hearing vxxb replaces vxx aapl amd klac wed gdp fed and presser fb ba msft now to 31 ch and us trade mtgs thurs amzn fri jobs report mfg pmi and ism googl cmg,1 +2019-01-03,8 years of fcf yield to ev for mega tech couple things stand out 1 msft rerating 2 visible aapl cycles 3 aapl yield just getting back to midpoint of range 4 bkng over 7 percent and hitting cycle highs 5 only amzn a real outlier but bulls say they have biggest reinvestment runway,1 +2019-01-02,01 to 02 the top scored consumer discretionary company is gap the gps scored at 84.27 key words down enjoy lifted favorable stock price amd twtr mu cboe eth aagc nflx,5 +2019-01-14,spy qqq iwm paused at key wkly res area spy 3 week rising wedge now tight at resistance with extremely overbot osc many stks at key res long boat might be full m c t brexit vote tlry lockup exp jpm w vix exp bac gs aa t ms nflx f moopex intc,1 +2019-01-07,decent action starting to manifest in many individual stocks but heres the type of hurdle the nasdaq index need to overcome to the bulls back in control its a big one,3 +2019-01-01,analyzing the indices as we start 2019 important to look at where we are now and where we came from hard to believe but spx dropped 20 percent in three months nasdaq dropped 24 percent since the october double top peak bounced 6 percent last week and major resistance isnt too far away,3 +2019-01-11,remember my twit from earlier this pm ba indeed was strong and hold above 351 aapl indeed seen new hod nflx was above 325 before close then down a bit but hiked over 330 after hours so can count it yes amzn was only exception if amzn fails tmr nflx aapl both need hike,3 +2019-01-24,as i said ystd amzn nflx googl fb aapl nq all these tech names in dark cloud formation on daily chart unless we see some dramatic news today or tmr rest of this week is just premium killing will need more consolidation till next week before they can run again,3 +2019-01-02,remember what i said to for mkt and so many names weekly 5 moving average still sharply downwards this week so not impossible to see huge dive to weekly lower boll can aapl trigger this crash possible amzn nflx fb googl all down post hours,1 +2019-01-31,the qqqs just broke above minor resistance to this now extends its uptrend that began in late december despite near term resistance this index still has further upside potential equals bullish,2 +2019-01-30,after the close fb msft tsla pypl v qcom wynn x now cree mlnx crus mdlz amp algt flex mur fico arcb dlb ivac llnw agnc caci lstr musa ttek holx cacc maa clb cmpr bsmx afg bpfh srdx stxb sxi thg seic,5 +2019-01-31,after the close today amzn cy deck pfpt afl ew mck symc yumc epay enva dgii emn skyw cls lpla post acbi expo fbhs pki otex curo klic cpt ajg matw mtx ffic nfg sigi mod tge wair mrln clfd fisi hayn esl,5 +2019-01-15,major indexes close in the green as tech sector rallies on price hike by nflx china stimulus plans dow positive 0.65 percent nasdaq positive 1.71 percent SP500 500 positive 1.07 percent nflx leading faang higher with streaming giant closing positive 6.55 percent jpm recovering from drop closing positive 0.73 percent wfc negative 1.55 percent,1 +2019-01-17,all 3 major indexes turn green in late morning trading looking ahead nflx will release fourth quarter 2018 earnings after market close tuesday netflix announced a price hike sending shares higher and prompting goldman sachs guggenheim to boost price targets,1 +2019-01-30,major indexes open higher on strong earnings from aapl ba fed wrapping up its first policy meeting of the year today expected to leave rates unchanged and stress patience for their approach to future decisions trade talks kickoff with china in washington,2 +2019-01-27,cat in line and miss guides slightly down aapl updated guidance hunch is miss and poor guide sentiment bad tho amd miss and guide lower baba in line and beat guides down ba slight beat in line guide fb beat but shit numbers and metrics amzn slight beat bad guide,2 +2019-01-04,spy this market move does not surprise me i have been saying this for weeks markets only down for the wrong reasons has nothing to do with the super money makers like amzn ba ma it has to do with stupidity it a new era and this market is its past years of 2000 or 2008,1 +2019-01-17,well that bear market rally was fun now the real earnings season begins tsm largest semiconductor contract mfr in world slashes first quarter revenue guidance forecasts steepest decline 14 percent to dollars .3 billion dollars .4 billion in revenue in 14 year s since march 2009 recession,1 +2019-01-15,the nasdaq gained 1.7 percent on tuesday as technology stocks raced higher the dow jumped 156 points or 0.7 percent while the SP500 500 advanced 1.1 percent netflix helped lead the market rally jumping 7 percent after announcing a price hike,1 +2019-01-28,now the fun begins next apple amazon microsoft boeing tesla and much much more earnings this week should be just awesome if all will disappoint like cat or nvda and have negative 10 percent in a day trade day after day,5 +2019-01-30,msft trading up more than 2 percent ahead of fourth quarter earnings release after todays close wall street expecting strong quarterly performance from the tech giant which currently holds the top spot in market valuation over other giants like aapl amzn goog,1 +2019-01-28,big week this week in the market tuesday fed meeting begins consumer confidence earnings wednesday fed announcement us china trade talks gdp thursday motor vehicle sales friday jobs report earnings amazon ge apple tesla microsoft sony alibaba and others,5 +2019-01-03,aapl thread and why i’m attempting to go long still and little knifey and this is a reminder to self watch for a candle close below ma before flipping sentiment,1 +2019-01-27,big earnings week amzn aapl amd fb msft baba tsla cat ge ba t pypl vz ups v mcd lmt ma mmm pfe xom mo aks salt algn nue biib nok wynn ebay rtn arlp qcom hog boh glw bx x bmrc sap agn whr siri cvx,5 +2019-01-03,what would happen if amzn came out and said exact opposite of aapl and says spending was thru the roof its dumb maybe people get sick of aapl manipulating them into buying new devices because old ones stop working after a year meanwhile i tweet this from my iphone 🤨🤷‍♂️,1 +2019-01-02,nq up .25 percent from 2 percent down amzn now up 1.6 percent fb up 3.4 percent googl green nflx still down 1.2 percent can miracle happen with nflx pulling up for a bullish engulfing to 270 to 271.6 range today eyes on it,1 +2019-01-09,spy how many traders this week have missed out on gains they should have had amzn how many traders this week should have made more money but missed on fear ba how many traders this week are stilll in fear from a few weeks ago in my livestream i will explain why amd,1 +2019-01-23,likely gonna be range day for rest of day around hourly chart mid bb keep in mind amzn nflx googl nq fb aapl all these tech names now in dark cloud formation on daily it will take some very substantial news and events for tech to regain the momentum otherwise lower later this week,3 +2019-01-28,signing off from here for now aapl amzn googl all weak so not good signal for mkt be careful es nq 5 moving average on daily both downwards so not impossible to drop further back to 50 moving average or mid bb progressively lock gains and hold remaining calls no need to take huge risk great day and enjoy,1 +2019-01-17,market crazy move on trade deal news nvda amzn nflx baba tsla all nice see if they continue to buy in,1 +2019-01-25,futures hiking with tech leading amzn nflx both looking for strong move amzn above key 1663 resist nflx above key 331 resist let’s see how the day goes,4 +2019-01-18,fb amzn nflx googl all have reached mid bb on weekly chart to nflx way more than that ba bac baba also did but spx comp not yet there dow neither so if mkt leading names set up tone for mkt naturally we should expect spx comp dow all print similar chart pattern,3 +2019-01-02,amzn strong fb strong googl weak nflx aapl weakest mkt not clear for a direction yet may take a few more hours here as consolidation goes,3 +2019-01-07,googl too weak dropped 1 percent so is fb both did very poor this morning not like amzn nflx hiking both fading now though googl need to defend 1063 if cant this week calls no good,1 +2019-01-28,mkt going down fast tech nothing good nflx was strong then pulled down by mkt amzn googl aapl weak all morning aapl was better than other names but looks like big pretty hesitated lead a bull run into earnings,1 +2019-01-12,as i said a week ago back on jan 4 tons names bounce back to daily mid bb then 50 moving average then cloud bottom or even more exactly what has happened in the past week amzn nflx googl tsla that said aapl nvda not there yet to so both have potential tlry exploding not over yet,1 +2019-01-30,tsla xlnx nflx all possible runners today but can be hard and by risk to nflx xlnx tsla so be extra cautious about nflx to goes with amzn and down with it too,3 +2019-01-07,nflx amzn both hiked and faded if you read my twits pre market you know how important it is to progressively lock gains today coz premiums super high,2 +2019-01-07,nflx amzn both very strong pre market nflx already powered through nov13 highest 301.8 level next in line 304 311 then daily cloud top 318 possibly nov8 highest 332 level amzn already through 50 moving average 1596 key resist above 1608 1643 1658 1692 1706 then daily cloud top 1729,4 +2019-01-03,futures esf nqf back a bit from a big hole but nflx almost back all the way up green while amzn still down 1 percent and pre market see where big in aapl will flow into today powell tmr so risk is obvious next week call and put hedging each other is much better option,2 +2019-01-07,amzn nflx both hiking huge this morning their daily and weekly chart tell all you need to know about how high this technical move can reach googl fb both very weak today but could be next in line tsla super strong on real news 331 already powered through nvda set up big,5 +2019-01-08,amzn nflx googl hourly chart all lower low but esf nqf not seen lower low yet interesting here if amzn nflx googl cant be supported see lower low or inside candle tmr but if this final hour turns to be bullish engulfing to close the day likely explode hard,2 +2019-01-09,no news or tweets out about trade talk see if any update comes out futures ok amzn strong pre market nflx aapl both were up nicely but now cooling down all the way back tsla was down then back up baba bidu both up nicely gonna be interesting day,3 +2019-01-23,mkt bouncing from mid day low but tech not strong enough dow up 150 points while spx up not only 5 points to this tells the relative weakness of mkt note that nflx likely see 5 moving average dead cross 10 moving average on daily tmr googl back to mid bb today and back up nice amzn still in dark cloud,2 +2019-01-08,if to and this is a big if to trade talk goes great theres a chance we see amzn at 1681 1726 nflx at 325 332 googl at 1108 1114 nvda at 151 156 on the same day,5 +2019-01-02,if you have not yet noticed it amzn seen macd start to golden cross today on daily chart nflx googl already seen it on monday fb will see this tmr,5 +2019-01-31,amzn earnings undoubtedly will have significant impact on all rest tech names if amzn runs super nflx at 353 tmr and possibly 380 next week googl at 1135 tmr and run to 1147 prior to earnings fb possibly gap fill to 175.8 tmr and run to 180 easily all depends on amzn,2 +2019-01-16,nflx pre earnings move set up the tone for tech bounce into nflx earnings if nflx er great and runs towards 390 to 400 range amzn should be back to previous high when this downside move started to around 1778 level similarly googl to 1135 fb to 169 aapl to 166,3 +2019-01-10,four names to tell the strength of mkt move if any before eod amzn need 1664 nflx need 325 ba need to hold above 351 aapl need new hod if these things all happen before eod can tell this mkt is very strong otherwise uncertainties into tmr,3 +2019-01-09,amzn nflx googl tsla tlry all seen hourly 5 moving average turning upwards positive signal into tmr but again anything can happen as spx comp daily mid bb still downwards with price level far up there again use next week and feb calls as primary if you do play this week only as lotto,1 +2019-01-18,ultimate rule to tell if ok to use aggressive valuation to can u live without it msft was no 1 coz windows dominate world googl always top coz everyone use it amzn rising huge coz 100 million prime member aapl was no 1 coz most want iphone tsla nvda nflx not even close yet,5 +2019-01-18,esf nqf futures both green on nflx not so exciting earnings what if es nq both run big tmr if that happens not impossible to see nflx from 339 post mkt all the way back green after premium killing upon open this happened before so many times in tech names just saying,2 +2019-01-16,minor losing day for me although mkt hiked eyes were on nflx tlry nvda cmg tsla upon open nflx calls doubled and eventually 2.5 to 3 times easily locked and rolled during pm 351 dip tlry took loss with remaining calls nvda weak all day to thats my primary loss picked up amzn on dip,2 +2019-01-31,reactions after earnings so far aapl great fb super ba super msft bad nflx bad but actually not bad er if amzn miss or only making small moves either way mkt spx comp not gonna be affected significantly as all eyes on googl now mkt always reward strong names,4 +2019-01-24,if and when i start to roll out of spy into tech singles i will look to names that are near their highs crm cien wday and not near their lows fb aapl mu etc,2 +2019-01-24,remember what i said about amzn googl both daily chart still bad be careful into tmr not impossible to see tech big fade amzn is key reference if fade today and supported actually good for all tech if small range into tmr not good,2 +2019-01-19,big picture to mkt started this dip from 2800 on dec3 till dec24 16 days total reversed on dec26 and ran 16 days to ystd jan18 is day 17 and set up tone dec3 level is key reference names that haven’t reached dec3 levels will do fb amzn nflx googl spx comp bac nvda ba,1 +2019-01-06,big picture to theres a reason why msft is now in mkt cap to trade deal does not even matter to msft it already has huge mkt depth in china so during this tech led mkt downside move msft dropped 18 percent from top fb negative 44 percent aapl negative 39 percent amzn negative 36 percent nflx negative 45 percent googl negative 24 percent nvda negative 57 percent,1 +2019-01-11,es nq still high risk into next week spx comp qqq spy all inside candle so far on daily meaning technically might see a hike to daily 50 moving average first then down big to touch rising daily 10 moving average or even mid bb how spx comp close today will be key anyway be very careful next week,1 +2019-01-16,yes i predicted this january huge tech bounce back in dec as i said back then monthly 5 moving average is key indicator telling where we will go from here nflx earnings set up tone for rest but theres only one nflx and other tech not likely see good er so be careful into feb,1 +2019-01-31,premium killing for amzn but as i said good for mkt overall especially googl friday likely a rotation day to dow so possibly see ba run big googl also going to attract significant big dollars,3 +2019-01-16,amzn calls already 40 percent and and possibly gonna double tmr am if mkt good tsla still chance to run cmg still good set up but progressively locked with only lotto size my point is there are gonna be days like today where u didnt do well while mkt crazy thats ok fight another day,3 +2019-01-31,amzn numbers are great actually super but guidance not so exciting see how it develops remember if amzn up but only small moves still good for mkt especially googl,4 +2019-01-02,nflx jan4 250 puts now 3.3 good to consider need it to drop below 255 today for this put to work if amzn leading tech for strong bounce nflx may see 264 again before dropping so know the risk,3 +2019-01-28,tech calls no good nflx spy put hedge covered nvda remaining calls plus amzn pre earning call loss then xlnx tlry call big profits logic is very simple to big flowing into strong names that give assurance to thats xlnx,1 +2019-01-25,spx comp spy qqq esf nqf all have spectacular view on daily chart to look at the cloud shape now price levels about to move into the huge falling cloud nqf esf actually already stepped right into it 50 moving average still moving downwards monday will see huge move either way,2 +2019-01-02,also keep in mind for so many names especially tech names weekly 5 moving average still sharply downwards this week so if powell yellen bernanke have consistent views on friday mkt can dive huge to spx possibly see 150 points drop in one day but if good talk can reverse weekly 5 moving average back up,4 +2019-01-24,money flowing into amzn googl ystd as they both are approaching earnings googl back to mid bb on daily amzn close how daily 5 moving average changes today is key tell remember everything before earnings is about premiums not potentials trade on facts not assumptions,1 +2019-01-15,all eyes on amzn today if it falls everything follows if it hikes tech all up can go either way 1646 1594 are two threshold references,1 +2019-01-27,many say mkt has reversed from bearish to bullish again as i said still in bearish mkt until proved otherwise now just monthly chart strong tech bounce need spx conclude 2791 comp conclude 7486 for feb or march to confirm reversal before that happens nothing changed,2 +2019-01-16,nflx earnings on thursday 387 is key to tell if er great and move over 387 pretty sure we see ath coming in 2 to 3 weeks amzn googl feb calls gonna up huge due to premium rebalancing if earnings no good nflx back to 311 possible but set up amzn for a good er run,3 +2019-01-30,aapl earnings set up the tone only for wed morning nothing more than that tech can run but need higher high on daily to mean something if anything all eyes on fed report tomorrow afternoon thats way more significant than aapl earnings,3 +2019-01-10,nflx strongest among tech due to its er scheduled next thursday so if big starts to buy dip in tech nflx will be the first one to go green use it as reference if it starts to dip and see lower low again veyr bad for mkt,5 +2019-01-07,spx up comp up but dow just so so compared with spx comp but keep in mind wmt today break out upside consolidation channel and moved up see if it can test daily 50 moving average tmr if wmt good and ba follows dow gonna up big tmr to pushing spx comp for another higher high then likely fade,3 +2019-01-15,aapl raises prices by about 10 percent customers can still choose not to buy this cycle but remain engaged analysts horrible no good doomed strategy nflx raises by 13 to 18 percent with no choice effective immediately analysts hell yeaaah rinse and repeat evry year or 2 4 ever,1 +2019-01-17,remember what i said about vix to lower low green ystd on daily chart and weekly 5 moving average start to flat not impossible to see it back to 23 if mkt no good with nflx earnings,2 +2019-01-06,this whole 6 year bull mkt run started with new tech revolution to thats why we see all hiking 5 to 10 times so theres only one chance we see bear mkt reversal to trade deal done and china opens internet and tech mkt to fb amzn nflx googl if that happens mkt reverse fast and furious,1 +2019-01-13,next in line baba nvda tsla although all need better ecosystem but remember every biz has growth limit peter senge mit to if too big and cant change one minor mistake kills all nokia motorola ge all perfect examples googl amzn both great on change fb aapl very bad,2 +2019-01-30,logic was very simple got into 340 calls right before fomc released if no good take loss at about 20 percent if good can run amzn googl fb all about to earnings so premiums too high to buy nflx much better choice,1 +2019-01-08,googl intc stronger than amzn nflx here and 1 minute chart of googl intc looks pretty similar very interesting,4 +2019-01-23,as i said earlier this morning if you play tech calls you need hedge amzn googl hedge both big win nvda calls were up a lot to progressively lock gains and hold rest you need to know where to put a stop no one can make the decision for you,2 +2019-01-18,huge winning day with nvda googl amzn calls and tsla puts signing off for now stay calm size your plays have a plan ready dont gamble progressively lock and cash out to bank acct,1 +2019-01-31,all tech names consolidating and waiting for amzn no matter how it ends make sure you size your plays and have a strategy for your plays absolutely high risk into tomorrow as anything can happen with amzn trade on facts not assumptions and emotions remember tmr is february,1 +2019-01-26,great week concluded with an almost perfect friday take some rest and lets see what mkt offers next week as many big tech names start pre earnings run hagw,5 +2019-01-03,spx futures negative 35 this morning if you simplify it see if we hold above 2467 area or not see if aapl holds dollars 46 or not it will give clues for today and perhaps the days ahead,1 +2019-01-03,economic indicators all showing a slowing in global growth and now a market leader lowers guidance for first quarter like i always say price leads news if history is any guide aapl will put in a bottom here its discounted,2 +2019-02-01,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn fb aapl amd nvda tsla msft,5 +2019-02-11,rt according to augusta review shares of goosehead insurance inc gshd we can see that the stock price recently hit 27.5 the stock has topped out with a high of 28.83 and bottomed with a low of 27.38. …,1 +2019-02-15,feb 14 to 2019 jpm gets upgraded price target dollars 30 and ko has disapointing quarter ñol,1 +2019-02-18,sonos sono stock ended its day with gain 3.51 percent and finalized at the price of dollars 1.51 stock traded with the total exchanged volume of 2.54 million shares 👈🏻full article,1 +2019-02-05,shares of domo inc domo stock closed at the price of dollars 6.88 on monday throughout the recent session the prices were hovering between dollars 6.24 and dollars 7.6339. 👈🏻full article,1 +2019-02-01,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn fb aapl amd nvda tsla msft,5 +2019-02-13,sono experienced a high price of dollars 1.04 and low point of dollars 0.5326 sonos opened the stock at dollars 1 on tuesday following a gain of dollars .19 or 2.80 percent during the full day 📊full article,1 +2019-02-27,domo stock moved negative 2.00 percent to dollars 4.73 on tuesday the stock traded a recent volume of 565524 shares this represents a daily trading in volume size 📰full article,1 +2019-02-01,the latest “buzz on the street” show featuring tech earnings nasdaq aapl amd fb tsla,5 +2019-02-01,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn fb aapl amd nvda tsla msft,5 +2019-02-15,its rare to have an up day spy 1 percent today and tick closed negative tick negative 272 previous instances over last 6 months came at short term tops 3 up days in a row all with tick close negative came at september top down next week,1 +2019-02-14,new video how to trade a sideways price range and directionless stock market aapl sq fb amzn googl twtr,5 +2019-02-21,mrna has recently fallen negative 4.37 percent to us dollars 9.92 it began at us dollars 1.12 but the price moved to us dollars 9.13 at one point during the trading and finally capitulating to a session high of us dollars 1.24. 📰,1 +2019-02-11,added to tsla puts into close and added march 265 spy puts into close we closed es below ‘s bull bear line and his geometrics 2712 key level bulls need to recover quickly tomorrow or down we go,1 +2019-02-26,shares of cblk stock constructed a change of 2.22 percent gain ↑ in a total of its share price and finished its trading at dollars 2.87 on monday 📰full article,1 +2019-02-09,aapl acting much better lately note how well its been behaving since tim cooks jan 2 blunder that higher low discussed 2 weeks ago and that recent also helping repair some of the recent damage in this stock so far so good here,4 +2019-02-03,SP500 ew index and russell both seeing some exhaustion hitting demark combo 13’s could see a pullback soon with soma redemptions next few weeks charts via,3 +2019-02-24,appen apx reports another stellar set of results rev up 119 percent npat up 148 percent david gardner inspired fun my original buy price sub dollars currently up dollars .44 setting up for a potential spiffy pop can it hold until the end of the trading day h and t,5 +2019-02-15,tech stocks arent buying todays rally and theres a solid short setup emerging in qqq all the bullish action this month has just been coiling up into a rising wedge with volume steadily declining and rsi diverging all suggest momentums running out to looking lower to 166,1 +2019-02-13,after the close csco ctl yelp ntap mro mgm fosl spwr swir pxd aig wmb asgn nly cf ar h mfc eqix ryam nept svmk vnda snbr diod lpi band am amgp dva iff ps rusha quik cry adom wcn chef hos ivc ari ctre,1 +2019-02-05,spy next res 274 280 qqq resistance 173 to 175 iwm res 155 158 vix slight sup break index dips bought again mm’s could be forced 2 calls hase if price keeps going up nice continuation 4 moving average ny leaders coup res 100 zs poss sm flag now amd fb consolidating xlnx cgc,4 +2019-02-11,qqq crunch time nasi nosebleed chris and i arrive at the same place there are outward appearances of resistance qqq they match my intermarket analysis signal of breadth fatigue nasi correcting in time vs price shallow or rejection and correction deep,3 +2019-02-21,googl the first of the big nasdaq 3 to tip its hand here this is one example of the type of action to look for next few days the more stocks you see behaving like this the higher the odds increase for a market pullback individual stocks lead and indices follow,5 +2019-02-26,spy to daily macd seems to be rolling over lower panel typically corresponds with visit to 13 ema green line through time and price hasn’t been below it since jan 3 36 days 10 dma and ws1 both at 277.2,2 +2019-02-19,tech stocks qqq continue to lag today under performing both spx and rut and is still filling out the bearish wedge in my chart unable to hold a new high as always no sense in shorting a rising market and best bet is to wait for wedge to break down and enter on downside momentum,2 +2019-02-01,lots of bearish setups in many big names right now big names mean more than thousands of little names and will drive markets lower very soon amzn seems to be leading the charge googl msft aapl to follow protect your portfolios and hedge your positions spx spy,2 +2019-02-05,as i said half a month ago back in mid jan this super strong technical bounce is all about going back up to dec 3 level names that have not yet done so will do so keep in mind about aapl to if this one goes crazy mkt still has room to run spx comp close to dec 3 levels,5 +2019-02-04,qqq very impressive relative strength today nflx especially looks angry breakout thru downtrend line looks imminent at this point,5 +2019-02-24,mkt key dates dec3 nov7 oct10 1 pic shows high price of feb22 close and of those three dates 2 pic shows percent returns by feb22 compared with those 3 dates dec3 blue nov7 orange oct10 gray spx comp indu aapl fb amzn nflx googl nvda tsla msft ba wmt bac baba,1 +2019-02-21,despite fed minutes being about as constructive as possible for markets theres been little reaction with qqq red on the day and spx mostly unchanged which may indicate fed optimism close to priced in watching small caps closely which are leading and headed straight into resistance,3 +2019-02-24,to 28 mobile world congress tues powell and congress panw tndm wed powell and congress sq amrn th gdp now i and c zs splk wday adsk tariffs on china increase .75 china nat’l people ’s congress cien okta,1 +2019-02-16,mon us mkt closed tues slca wed fed minutes adi sedg wix hfc th durable goods flash pmi’s dcxm keys ttd intu roku iq dbx powell and congress sq zs now i and c tariffs on china increase .75 china nat’l people ’s congress cien okta,1 +2019-02-16,have a great weekend all to were on green week for spx and since the low there hasnt been more than 2 consecutive red days theres an attractive setup now clearest in tech though with a rising wedge on waning momentum would short a wedge breakdown on qqq with 165 target,4 +2019-02-04,spx small caps rty and tech stocks qqq have all broken out of their downtrends shown in my chart and managed to hold and this type of strength should be taken seriously personally missed the long opp and not chasing but a test of the 200 displaced moving average s on all of these seems likely,3 +2019-02-15,talk about inside day candles and coiling patterns check out this gorgeous action in aapl here bet ya this one moves big later today or next week big as in higher,5 +2019-02-15,nflx magic happens laugh aapl also green now amzn fb googl all red and even deep red no reason playing weak names,1 +2019-02-20,the nasdaqs big 3 are coiling like serpents aapl amzn and googl all coiling and ready to attack,5 +2019-02-23,have a great weekend all to for next week indices put in green week but spx and qqq were only able to grind out mild new highs despite bullish trade and fed news qqq still coiling in a bearish wedge and would like to see 1 more pop to 173.50 resistance before a break attempt,2 +2019-02-04,after the close today googl gild stx gluu fn ctrl bzh usak pch mesa oln qtna cbt avb cswc hig lm lmnx leg rbc are aeis hlit kmt aiv vsm ssd trns rtec qgen mwa dla krc itub apam lvfn,5 +2019-02-01,monthly chart update fb huge reversal candle closed above 10 moving average but below mid bb amzn higher low but below closing price of dec with lower high 5 moving average dead cross 10 moving average feb mar consolidation nflx double bullish engulfing closed above 10 moving average best among fang googl same as amzn,2 +2019-02-04,twtr looking at this one again the stock has fallen big time out of favor recently and has quietly been regaining its form only issue with this setup is twtr earnings coming out this week,4 +2019-02-01,it is almost as if the market is focused on 1 absolute dollar free cash flow which is a fact versus earnings which is an opinion and 2 total addressable market tam aapl and amzn both have very attractive absolute dollar free cash flow and tam,2 +2019-02-26,that said there are a few names on my trade list that i keep track all year long no matter what and i call them core names to amzn nflx tsla nvda yes thats it only four no fb no aapl no googl no ba no baba no spy and qqq i track all these names too but they are not core,3 +2019-02-14,after the close nvda cgc amat anet xpo logm auy ssnc cbs cgnx rdfn cc trex bl tlnd glob trp true pvg elli aem amn airg cva invh hta mrc mx spxc ctt tnet pdfs arr svm srts rwt wre wes prta cinr cps,3 +2019-02-20,as i said ystd amzn options mispriced typically if mkt deemed for a big move mkt leading names like amzn up 1 percent ystd would see big rolling on calls but its itm option price barely moved ystd today down heavy ystd was a signal nflx daily 5 moving average flat today also signal,2 +2019-02-03,for your chart porn pleasure spx vs a faang portfolio 20 percent each fb aapl amzn nflx googl rebalanced monthly first since may 2012 yowza,5 +2019-02-20,amzn nflx now red fb googl barely green aapl strongest semis holding strong china stock still very strong bac still holding green but whats interesting is nq was way stronger than es earlier this morning now much weaker than es,3 +2019-02-15,esf yes agree nothing makes sense that said here are the areas i am looking at note they are still within the wedge dont get mad at me just posting what i see market could prove me wrong any second why i watch a lot of internals,1 +2019-02-04,major indexes close up on day dominated by tech dow positive 0.70 percent nasdaq positive 1.15 percent SP500 500 positive 0.68 percent late session rally for dow led by tech ahead of alphabet earnings after the close fb aapl nflx goog all closed up 2 percent or more,1 +2019-02-08,major indexes close mixed as earnings help stocks pare earlier losses on trade global growth concerns dow negative 0.25 percent nasdaq positive 0.14 percent SP500 500 positive 0.07 percent all three posting modest weekly gains,3 +2019-02-05,major indexes close higher as tech continues gains investors optimistic on fed after powells dinner with pres trump monday dow positive 0.68 percent nasdaq positive 0.74 percent SP500 500 positive 0.47 percent major indexes hit two month highs ahead of sotu potus expected to highlight economy in speech,1 +2019-02-26,meet our contract of the week nasdaq 100 e minis unlike the SP500 500 which features many sectors the nasdaq 100 is heavily focused on stocks — and includes financials healthcare and industrials,5 +2019-02-02,for the week googl twtr snap clf ttwo alxn dis bp clx syy gm gild cmg grub ea stx spot amg saia rl cnc el ufi gluu mtsc jout pm gpro lite feye swks lly mpc bdx regn viab onvo hum arry pbi adm bsac,4 +2019-02-21,live stream now ba aapl spy roku amd after 10 pm you need to see it on my youtube channel you need to wait about 30 minute for them to render it,5 +2019-02-21,mkt bouncing nflx back to green then red again msft very strong all day see if tech reverses no interest to play anything though,5 +2019-02-15,now that earnings season has wrapped up for big names like aapl amzn amd atvi msft nflx nvda and ttwo we’re gearing up for a big tech face off what will the scoreboard look like,5 +2019-02-21,best combination of stock market which must not be ignored declining interest rates with declining price to earnings of stock in broader market right now if we look at overall market more than 50 percent stocks trading below 10 pe ratio,5 +2019-02-12,fb weakest among fang today reason is amzn googl very very bad since earnings and nflx range consolidation ascending triangle on daily chart now forming so were out of those three and pour into fb for quite a while now mkt expectation up start to roll back to them,1 +2019-02-07,fyi smart money bullishness has moved to 38 percent lowest level of year about 30 percent sox overbought should market continue higher my guess is that breadth will deteriorate for a bit and momo stocks will underperform until next nasi buy signal qqq spy iwm,1 +2019-02-05,as i said ystd after googl earnings mkt comp spx not in panic mode so they were either expecting googl would come all the way back up or sth big would happen like trade deal now googl completely recovered if see higher high on daily really tells sth learn the logic behind,1 +2019-02-04,keep in mind es nq both starting to see 5 moving average and 10 moving average deviating from each other on daily chart typically not a good signal maybe another crazy run if googl er great today after close but be very careful into late this week,3 +2019-02-27,coming into this week there were 4 stocks that i was highly interested in and was bullish on going into their earnings etsy amrn jd and sq weve already seen what etsy and amrn have done now waiting to see how jd and sq do,5 +2019-02-28,end of month trading day lets see what mkt offers ba amzn aapl bac all key indicators of mkt strength at this point,5 +2019-02-10,earnings this week is going to be f u n weve got atvi twlo csco yeti nvda nio cgc and more find all the goodies in our earnings calendar,5 +2019-02-20,mkt dropping fast hope you all progressively lock ba nflx calls for profits this morning if you did not profits gone fast fb calls not working mkt waiting for fed at 2 pm,1 +2019-02-04,from googl to twtr the earnings deluge aint stoppin this week taking you through his game plan as we enter an ideal environment for stocks,1 +2019-02-20,es need to hold above 2776 overnight nq a bit stronger than es use amzn nflx ba bac as key references of overall mkt nothing else matters,3 +2019-02-04,from googl to twtr the earnings deluge aint stoppin this week taking you through his game plan as we enter an ideal environment for stocks,1 +2019-02-28,great day with amzn cmg tsla plays all of them 60 percent negative 90 percent win fb nflx not working but took loss in time overall still very nice win lunch time,3 +2019-02-01,amzn dropped 100 points after cc then pulled back up a little bit nq red about 0.2 percent es ym both green googl not seen panic sell gonna be very interesting first day of feb,1 +2019-02-04,futures very clear es higher low but nq lower low so nq needs a huge bullish engulfing on daily otherwise not good signal into googl’s earnings,2 +2019-02-25,es nq both strong ba nflx fb tsla nvda calls from friday all gonna be great again amzn aapl will be key indicator of market strength starting today not just looking at nflx ba,5 +2019-02-01,all eyes on googl today for sure and goodl is not making an exciting move after morning hike so without the leading name moving big fears mkt fading thats what determines everything into this pm,3 +2019-02-25,locked most positions to take gains held many calls over weekend including ba nflx fb nvda tsla big win today no need to take further big risks holding some remaining calls but not big positions now relax and watch how mkt goes,4 +2019-02-01,amzn all is about 30 minute chart mid bb now still sharply down when this mid bb turn flat we will see some price actions again no reason playing it now premium needs to cool down first and its googl time if amzn good and start to bounce googl will also go up,2 +2019-02-24,clearly fb nflx ba baba all winning with substantial margin while aapl amzn nvda tsla substantially lagged behind particularly nvda aapl both big losers can also mean potential room keep in mind comp indu already passed over dec3 levels yet far from oct10 level,2 +2019-02-15,i said again and again mkt will back to dec 3 level since early jan very very close to that level now said use nflx as indicator and reference ba also another indicator if we power through dec3 level like a piece of cake it means back to bull mkt otherwise big dip,2 +2019-02-25,ba nflx been leading mkt for weeks but for mkt to power through and close above 2824 which would be key signal if we could get back to bull mkt to it will definitely need aapl amzn to go up and lead the whole tech sector up otherwise still narrow upside range consolidation,3 +2019-02-15,tech in deep red especially leading names nflx was up big now back in red if you did not progressively lock gains now profits probably all gone as warned earlier this morning be very careful about mkt especially tech names,1 +2019-02-01,aapl lower low lower high closed below mid bb with 5 moving average dead cross 10 moving average in this case its the best dead cross you could expect given the lower low and 5 moving average far far up as thats bottom signal need close feb or mar above 176 to confirm reversal back to bullish trend,4 +2019-02-13,nflx was the leading indicator of mkt as it was the first to reach and break out dec 3 level to which i mentioned again and again is vital reference strong close today open up room for a run to 61.8 percent fib 385 if through see 78.6 percent 427 if mkt reverse back to bull see 480 this year,5 +2019-02-26,amzn weekly macd golden cross but 5 moving average about to dead cross 10 moving average unless pulling up above 1680 this week to pull up the 5 moving average daily chart macd about to golden cross with bottom shape formation todays hike but closed 1632 resist if mkt good 1672 1681 1695 1718 resist above,1 +2019-02-28,also note that es nq monthly chart 5 moving average both turning upwards into march which is very bullish signal so even if we see pullback in short term mkt should continue to run after some consolidation esf nqf,3 +2019-02-24,these two charts also show that individuals stocks except googl bac msft wmt all fluctuate way more intensively than index spx comp indu as mkt moves up or down since oct10 big drop,2 +2019-02-05,how high this mkt can go depends on only two names now to ba and nflx one decides dow the other decides nasdaq,1 +2019-02-06,tech heavy sell need amzn googl nflx all bottomed otherwise no good know where to stop if you do play tech calls,1 +2019-02-12,futures looking different es higher high nq ym weaker for all three daily chart 5 moving average pointing downwards to so again be very careful about mkt,3 +2019-02-19,aapl very bad chart no reason playing it same with amzn which is actually strong today but only use it as reference for mkt,1 +2019-02-13,nflx 30 minute chart 5 moving average turning upwards now good signal need 60 minute chart 5 moving average turning upwards too this pm remember it needs to close above 359 today otherwise need to be very careful,3 +2019-02-20,nflx has been leading indicator of mkt since late dec today after open it hiked and faded would that be a preplay of what mkt gonna do after fed this pm no idea but be very very careful into fed,3 +2019-02-21,day is over early today nothing to watch really mkt drops and bounces no reason playing big size plays or watch from sideline tmr will be interesting as signal will be clear into next week signing off from here,1 +2019-02-26,very nice win this morning on fb nflx nvda plays remember to progressively lock gains no reason playing heavy or taking big risk at this point mkt could range for a while before making another move either way so premiums could drop fast,5 +2019-02-25,tech rotation very obvious this morning big flowing out of nflx and going into aapl fb but not necessarily amzn googl actually googl very weak and no reason playing it see if new pulling up nflx again its been key mkt indicator since christmas,1 +2019-02-04,google earnings is the most exciting one this year not because i am playing tech calls into it earnings but instead it will determine the fate of entire tech sector for rest of year also we will know if googl beats up amzn aapl msft in competition for mkt cap no 1,5 +2019-02-04,everyone was doubting earlier last week if mkt would continue to run up or what late last week most pro traders would not even think about buying back on dip this morning with ba fb googl nflx all set up very nicely most should know what to do upon open,5 +2019-02-04,very clear strategy here play fb nflx for googl earnings if googl runs super fb nflx both run big especially fb to lots of potential if break out 172 key resistance can see 180 to 184 easily if googl no good fb any pullback will be gift entry,4 +2019-02-01,signing off here a great day with all the morning plays i kept reminding you all to progressively lock gains and hope you all listened googl earnings on monday anything can happen this weekend size remaining positions for all names you are playing enjoy football weekend,5 +2019-02-20,see if fang rotation started today fb only green among fang after nflxs amazing run amzn googl as i said no reason to play as they both gonna take weeks or even months to get out of consolidation,3 +2019-02-13,if you have followed me for long time you probably have noticed that past month or so i start to twit way more about real time mkt analyses to my thoughts on stock names and mkt hope you have found my commentaries helpful in my opinion this is way more helpful than exit and entry,3 +2019-02-21,two key references are ba nflx both red if mkt ever reverse today these two will be first to show signals now both weak if these two drops more mkt goes down way more,2 +2019-02-14,amazing guide lower beat your lowered expectations and stock rallies after earnings the tim cook earnings system works look at ea too aapl nvda,5 +2019-02-28,the SP500 500 rallied 20 percent off the lows with impressive breadth however despite a torrid pace in the major averages i have not raised my exposure to aggressive levels i see lots of volatility among breakout names and holding into earnings has been a crap shoot at best,2 +2019-02-13,percent above 52 week low fb positive 34 percent aapl positive 20 percent amzn positive 25 percent nflx positive 55 percent googl positive 15 percent percent below all time high fb negative 24 percent aapl negative 27 percent amzn negative 20 percent nflx negative 15 percent googl negative 13 percent,1 +2019-02-13,fang stocks are old leaders aapl 25 percent off its all time high amzn 20 percent off its ath nflx 15 percent off its ath googl 10 percent off its ath true market leaders xlnx ath close coup ath close zen ath close okta ath close week ath close keep it simple buy leaders avoid laggards,1 +2019-03-29,stock opens for trading at dollars 7.24 21 percent above its dollars 2 ipo price the high end of market expectations — which gave the company a valuation of over dollars 4 billion in the booming market for car sharing,1 +2019-03-25,dow logs in 5 weeks as tech shares apple buoy via marketwatch,1 +2019-03-20,ardm ardmq appears to be getting manipulated as volume stays low could it be someone who has held the from highs desperately trying to keep price up aapl amzn f goog nvda tsla,2 +2019-03-22,mar 21 to 2019 upgrades aapl price target to dollars 20 and cag reports good numbers ñol,1 +2019-03-14,mar 13 to 2019 roku gets another downgrade and cvs price target upgraded to dollars 6 ñol,1 +2019-03-15,mar 14 to 2019 dg reports reinvesting in remodeling and nke price target upgraded to dollars 00 ñol,1 +2019-03-08,how about this did the graze 176 that was predicted by me back in january now that it got denied at 172.5 all day long today i am and retest of 165 in a hurry i live by qs and die by qs short and long on triple q so dont i see 168 print,1 +2019-03-11,on friday twst stock shut its day with a loss of negative 1.82 percent and concluded at the price of dollars 1.06. 📰full article,1 +2019-03-06,ps shares dropped 6.2 percent on tuesdays and last traded at dollars 0.94 1673547 shares exchanged at hands an increase of 47 percent from the average daily volume of 1140931 📰article,1 +2019-03-26,the price to earnings pe ratio ratio basic investment terms via,4 +2019-03-20,what price we looking at when it breaks,3 +2019-03-12,rt stock markets slam into resistance updated price charts for SP500 nasdaq and russell 2000 read the full article here,5 +2019-03-05,us drug company to introduce new half price version of insulin via,5 +2019-03-22,michael and danny had this setup in forum very nice mapping clean to the tick hit so far spx looking for a pullback sometime tomorrow got some nice prints in on spy and qqq along with the faangs maybe a m pump then puke closing red for the day,4 +2019-03-20,snaps 4 day winning streak also who leaked racy texts confirms he did 2 but not for and of tropics balsonaro visits amzn spy ndq dji cohosting,1 +2019-03-23,i love the word suddenly to god damn it to have you ever seen vertical rally on no volume when companies cut their earnings and disappoint with everything and pmis dropping to low 40 while yield curves invert,1 +2019-03-28,crm inc this is a buy this price is likely to go up sell qqq to hedge,5 +2019-03-04,arlo arlo technologies inc we are bullish this price is likely to go up sell qqq to hedge,1 +2019-03-07,splk splunk inc profitable trade spotted this price is set for a rise sell qqq to hedge,5 +2019-03-02,exas exact sciences corp we are bullish this price is likely to go up sell qqq to hedge,1 +2019-03-20,tech stocks jumping today despite the broader selloff and says there are two buys in the fang trade nflx amzn,1 +2019-03-04,dow futures jump on trade war deja vu while bitcoin price crashes to dollars 670,1 +2019-03-21,making money a big theme of my show for weeks the reemergence of large cap momentum names and semiconductor leadership in technology both powering nasdaq to highest point since october 4 2018 i hope you are watching and making today where to invest with dovish fed,5 +2019-03-04,wall street has fang fever and says there are two names that could see a bigger breakout fb amzn nflx googl,1 +2019-03-30,i climbed onto my tile roof to grab a good photo of this magical rainbow it reminds me of tech stock valuations today magical,5 +2019-03-12,from entrepreneurs who take their dreams global to the brands that have become a part of our lives — qqq holds companies that are changing the world,5 +2019-03-02,update here with data by mar 1 all three index above dec 3 level by mar 1 amzn googl trying to catch up while big rotating out of nflx fb also ba baba remain strong due to trade talk spx comp indu aapl fb amzn nflx googl nvda tsla msft ba wmt bac baba,3 +2019-03-20,tech stocks qqq lead the pack lately but also now have perhaps the most attractive setup short setup the rally to 180 hit resistance of a rising wedge in play all year for 5 time broke out and so far failed back in good setup for a move to wedge support at 174 ndx,3 +2019-03-26,market leaders small caps tech and semis are all at major inflection points and they need to rally here or bulls are in trouble qqq is near support of a large rising wedge smh is back testing the breakout of a year long channel and iwm is at support of a bull flag,1 +2019-03-12,from electric cars that will take you cross country to airlines that take you on the trip of a lifetime — qqq holds companies that are changing the world,5 +2019-03-04,stocktwits home for those that prefer to be wrong and be angry at the market and want to control it i however have been massively correct the big picture with many winning plans on what counts like on the spy aapl and my super star this year with focus ba study my channel,4 +2019-03-26,daily new chart the narrowing rising wedge over past 3 months has gotten incredibly narrow bc still holding as support as is 13 moving average today however note vbp resistance coincides with recent top macd and stochs have both crossed bearish fwiw ndx nq compq,3 +2019-03-12,from cleantech that will power the future to the latte that powers you — qqq holds companies that are changing the world,5 +2019-03-31,monthly chart update fb resist at 174 but trend is good amzn closed dec red candle open but short of key 1784 future is bright nflx failed key 366 numerous times with low volume two months in a row setting up for big break out googl need a candle engulfing long upper stick,2 +2019-03-31,this weeks choppy sideways action is now starting to show a rather bullish looking consolidation in googl most of the fang names are printing a similar pattern here as is qqq,2 +2019-03-16,amzn started a breakout from a very cool and funky lookin inverse head and shoulder bottoming pattern look for this one to continue trekking higher from here,2 +2019-03-28,the selloff in tech today found support and its no coincidence where qqq stalled at 176.50 which is support of a large wedge in play since the lows green on chart it can still fill out more but after last weeks fake upside break it should break down to my 174 target at least,1 +2019-03-08,spy gapping down this morning to open dead on the 200 day ma after 5 back to back down days and with a noticable uptick in bearish sentiment on twitter looks ripe for a nice snap back bounce in my opinion,1 +2019-03-06,nflx was leading indicator of mkt for 2 months along with ba ba very weak today meaning dow not likely strong but the fact tech retaking control of mkt past few days suggests that tech leaders will move nflx today not consistent with mkt rhythm good signal,2 +2019-03-15,so many great ones abt msft still cheap same with avgo el is so fabulous paychex good yield pg great organic growth intuit destroyed hrb ma v pypl classic fin tech yum the winner v mcd and wen thanks,5 +2019-03-20,there was some volatility post fomc as expected but the bearish big picture setup in qqq is still very much in play its been forming a rising wedge all year and once again spiked above resistance at 180 after fomc then failed back in red day tomorrow would be very bearish,3 +2019-03-19,seeing lots of strong stocks failing to follow through to upside and failed breakouts eg a2 million apt alu bpt iel nea could be sign market getting rather heavy esp tech xjo still capped at 6200 frustrating but is what it is,2 +2019-03-05,spy to from 6 days ago chop and lower since as mas play catch up today was the 1 close under its 10 dma in more than a month which has historically meant stat and data alert a higher close is very very likely ahead,1 +2019-03-05,seen many people on twitter calling on nflx big reversal today id say be very cautious to at least watch how it goes for a bit longer logic is simple ba nflx both leading mkt they both dropped as amzn googl aapl took over past few days today ba still weak so careful,2 +2019-03-22,now reflecting on this whole bull run and this big dip and bounce which tech name is the strongest to everyones surprise its msft as we already see ath it makes sense though as its not affected by trade deal or macro policy nflx amzn will be super again,5 +2019-03-23,closed this week in very different situations amzn less than 1778 nflx less than 366 both below key levels fb 164 googl 1204 aapl 184 all above threshold levels aapl event on monday will be another key for tech no idea how it will go to just play whatever the mkt signal is,1 +2019-03-02,key here obviously is interpretation ba still the leader of mkt while nflx was leading all tech now amzn googl catching up mkt wont go up like this without a pullback it will happen soon if a stock miss the time window back to dec 3 level very hard now nvda tsla aapl,2 +2019-03-15,big picture to mkt tech into bearish trend on oct10 high on nov7 dec3 bottomed after christmas since then nflx ba rut fb leading mkt ba fb destroyed by news amzn nvda not yet reached dec3 level aapl did today spx comp highest close since oct10 amzn nflx may lead,1 +2019-03-15,heres whats happening in stocks today hear bad and sad earnings surprise tsla model y reveal docu good earnings but gapping down ulta lots of positivity on earnings kpti fda grants extension achv quit smoking wonder drug atos stock up 360 percent yesterday why,1 +2019-03-22,whats happening in stocks today aapl “special event” coming mar 25 ba airlines canceling orders for 373 max zuo growth is slowing for this recent ipo fis “best ideas” list after worldpay merger srne cancer biotech with “lots of catalysts” follow for more,5 +2019-03-25,aapl scheduled event forced a long consolidation in nflx now we all know how it goes something new but nothing novel as this aapl thing is over nflx should pick up the momentum again to but its heavily dependent on mkt conditions if mkt bouncing nflx can lead,3 +2019-03-21,amzn nflx hiked high and it was perfect time to lock some gains now they both faded likely consolidate till hourly chart mid bb coming upside to support price,3 +2019-03-29,quite a few small cap weekly setups emerging likely 1 nasi buy signal since late december soon lots of fresh mainstream bearish articles being sold to the public qqq iwm iwc iwn iwx ffty,3 +2019-03-26,which etfs my 2 suggestions would be stxndq which tracks the nasdaq for pure growth and as a rand hedge and point xten for high tax free dividends underpinned by property whilst not the same bang for learning buck as owning a stock etfs are also a great introduction to markets,5 +2019-03-29,major indexes close higher on final trading day of the first quarter dow positive 0.82 percent nasdaq positive 0.78 percent SP500 500 positive 0.67 percent lyft debuting on the nasdaq at dollars closing positive 8.36 percent at dollars 8,1 +2019-03-11,as the stock clown told people to be bearish the spy i told my group to hold your aapl call options today we are smiling with skill with our mar 15 170 calls just another aapl winner for us with skill fear is a killer people study my channel and change your mindset,5 +2019-03-22,major indexes close sharply lower on concerns of a global growth slowdown recession fears after inversion of 3 month and 10 year treasury yield curve dow negative 1.77 percent nasdaq negative 2.50 percent SP500 500 to 1.90 percent,1 +2019-03-28,the dow climbed 50 points on thursday morning the SP500 500 advanced 0.2 percent while the nasdaq gained 0.1 percent lululemon spiked 15 percent after reporting robust sales and a 28 percent jump in quarterly profit watch live,1 +2019-03-21,major indexes close higher with tech surging led by aapl dow positive 0.84 percent nasdaq positive 1.42 percent SP500 500 positive 1.08 percent aapl positive 3.64 percent after investors upgrade to strong buy ahead of event to unveil its highly anticipated streaming video service next week,1 +2019-03-09,weekly chart update fb best weekly among four 176 is key amzn needs 6 to 8 weeks more consolidation nflx closed this week above downward trend channel still chance to go but may need consolidation here 366 is key for break out googl critical here to avoid head and shoulders need break out 1184,3 +2019-03-22,as i mentioned last friday amzn nflx indeed emerged as new leaders of mkt also said back on feb24 that googl msft bac favored by big institutional funds to and thats exactly what has happened past month with googl msft both super super strong,5 +2019-03-05,remember when mkt spx comp dip deep ystd fb was super strong amzn aapl googl all were ok so when rotation started as i have been saying rotating out of nflx new market leader emergence means former leader ba nflx will turn weak,2 +2019-03-21,if you know charts you know how to play amzn nflx very straightforward bounce on hourly chart mid bb support can progressively lock some gains if you added when price dropped to hourly mid bb,3 +2019-03-25,nflx 366 googl 1204 amzn 1778 remember these are all key levels for a break out below these levels still chance go either way so size your plays if you do play any of these three names,1 +2019-03-25,the dow opened flat on monday after a sell off ended last week the SP500 500 fell 0.1 percent and the nasdaq was down 0.3 percent at the opening bell apple stock was down slightly ahead of todays big event watch live,1 +2019-03-26,pre market great tech is moving amzn nflx calls will up very nice nvda good upgrade see if stands above key 177 level to confirm reversal googl needs 1216 to confirm reversal aapl needs to defend 191 keep in mind es needs to close above 2824 to be good,4 +2019-03-21,nq very green but fang all red aapl making new hod again and again obviously big moving into aapl from fang question is which one of fang is gonna take back the lead amzn nflx googl all have the potential but probably not fb,3 +2019-03-06,es nq very weak into tmr big risk googl closed very weak to todays red candle almost identical to amzns ystd close so be very careful aapl also not strong enough nflx fb are only big tech names in good shape,2 +2019-03-26,the dow climbed 225 points or 0.9 percent on tuesday morning the SP500 500 advanced 0.8 percent while the nasdaq jumped 1 percent apple gained 1 percent a day after unveiling its foray into the video streaming market watch live,1 +2019-03-06,nflx googl aapl holding relatively ok compared with all other names i for once mkt bottomed these three likely lead mkt for bounce,3 +2019-03-07,SP500 500 flawless open to the downside in spx solid break through 2770 look for the pace of decline to escalate 2750 is likely today for the index high beta names like the semiconductors taking big hits this often occurs before large sell offs in the broader market,2 +2019-03-22,when everything down huge two names bounced back way faster than all other major names to key dec 3 level to thats ba nflx now ba in big trouble but nflx break out key 366 again thanks to aapl event nflx didnt fly while msft led and see ath now nflx will follow and ath incoming,1 +2019-03-19,another awesome morning amzn nvda plays big profits nflx also big profits ystd in the run to 371 tsla ba lotto plays also very nice today remember to protect ur profits dont screw up profits cash out gains to bank acct otherwise its not ur signing off for now,5 +2019-03-26,sideline into tomorrow nothing exciting here with this bounce amzn power through 1784 is good but need confirmation nflx back to 358 then up but need to take over 364 again nvda need to get back above 177 key level googl needs to get back to 1192 tsla strong all day,3 +2019-03-01,nflx googl amzn better than aapl fb so far this morning as i said amzn very strong resistance above off the down pressuring upper boll on daily chart nflx narrowing consolidation and need to get back above 364 googl strongest technical set up and break out key 1137 resist,5 +2019-03-04,completely sidelined into tuesday no reason taking any more risk into tmr still a great day with amzn spy calls although half profits gone profits are profits and happy about it tue wed will be interesting for tech,1 +2019-03-04,progressively took loss on most remaining calls had only a few left profits from this morning amzn spy calls gone roughly half with ba nflx spy loss caught in surprise with the magnitude of this drop but as i said need to progressively lock gains or take loss,2 +2019-03-27,ive rolled my shtputs 500 times and am still convinced this is the month likewise the tsla total return for longs of 0.69 percent annualized lags the qqq total return of 4200 percent amazon was bought out by wework in 2023 and now provides housing and goods to 86 percent of all americans,1 +2019-03-13,think of the market like a store the indexes are the signage the lights and the doors and the stocks are the merchandise if the lights are on the doors are open and theres a neon we are open sign flashing can you buy something if there is no merchandise on the shelves,1 +2019-03-02,amzn big move on friday and had a big win with calls resisted almost precisely at the 1675 level i mentioned now macd strengthening as i said amzn is one of very few names yet lagged behind dec 3 level 1778 resistance 1675 1682 1693 1700 1719 1726 1731 1737 1756 1778,1 +2019-03-18,learning making a big difference if you did not study charts this past weekend you would not know the key levels and patterns on charts so would almost certainly miss amzn nflx nvda run this morning or if you already had calls you might jumped out of boat way too early,4 +2019-03-06,remember what i said logic very simple to if top already formed and we start to drop big from here no reason we see strong tech names today such as fb msft googl plus old mkt leader ba also strong today see if we see reversal here very interesting day indeed,5 +2019-03-19,amzn had a great day powered through key 1731 level easily resistance above 1755 1766 1778 and this is only major tech name on the mkt that has not yet reached back up to dec 3 level 1778,4 +2019-03-11,nvda bottom reversal on support of daily chart cloud bottom last friday then today hiking huge on acquisition news note that tmr and wed will likely see first time breaking out of daily chart cloud since october 2018 if it confirms break out out of cloud see 169 175 then to 202,1 +2019-03-15,been saying amzn is the only major tech that has not reached back to dec 3 level 1778 now its all over the twitter everyone saying it but let me remind you this to if you dont understand amzn chart dont play it people may lose big even on this upside move,1 +2019-03-15,es indeed pulled back to 2824 into close keep in mind spx comp both highest close since the key oct10 level which was the starting point of this whole bearish trend of mkt talking about the significance of today march 15 very very few even talking about this,1 +2019-03-02,again if you have not realized the tremendous value of this twit i strongly recommend you dig into it this weekend this is my 2 most valuable 2019 twit since my 1 twit back at beginning of jan about mkt and stocks going back to dec 3 level amzn googl aapl nflx ba,5 +2019-03-12,for many names like aapl amzn not likely break out upper boll on hourly chart today so very likely see a pull back to rising mid bb on hourly chart,3 +2019-03-04,nflx led the whole tech for weeks then narrow range consolidation to it should have dipped back to 300 level but that did not happen which says enough about its strength same as amzn should have dipped to 1480 in jan but did not happen key level is 366 if break out 371 374 382,2 +2019-03-03,remember two big names that have not yet bounced back to their dec 3 levels amzn dec 3 level at 1778 and aapl dec 3 level at 184 if both names run this week can pull up all tech,1 +2019-03-04,best day of 2019 with amzn spy call plays from friday added more amzn this morning on open and easily doubled calls from last week easily 3 to 5 times locked 80 percent calls around 1706 to 1709 range and patiently wait for another opportunity if it does not pull back so be it,5 +2019-03-22,es nq not looking like a bottom today may see lower low next week es 2824 still key level and remember its threshold for bull mkt reversal confirmation so thats a vital level faang all deep red to says enough about mkt weakness,2 +2019-03-01,ive said this for 2 months that mkt and everything will go back to dec 3 level and we did but perhaps to your very surprise once the mkt leader amzn substantially lagged behind its dec 3 level is 1778 way more room for upside move and today at key upper boll resist,2 +2019-03-04,ba nflx were both mkt leaders for 2 months but today both led this huge drop with 2 percent and in red this could be a cautious signal for whole mkt as they were both mkt indicators remember mar 6 could be vital change for mkt as i said during weekend,2 +2019-03-01,looking at monthly chart and weekly chart very surprisingly as i did not expect this googl has the best chart weekly and monthly chart nflx monthly not bad at all but how it concludes this week will be key amzn fb needs time but amzn slightly better aapl worst,3 +2019-03-02,lots of twits today but one message to mkt bull run approaching key turning point early leaders nflx fb already seen rotating out ba strong names like amzn googl that substantially lagged behind now catching up mkt possibly only small dip as es nq monthly 5 moving average turning upwards,2 +2019-03-05,tech and mkt sell off into close possibly because mar 6 big day moment no idea but as i said size plays into wed and have your plan ready for a potentially wild day,2 +2019-03-26,from technical set up standpoint only 3 things to notice for today 1 nflx closed key 366 level at which it failed 15 times 2 amzn was above key 1778 level but closed below it 3 fb closed above key 166 level and is the only major tech name with close above daily chart 5 moving average,2 +2019-03-08,great morning if you play amzn ba qqq bounce plays signing off for the day patiently waiting for everything to settle next week remember always another day to make it right so no hurry making or trying to recover if you lost relax rest and have a great weekend,5 +2019-03-13,remember my twit from monday es esf did it today so bullish engulfing on weekly chart eating up last week bearish engulfing candle nq nqf way stronger on weekly and already higher high than november and march 2018 high on monthly chart meaning pass over lt trend neckline,1 +2019-03-01,amzn approaching key 1664 level see if we see gap up next week could be an epic run all the way to dec 3 level 1778 as i mentioned earlier this morning thats 100 points even from 1664 key level,1 +2019-03-02,this is called time for space the fact amzn did not dip probably due to expectations on earnings back then to 1480 level a month ago says everything about its strength also weekly chart mid bb keep pressuring down till this past week now its the time to move,2 +2019-03-28,doing best to provide comments about mkt and stocks throughout the day those are key for identifying trend and technicals in the mkt to from my own point of view if you connect all the dots you will see how i see things from technical lens and how i trade,4 +2019-03-31,whats interesting on monthly chart are two things 1 10 moving average around 202 which is also key gap level on daily so we would have seen nvda hit this 202 in march if mkt was good but not happened 2 oct dec big volume but jan mar bounce volume equivalent to good signal as back in,3 +2019-03-04,“the perfect short” here’s last nights video for our spy trade enjoy spx esf nqf amzn fb dedp mar mcd,5 +2019-03-12,but still the idea that aapl and fb can go up despite nothing happening is indicative of how many people want this market lower not higher,3 +2019-03-21,food for thought pay close attention to the way most stocks reacted on the big push most spiked to new high of the days and held up while most spike then returned and created a new low those that stood will continue higher on any push spy spx esf bkng,2 +2019-03-21,percent above 52 week low fb positive 34 percent aapl positive 33 percent amzn positive 38 percent nflx positive 62 percent googl positive 25 percent msft positive 35 percent qqq positive 25 percent percent below all time high fb negative 24 percent aapl negative 19 percent amzn negative 12 percent nflx negative 11 percent googl negative 5 percent msft negative 1 percent qqq negative 4 percent,1 +2019-03-29,portfolio summary to march end holdings algn amzn baba bzun docu fb ftch hdb huya iq lyft meli nflx now pypl rdfn shop sq stne tme wb tcehy 1833 in hk portfolio performance equals positive 32.73 percent ytd vs positive 13.07 percent for spx no hedges in place,5 +2019-04-11,kt with a pe of 13 and a decent eps compared to price corporation exemplifies so please 👇 aapl bac c cmcsa fb goog ibm msft nvda roku s t tsla vz wmt xom,3 +2019-04-15,kt securing successful early 5 g subscribers in the second half of the stock price rising expectations aapl ba cmcsa fb goog intc msft nflx s t tmus vz,5 +2019-04-05,kt corporation has a price move potential of over 15 percent aapl amzn bac c fb goog cmcsa vz s tmus t,4 +2019-04-18,watch us report live from the floor of the nyse this weeks weekly wrap up includes nflx apha ibm qcom lyft pins skx zm jnj,5 +2019-04-05,watch us report live from the floor of the nyse this weeks weekly wrap up includes odp tsla dal gme wba iipr amd nvda intc wfc,5 +2019-04-18,watch us report live from the floor of the nyse this weeks weekly wrap up includes nflx apha ibm qcom lyft pins skx zm jnj,5 +2019-04-05,watch us report live from the floor of the nyse this weeks weekly wrap up includes odp tsla dal gme wba iipr amd nvda intc wfc,5 +2019-04-26,rmed price crossed and closed above 50 simple moving average it broke the diagonal trend line and it’s about to break horizontal line as though a rounded bottom breakout once dollars .53 clears big candidate for a big move gap is at dollars .45,1 +2019-04-05,watch us report live from the floor of the nyse this weeks weekly wrap up includes odp tsla dal gme wba iipr amd nvda intc wfc,5 +2019-04-18,watch us report live from the floor of the nyse this weeks weekly wrap up includes nflx apha ibm qcom lyft pins skx zm jnj,5 +2019-04-24,spx spy price rallied from the opening bell spending most of the day between 2930 to 36 watching to see a weekly close 2930 as per weekend report 2930 is the all time weekly close earnings coming from amzn aapl and the like within the next 5 to 7 days,1 +2019-04-23,renn merger vote tomorrow this is valued at dollars 54 million and should this go through successfully the stock price would be at least double current price weve been playing this since dollars .40,1 +2019-04-11,spx spy esf there’s not much to say other than 13 and 34 are acting as perfect support in this uptrend price is forming an ending diagonal wedge and its possible to see sideways consolidation and another push above 2900 possibly up to 2930,5 +2019-04-01,lyft falls below ipo price on its second day of trading,1 +2019-04-25,fear always seems to be ultra low heading into the worst months of the year youd think that fear would trade at a premium ahead of those months and seasons watch those monthly bands qqq msft txn intc smh xlk,1 +2019-04-08,spx spy at this point before we really zoom in on a retracement level we’ll need to see the sp 500 price break the 13 expontential moving average currently at the gap level from last monday around 2848 and rising stronger confirmation will be a close below the 34 ema,2 +2019-04-17,lots to talk about on the opening bell today including aapl vs qcom nflx vs dis ibm disappointment growth yes i did do my homework today spy ndq dji,3 +2019-04-01,the stock dork news lyft sinks 12 percent falls below ipo price 📉what are your predictions of lyfts stock price going forward follow us for updates on lyft and many other stocks 👍 lyft,1 +2019-04-01,aprils and price predictions and forecast spy gld uso ung qqq,5 +2019-04-29,ahead of aapl earnings cnbcs breaks down how to play the tech giant using etfs with tim seymour of seymour asset management and christian magoon amplify etfs ceo sponsored by,1 +2019-04-23,record with SP500500 surpassing sept highs hitting 81 record under big 1 of the most favored trades with ndq hitting 96 record fb mfst thurs and big first quarter gdp print fri amzn aapl,5 +2019-04-10,indexes had first close below 5 sma yesterday after extended run setting up a buy day which began in the evening session above 289025 equals close back above 5 sma for sps,1 +2019-04-25,sps hit perfect support and back up to psychological pivot market now waiting for amzn earnings after the close these pivots are soooo technical,5 +2019-04-26,daily compq formed yet another narrow doji after bouncing of wedge support looking like wed fri of next week should get exciting volume spike getting close guys keep your eyes open 👀 thank you for retweets msg read loud and clear more qqq 🙏 ndx nq,5 +2019-04-17,do the numbers justify nasdaq 8000 aapl msft goog amzn fb intc csco qqq cmcsa pep,3 +2019-04-10,semiconductors smh still outperforming spx rut and ndx by a long shot and are important to watch smh broke out of a year long bull flag last month and rallied hard but this rally has formed a very clean bearish wedge a wedge breakdown should open a good selloff to 103,5 +2019-04-08,update here with data by end of apr 8 spx comp both now back to oct 10 level nvda still far lagged behind with big potential now the gray bar series3 is the most important to keep an eye on spx comp indu aapl fb amzn nflx googl nvda tsla msft ba wmt bac baba,3 +2019-04-11,todays best and worst performers from our buy alert list this week airg positive 9.56 percent positive 27 percent for the week nssc positive 8.58 percent vrtx negative 2.98 percent asnd negative 3.72 percent,1 +2019-04-25,the dow jones industrial average will open lower good chance nasdaq and SP500 500 are higher the dow is 30 stocks and skewed hugekly by an earnings miss at 3 million mmm to at the open most stocks will be higher watch making money with charles payne,2 +2019-04-10,tech stocks qqq are still leading everything except smh but this rally is showing signs of running out of steam volume is in decline since march 20 rsi is overbought and diverging and price is coiling into a textbook wedge the wedge needs to break down at 182.50 to confirm,2 +2019-04-03,remember what i said ystd nflx googl both long bottom stick ystd and setting up for another run see if they can break out key levels today 371 for nflx 1216 for googl,1 +2019-04-12,rare underperformance for tech stocks qqq which have been leading but are lagging spx and small caps today were still grinding higher on low volume and the steep rsi divergence on my chart suggests weakening momentum and high risk of rolling over needs to break 183 to matter,2 +2019-04-18,nice shooting star today for tech stocks qqq follow through to confirm tomorrow will be key importantly though they attempted to break up from a month long rising wedge today only to fail back in and failed breakouts often bearish wedge support needs to break now,3 +2019-04-19,have a great long weekend to for next week tech made a new ath this week after putting in green weeks for 16 of the past 17 but spx and iwm were red watching for qqq to break its perfect uptrendline from december to setup short for oil looking for 1 more high to 65.50 to 66,2 +2019-04-25,intc down 10 percent on earnings many of these semis had monster run ups in 2019 especially smh soxl some profit taking and pullbacks would be very welcomed at this point,2 +2019-04-13,have a great weekend all for next week short tech for a pullback is a top idea qqq has been outperforming but faltered late this week lagging spx and volume declined 4 weeks in a row to the second lowest volume week since august needs to break its rising wedge to trigger,2 +2019-04-17,keep an eye on the nasi dumb money bullishness at 10 year high smart money 2 year low intc txn smh at upper monthly bands,1 +2019-04-23,party like its 1999 nasdaq closed at fresh record as solid first quarter results from twitter spurred the mega cap tech stocks to a broad based rally,5 +2019-04-24,after the close fb msft tsla pypl v xlnx cmg lrcx algn now orly ffiv sam ctxs azpn ntgr var save algt asgn chdn amp point c pkg ggg agnc rusha trn ufpi ois lob axti cuz cybf cybe wcn rbnc rjf swi stl cor,1 +2019-04-05,spy has gapped up for its 7 straight session and its on the heels of a 100 day high that hasnt happened since january 2018 over the past 20 years heres the risk and reward over the next 3 months,5 +2019-04-29,major indexes close higher as earnings season heats up dow positive 0.04 percent nasdaq positive 0.19 percent closing at new all time high of 8161.85 SP500 500 positive 0.11 percent closing at new record high of 2943.03,1 +2019-04-30,major indexes close mixed as goog revenue miss weighs on the nasdaq dow positive 0.15 percent nasdaq negative 0.81 percent alphabet negative 7.70 percent SP500 500 positive 0.10 percent notching a new record high close at 2945.83,1 +2019-04-30,after the close aapl amd twlo tndm amgn feye payc grpn tdoc zen ssnc exas akam vrtx dvn ftr mrcy enph nbr arlo amed mdlz cxo cohr bgfv bxp denn fisv cenx flex cyh lscc iphi mkl camp cb apy oln vcyt oke,3 +2019-04-08,major indexes close mixed as investors prepare for earnings season later this week dow negative 0.32 percent nasdaq positive 0.19 percent SP500 500 positive 0.10 percent ba negative 4.42 percent dragging on the dow as the company announced surprise production cuts in the wake of 737 max crashes investigations,1 +2019-04-20,some implied moves for next week777 companies reporting irbt 12.9 percent amzn 4.3 percent fb 6.0 percent twtr 10.4 percent msft 3.6 percent tsla 9.0 percent pypl 5.6 percent v 3.1 percent cmg 7.7 percent algn 9.5 percent lrcx 6.6 percent xlnx 8.2 percent ffiv 5.9 percent orly 6.5 percent sam 9.4 percent ctxs 6.3 percent mmm 3.5 percent abbv 4.5 percent intc 4.5 percent,3 +2019-04-27,for the week aapl amd ge sq spot googl cvs shop ma qcom mcd twlo mdr pfe x mrk wdc gm atvi bp aks on sat l abmd amrn tndm teva yeti ci glw w mgm eca stx zbra salt arlp aprn amgn feye ftnt anet lly,4 +2019-04-01,all closed above key level except for googl fb above 166 aapl above 191 amzn above 1809 nflx above 366 but googl below 1204 also notable tsla above key 287 and nvda above 181 msft nvda aapl chart very similar and bound for a big run esf 2892 possible,2 +2019-04-23,historic day for tech qqq 1 time we open above alltime highs after being at the door step of a bear market just a few months ago how we close today will say a lot about investor sentiment towards the overall market going forward very key day to stalk order flow and key names,5 +2019-04-15,es ym down 0.2 to 0.3 percent nq down 0.6 percent and with nflx earnings tmr and amzn googl next two weeks as i said worst pre earnings since 2014,1 +2019-04-25,major indexes close mixed with mmm weighing on the dow tech pushing the nasdaq near record high dow negative 0.51 percent nasdaq positive 0.21 percent SP500 500 to 0.04 percent,2 +2019-04-12,es nice setup better than nq nflx dropped big due to disney streaming service amzn see if it can really run and break out 1855 key resistance level today,3 +2019-04-05,amzn up dollars 4 break out see the last amzn break out for clue next week markets quiet once again spx 2889 52 points from ath os rightly says to move profits out of trading account also trading is real money gave a dollars 0 tip to waitress at lunch today happy like she hit the lotto,1 +2019-04-12,major indexes close solidly higher on healthy start to earnings season dow positive 1.03 percent nasdaq positive 0.46 percent SP500 500 positive 0.66 percent jpm positive 4.66 percent wfc negative 2.62 percent dis surging positive 11.53 percent after revealing streaming service disney,1 +2019-04-08,mkt not far from ath many been talking about 2900 and ath recently key to realize is if we really run to ath what will happen to key mkt indicator a while ago such as nflx which is yet 60 points away from its ath at 423 and been consolidating for 2 months big picture,1 +2019-04-08,anyway am not saying we will see ath on this mkt run but a gapping up bold top big green candle with gaps below unfilled on spx weekly chart is first time since last july this says enough about mkt strength also weekly 5 moving average about to golden cross weekly cloud top,3 +2019-04-09,analysts raises cuts reiterations aapl point raised to dollars 25 at wedbush amzn point raised to dollars 250.00 at cowen dhi point raised to dollars 9 at jmp securities klac point lowered to dollars 07.00 at gs wynn point raised at db to dollars 55.00 x point lowered to dollars 3.00 at cs zs point raised at cs to dollars 5.00,1 +2019-04-16,nflx on the run break out key 357 resistance no interest playing it today if its earnings super amzn fb will up huge too if its only small rise double kill on its calls and puts but rest of tech could run if its miss or drop all tech down so know the risk,2 +2019-04-24,nq all time high es dow catching up but nvda far far away from top to about 100 points txn earnings at least says semi is strong and about to get even stronger lrcx next after mkt runs to top and free falls and consolidates big will jump in nvda almost guaranteed,3 +2019-04-22,the spy chop chop but goes up then the right stocks also move up with power i have the big picture skills to focus on what is trending with markets then we wait for confirmation and since i understand the right supports and big picture this then leads us to big gains study,3 +2019-04-28,msft 100 percent fib at 138 level as point for long term one of the best tech names from dec low leading mkt as key indicator during this entire mkt bull reversal run,5 +2019-04-17,nvda closed the day with an inside candle following a big red candle macd is weakening a move over opening of ystd’s big red candle 189.7 would confirm reversal but 191 also key resistance let’s see if can’t reverse much room to drop to 187 184 181,1 +2019-04-19,tsla daily and weekly charts from a big picture perspective actually better than most of major tech names fb googl nflx amzn nvda remaining weeks in april will set up the tone for next few months into summer,5 +2019-04-25,a losing day but glad took loss in yesterday remaining calls nflx 373 and nvda 189 both would’ve been much bigger loss on premium drop right strategy and mindset matters a lot semi not great on intc earnings but really no reason pulling down lrcx qcom mkt overreacted,2 +2019-04-24,stocks started the trading day slightly lower on wednesday the SP500 which closed at all time highs yesterday pulled back from yesterday’s record the nasdaq which also broke its closing record on tuesday climbed further watch live,1 +2019-04-16,es nq futures both looking good on daily chart 2916 2927 are both key resistance break out above 2927 basically means ath coming see how tech earnings will affect mkt,3 +2019-04-03,great morning with amzn nvda nflx fb calls remember to progressively lock gains size rest of plays and eyes on key support and resistance levels,5 +2019-04-11,es marched to 2900 then fell back all the way to 2892 support level lets see where it opens tmr no matter where it goes big tech earnings incoming starting with nflx next tues actually the fact its scheduled early in a week is good for both sides in terms of premiums,1 +2019-04-25,nq all time high again and most are concerned about a pullback typically a short term top is formed either when fear is out of equation for most or news come out all in a sudden not seeing both at least not yet but if amzn runs big after earnings sentiment will change,3 +2019-04-14,earnings next week include c nflx kmi pep ms team abt jnj gs and ibm get the entire list here,1 +2019-04-08,amzn lower low on daily chart but upper boll open for an upside move hard to trade today as it keeps consolidating may take a few more hours while premiums down best scenario is we close green today above 1834 and then gap up tmr at 1845 for a run into 1871 key resist,3 +2019-04-25,nq was a rising wedge formation on hourly chart by ystd close which in most cases is followed by a break down but now with fb msft hiking plus amzn googl both running hourly chart can break out to technically as i mentioned before that would turn rising wedge into parabolic move,2 +2019-04-17,lots of round numbers in play in this market right now 2900 on the SP500 500 8000 on the nasdaq 1600 for the russell 2000 11000 on the dow transports dollars 00 for aapl we all know what that means not the slightest thing,5 +2019-04-05,for today amzn 1832 nvda 191 nflx 372 fb 178 googl 1226 all threshold levels if power through running even higher if resisted and fading no good,2 +2019-04-01,mkt great on 1 day of april likely just day 1 more to expect but then all in a sudden may see technical pullbacks later this week progressively lock gains and size plays be alerted amzn 1809 nflx 366 nvda 184 tsla 287 all key levels to watch,4 +2019-04-02,is really great at this point aapl fb leading tech today with beautiful break out candle on daily nflx googl both long bottom stick setting up for another run into tmr amzn failed to break out key 1824 this morning but 1809 support is solid could also run,5 +2019-04-17,msft quietly new ath today remember big institutional added tons more into msft googl when mkt bad they are not always smart but they sure know something,5 +2019-04-18,are these the type of headlines to justify massivemomentum driven spike to all time highs in soxsemi index ft taiwan chipmaker tsmc suffers biggest earnings fall in 7 years and bloomberg tsmc expects another weak quarter as smartphone woes persist,1 +2019-04-03,big win on tsla nvda calls amzn nflx fb all great nflx fb still chance to run amzn open high then go lower all the way may consolidate for quite a while 1824 still key for a break out,5 +2019-04-18,some SP500 all time highs today nike dollartree yum costco estee lauder mondelez p and g pepsico honeywell fastenal dover norfolk southern union pacific mastercard microsoft visa broadcom,5 +2019-04-08,nflx leading mkt from dec low since then has failed nearly 20 times at key 366 and been consolidating for 2 months now key is 366 371 but threshold is 381 level above 381 will be dragon of mkt again before that happens its nothing but worm eating up soil premium,2 +2019-04-22,new 4 days candle just started three index futures look very different to es last 4 days candle was doji nq ym better but on 4 hour ym way better than es nq interesting to see where we open on monday and if dow will lead mkt seems to be a bit weak as ym up 46 points while es only up 1,4 +2019-04-29,googl new ath before earnings as i said months ago around 1120 to 1140 range that it could potentially run to 1500 to 1600 by end of 2019 big institutional jumped in at dec dip and also into msft so much potential but first thing first see how earnings go,2 +2019-04-08,i bet and assume everyone knows why aapl is up if you dont know check the news but how much room does it have above back to 200 today to thats just nov 12 level remember ive been mentioning dec3 nov7 oct10 levels it was 226 on oct10,1 +2019-04-23,earnings season is underway economy improves as stocks flirt with new highs last week technology and financials are on the rise while healthcare is on decline get your insights here,3 +2019-04-24,amzn earning not as exciting as it was in the previous two quarters cloud competition stronger ecosystem evolving slower than expected concerns with potential regulatory constraints if beat great but if mkt no good reaction no surprise no interest in it until after earnings,3 +2019-04-25,intels undermining lots of other semi stocks including nvda data center weakness and memory stocks including micron and western digital this will have a broad impact sox index was driven near parabolic to record highs by momentum traders and sox typically leads overall stock mkt,4 +2019-04-30,aapl numbers great and mkt happy but using .3 cash for share buyback that’s big catalyst boosting up investor confidence but from risk control perspective it’s like airborne at 2000 ft sad their eyes on roi not innovation 75 billion can do tons r and d and only 50 billion needed to buy amd,3 +2019-04-11,mkt needs a clear leader to pass over 2900 nothing has emerged as a leader yet eyes on amzn plus nflx earnings and see if they hike,1 +2019-04-08,the most important reference and indicator for mkt now is amzn if amzn pops up big mkt may run to or actually see ath if amzn doesn’t run we’d wait for a few more weeks if it runs key level 1845 1855 1871 above 1871 threshold can accelerate to 1884 1902 1915,3 +2019-04-10,mkt been climbing slowly with more and more ups and downs in the middle since mid march not a perfect condition for traders no matter experienced or fresh when key mkt reference such as nflx stops running and consolidating for 2 months typically sign of big move incoming,2 +2019-04-16,managing emotions is key if nflx er good all tech run especiall amzn googl so way more opportunities ahead if nflx no good tech all down and amzn googl will set up for er later always another day always another chance no need to be emotional into trades sidelined into tmr,2 +2019-04-27,some implied moves for next week1158 companies reporting googl 4.4 percent shop 8.5 percent aapl 4.9 percent sq 7.2 percent amd 11.9 percent spot 8.1 percent wdc 9.2 percent mgm 5.7 percent ma 3.8 percent mcd 3.4 percent ll 13.9 percent gm 4.7 percent twlo 12.7 percent feye 9.7 percent tdoc 13.6 percent amgn 3.9 percent akam 6.8 percent vrtx 4.9 percent 1 of 2,3 +2019-04-12,touch week for tech names especially faang not easy to trade any of them as all of them have seen ups and downs in the middle or into end of week nflx rest calls from ystd dropped big overnight on dis to that’s what chart won’t tell u but it’s ok fight another day,2 +2019-04-21,my week twtr before snap tuesday after wednesday after fb cmg v pypl msft tsla thursday before fcx wwe thursday after sbux amzn friday before aal so don’t call me lll be studying charts jk i’ll be using my 🎱,1 +2019-04-11,next week i will be alerting a few trades on this public twitter to show you how i operate pay attention they can come at anytime amzn nflx googl nvda ba,1 +2019-04-22,i will be alerting some trades tomorrow here on the public twitter so you guys can see how i operate stay tuned can come at anytime can be a massive day amzn nflx googl nvda fb aapl,5 +2019-04-20,lets get it hope everyone have a green week dont gamble on earnings always opportunity after they report with weekly option prices back to earth,5 +2019-04-30,aapl revenue missed their original guidance by negative 9.4 percent and revenue was down 5.1 percent yoy ebit down negative 16 percent yoy china revs down 21 percent yoy europe down negative 5.7 percent and america decel to 3 percent growth from 5 percent guide is for 0.4 percent growth yoy,1 +2019-04-20,implied moves for earnings next week based on option pricing 777 companies reporting amzn 4.3 percent fb 6.0 percent twtr 10.4 percent msft 3.6 percent tsla 9.0 percent pypl 5.6 percent v 3.1 percent cmg 7.7 percent algn 9.5 percent lrcx 6.6 percent xlnx 8.2 percent ffiv 5.9 percent orly 6.5 percent sam 9.4 percent mmm 3.5 percent intc 4.5 percent by,1 +2019-04-28,implied moves for earnings next week1158 companies reporting googl 4.4 percent shop 8.5 percent aapl 4.9 percent sq 7.2 percent amd 11.9 percent spot 8.1 percent wdc 9.2 percent mgm 5.7 percent ma 3.8 percent mcd 3.4 percent ll 13.9 percent gm 4.7 percent twlo 12.7 percent feye 9.7 percent tdoc 13.6 percent amgn 3.9 percent akam 6.8 percent vrtx 4.9 percent by,1 +2019-04-12,stocks up a little trend is up fully invested without any hedges long algn amzn baba bzun docu fb ftch hdb huya iq lyft meli nflx now pypl shop sq stne tcehy tme wb 1833 hk,5 +2019-05-17,aapl has an that is 6.3 percent of its price while kt has an ebitda valuation 22 percent of its sp a much better value amzn ba cmcsa fb goog intc msft nflx nvda s t tmus tsla vz,2 +2019-05-12,thanks to and disney dis stock price has jumped 25 percent and it will continue to rise in the coming months nflx,5 +2019-05-17,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn nvda baba pins csco acb lyft uber,5 +2019-05-09,oh yeahhh our baba 175 now up and 69 percent at 5.52 from 3.25 also like the set ups in spy bidu amd nflx amzn tsla fb nvda,1 +2019-05-03,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn bynd tsla ua aapl amd sq w ww,5 +2019-05-02,may 1 to 2019 cvs price too cheap and aapl report amazing quartr ñol,1 +2019-05-27,msft bought on off of vcp pattern good move needed to take profits at 20 percent on but got greedy trying to push for more missed add on point on pb stock behaved well price now is tightened and volume is drying up lets go,3 +2019-05-11,will irrational exuberance valuations last forever 4 moments in life of amzn to understand why smartest in town fb nflx goog aapl msft insiders sell while uber lyft bynd rushing to file their ipos sell high to raise cash and be able to buy low spx rut qqq,5 +2019-05-09,if you’re going to report sub par earnings with a weak spy prepare to see your stock price get beat down,1 +2019-05-13,are you interested in knowing the best stocks before they make big price gains do you want to know how to avoid costly mistakes made by most investors and make alot of money in stocks if so click here,3 +2019-05-03,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn bynd tsla ua aapl amd sq w ww,5 +2019-05-20,strong day at dollars 000 in profits with most from from nasdaq futures im not going to trade into the close as it looks pretty sketchy and its just harder to be consistent when things get crazy near end of day ill post my trade entries and exits later,3 +2019-05-17,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn nvda baba pins csco acb lyft uber,5 +2019-05-30,rlm to merger with essa pharma in a deal valued at dollars 1.5 million rlm currently has a market cap of 13 million so this deal should put the share price to at least dollars .50,1 +2019-05-16,mothersumi coming closer to falling tl and getting as oversold as it can watch out this falling knife from here till 110 zone for some speculative long,3 +2019-05-13,fox team coverage on global selloff thx 2 us does or pay is it a buying opportunity also covered ruling allowing users to sue against alleging aapl spy dji ndq ba cat,1 +2019-05-06,spx spy we saw an increase in net advancing stocks and volume of advancing stocks on friday notice the nymo is still negative but that can remain divergent for a while until price ultimately breaks down,3 +2019-05-13,fox team coverage on drop on us tensions biggest decline for nasdaq this year worst for and SP500500 since jan3 biggest stock drag on ruling aapl we get to do this all over again at 6 pm et with awesome leading,1 +2019-05-03,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn bynd tsla ua aapl amd sq w ww,5 +2019-05-02,stocks move lower as fed signals it won’t cut rates tesla shares pop with elon musk planning to buy dollars 0 million in stock and facebook is flat despite ongoing privacy concerns and i’ve got the latest in,1 +2019-05-20,smh to the vaneck semiconductor etf dutifully bounced off 200 day moving average this afternoon on big trading volumes if 200 dma is broken decisively and thats the likelihood given how early we are in digesting this trade war news it will get ugly see oct example on chart,1 +2019-05-06,the semis surge hitting pause today but says the bull case remains intact he breaks down the charts smh nvda mu amd avgo qcom txn soxx lrcx,2 +2019-05-13,remember u dont need a system that works all the time u just need a system that works enough times so that u only lose 1 r when wrong and make 3 to 5 r when right thank u spy thank u trump ps i hope we dont get another 100 percent short day tmr not good for options tsla nflx ba,1 +2019-05-13,daily compq 🎯🎯🎯 that a wave target is acting like a magnet 😁🤓 should get there by friday stochs green target circle should hit as well macd cascading in full water mode this has to be the most textbook wave 5 endings i have ever seen 😳 ndx nq,5 +2019-05-07,daily compq 🎯🎯🎯 wave 5 is definitely over ⚰️ my macd and stochs called it to a t 50 moving average is right at orange tl so possible dcb vix lull can happen around that area retweet if want me to map out this next entire wave down ndx nq,3 +2019-05-17,daily compq bad bad bad this could get very bad 13 moving average rejections after 13 moving average and bc bearish cross are the most bearish scenario never even made it to bc trying to close below 50 moving average could enter full risk off next week ndx nq,1 +2019-05-09,the candlestick screener tracks overall candlestick strength bullish to bearish candlesticks most indices are seeing negative strength with nifty auto and nifty smallcap the worst hit bse it is now the best performer,2 +2019-05-13,wow i think this is a personal best for me all due to buying puts and shorting futures friday i’m all cash now regrouping as i look for a possible short here and definite long if we go a little lower,5 +2019-05-23,spx daily sure enough now in full chase mode after lower bb macd gaining more momentum to downside and stochs attempting double dip most bearish scenario the multiple 13 moving average rejections in a row were the clue 🔎🔍🕵️‍♂️ es,4 +2019-05-28,the tech qqq to spx ratio is important to watch the extended sell off in stocks many are waiting for begins when this breaks and tech starts under performing the ratio is forming a large bearish wedge which suggests its coming but another bounce to fill it out likely first,3 +2019-05-28,weekly smh new chart broke through 50 moving average last week and now falling to next vbp support 95 which is where lower bb will catch up for a bounce 13 moving average on verge of crossing retweet if you want me to post more smh charts soxx sox,1 +2019-05-23,starting to see a potential bear flag emerging in qqq here as well worth eyeing this sqqq for some potential upside if the qqq breaks lower,4 +2019-05-28,this qqq really not looking too hot here in my opinion feels like its hanging on by a thread a break lower feels imminent barring a magical tweet,1 +2019-05-10,qqq cracked below yesterdays lows now looking to see if it can recapture and settle back above yesterdays lows which could and should signal a short term bottom to this mini selloff,1 +2019-05-10,super sexy looking hammer candle on the qqq that 2 billion reversal played out like a charm hope these charts were helpful to you today we should see a plethora of strong setups to work with come next week,5 +2019-05-11,after a much needed pullback following a monster run up in smh seems like its trying to settle at the 50 day ma printed two hammer candles on thursday and friday look for it to bounce off this area in the next week or two,1 +2019-05-10,spy as you can see what i posted 4 hours ago when the market was negative we did not even try to go near the key support today this market is bullish once it sorts things out we will head higher to many key stock have been doing well with earnings usa is and is doing well,1 +2019-05-12,tues cybr wed econ data and tic report baba csco th nvda iq amat pins fri mo opex us and eu auto tariff deadline vxx exp fomc minutes adi splk us mkt closed wday panw zs coup,1 +2019-05-11,spy visual the bigger picture spx esf nqf aapl amzn bkng dont need bear or bull comments and opinions just take it in thanks,3 +2019-05-20,googl and all fang stocks are the major market movers which are currently displaying bearish setups now is a great point to take some long positions of the table in these names if you still hold them like this tweet if you want to see an spx update,4 +2019-05-16,has oracle orcl outpaced other computer and tech stocks this year computer and tech stocks have gained an average of 16.49 percent is outperforming its peers so far this year with 19.89 percent since the start of the calendar year,1 +2019-05-30,technology earnings estimates and revisions xlk msft aapl v csco ma intc adbe orcl pypl crm ibm acn avgo txn nvda qcom adp intu fis amat mu adi ctsh adsk fisv tel hpq payx lrcx xlnx,3 +2019-05-10,qqq down every single day this week retesting yesterdays big reversal lows here watch how this retest gets handled ideally want to see the qqq break below yesterdays lows briefly and quickly recapture yesterdays lows essentially creating a 2 billion reversal off the 50 day ma,1 +2019-05-14,gap up reminder — see where we are around 11 am 👇👇👇👇 es esf spx spy nq nqf nq ndx qqq rty rtyf rut iwm ym ymf dia,1 +2019-05-16,where is money flowing today csco adbe msft jpm ntes bmy mrk pypl antm mrk agn bsx cl,1 +2019-05-15,where is money flowing today hum googl fb baba pypl atvi bmrn srpt amat,1 +2019-05-14,aapl is best example here for both sides premium killing amzn is best exmaple here for put premium killing massive premiums there for puts coz of expectation of huge dive,3 +2019-05-29,be in the know 6 key reads for wednesday cvs aapl nvda spx coo alxn algn abmd snps mnst expe amzn,3 +2019-05-14,be in the know 10 key reads for tuesday wmt wtic uso amzn xom mpc psx rdsa baba tcehy tsla ilmn msft asml aapl ebay fb spot race,5 +2019-05-09,after the close wynn dbx bkng gpro yelp zg spwr symc sono aaxn trxc nog gh swir vstm pbyi ely maxr inse asur alrm mbii omer smlp adms carg wprt cort sens nvcn vslr efx fly vlrx vale xon hk qnst hyre,2 +2019-05-31,yup totoally agree todays price action post the plunge was a testimony to the underlying current dow was down 300 rumours of major etf selling yet we closed .2 pct lower mkt is rerating wont be bothered with data,1 +2019-05-01,major indexes open higher after strong earnings from aapl better than expected private sector job growth in april,5 +2019-05-01,major indexes close lower pulling back after fed chair jerome powell struck down anticipation of a rate cut soon dow negative 0.61 percent nasdaq negative 0.57 percent SP500 500 to 0.75 percent,1 +2019-05-02,micro futures for the major indices are coming to the this weekend for a full breakdown on what they are and how to trade them tune in,4 +2019-05-12,cramers week ahead the market can go higher with ubers ipo tariffs behind us,2 +2019-05-01,i never quite understood the n in faang for a measure of scale the difference in market cap between aapl and goog is dollars 2 billion greater than the entire market cap of nflx,2 +2019-05-22,amzn hard to play past two days and it’s losing play 1866 1874 range resistance just so strong 5 moving average was about to golden cross but today 5 moving average turned flat if tech down on fomc amzn googl both big room for drop 1816 1120 respectively if fomc good amzn to 1884 possible,2 +2019-05-09,view todays from here discussed spy iwm dia qqq eem gld uso uup spx tlt vix tnx ewz fxi study xlv uber xlf holx,1 +2019-05-01,we are up very well in our may 17 205 calls that we held into earnings this will be the 6 wining plan for aapl this year for us the bigpicture leader strikes again making real gains and leading the people to the truth and the money study livestream tonight 0 est canada,5 +2019-05-30,spx SP500 500 is on bar 6 of a td daily 9 buy setup if this setup continues we should see a trading bottom early next week testing 200 day ma could we see gap fill at 2743 38.2 fib is also at 2722,3 +2019-05-16,major indexes close higher on strong earnings positive economic data dow positive 0.84 percent nasdaq positive 0.97 percent SP500 500 positive 0.89 percent 3 straight days of gains marks longest winning streak for us stocks so far in may following earlier rout due to trade war with china,1 +2019-05-11,for the week nvda baba acb csco iq bidu wmt ttwo amat cybr tlry stne m rl bili legh wix de cprx tme east lmb myo kem azz a pags meec mime ntes ctst dare crmd tsg cplp celp boot newr gds sesn akts lm,4 +2019-05-03,amzn the influence that men like buffet have on the market is still mindblowing yeah we bought soome shares equals stock gains over dollars 5 billion in marketcap no big deal keep in mind thats enough money to buyout and take private every single listed lowfloat company twice smh,1 +2019-05-02,fb msft googl all red amzn not strong either nflx faded 3 points from high nothing wrong to be careful,1 +2019-05-15,just took a break from working on the upcoming webinar trend following and did my daily market runs wow qqqs were up positive 1.41 percent spys only .59 percent quite a difference trend still down full hedges in place staying cautious getting other stuff done and enjoying the ride,3 +2019-05-02,aapl is evolving its business but googl is struggling to move beyond search its the busiest week of season check out all the big stories,3 +2019-05-16,amzn nflx fb 4 days chart 5 moving average positioning almost same googl aapl almost same amzn fb reached 5 moving average on 4 days next is nflx googl reached 5 moving average aapl next still much room this is big picture remember current 4 days candle ends by close tmr,1 +2019-05-10,es back down after 13 point bounce no good and see if 2824 supports mkt very hard to trade after taking loss earlier this morning no reason to risk any into it always another day always another chance no need to hurry to get loss back just sideline and watch,1 +2019-05-24,update from seatac stocks mixed with qqqs a little lower djia and SP500 up a bit still the range nothing changed trend down full hedges on so far the ride has been enjoyable have a great weekend my friends,4 +2019-05-14,us stocks opened higher retracing their steep losses from monday when the dow and the SP500 500 recorded their worst days since january 3 the nasdaq even had its worst day since december watch live,1 +2019-05-23,wall street this is a book shop and they are overvalued amazon this is a computer shop and they are overvalued apple this is a car company and they are overvalued tesla recognize a pattern forests and trees 🌳,1 +2019-05-03,SP500 up almost 1 percent qqqs up over 1 percent trend stays up no hedges risk still on as this market and economy keeps on chugging forward best economic progress in decades time to go hit some balls on the range and enjoy the ride happy weekend everyone updated,5 +2019-05-16,two days in a row big win on nflx fb amzn sold too early ystd 1850 calls would have been 7 times run googl 1150 calls misses but would have been 30 times,1 +2019-05-06,keep in mind china deal or not it will not affect amzn as they substantially trimmed their biz in china so i for when mkt settles on trade stuff amzn should be one of the very first to jump out and hike,3 +2019-05-08,judging by what is working this earnings season americans are watching streaming video clicking facebook ads and ordering random things from alexa for 40 hours each day,5 +2019-05-06,if you haven’t figured this out yet here’s a good one for you spy spx qqq most gap ups get stuffed most gap downs get bought up when it doesn’t work stop out and flip sides cuz big move likely rinse repeat damn near the holy grail,3 +2019-05-14,just like rising wedge can turn into a parabolic upside move instead of breaking down falling wedge can turn into parabolic downside move instead of breaking up nasdaq fb hourly chart both perfect examples,5 +2019-05-22,we had nice run with nflx roku today but amzn no good if tech runs on wednesday nflx amzn may lead timing of entry would be key though given the on going premium killing if tech doesn’t run before fomc not good signal,2 +2019-05-15,es nq faded a bit overnight as expected i explained the technical setup in last night’s blog if we dip today may see 2821 to 2824 range and then likely pull up vix tlt weekly chart both show signs of exhaustion to meaning mkt could hike all in a sudden into next week,3 +2019-05-21,roth cap bro on squawk box reiterated a dollars 38 target in part because he believes aapl made an offer of dollars 40 sometime last year i’m really going to miss this stock tslaq,1 +2019-05-02,live markets open after fed’s decision to hold interest rates steady u s stock futures indicate a slow start to thursday’s session under armour is up 7 percent after reporting strong earnings and sales that topped expectations here’s what the dow is doing,1 +2019-05-22,in a busy news week for global economy minutes will attract attention today along with the latest twists and turns in trade tensions between the and and despite these big macro stories we are seeing significant differences in single name stock moves,4 +2019-05-01,watch the dow stream live as may could start off in the green with gains fueled by apple and mondelez apple shares are up more than 4 percent after its earnings and revenue for the previous quarter beat expectations,1 +2019-05-01,portfolio summary to april end holdings algn amzn baba bzun docu fb ftch googl hdb huya iq lyft meli nflx now pypl shop sq tme wb tcehy 1833 in hk portfolio performance equals positive 33.65 percent ytd vs positive 17.51 percent for spx no hedges in place contd,1 +2019-05-06,some of the key leaders in the market currently include amzn cybr lulu msft now panw payc pcty pypl shop and ttd to name a few,4 +2019-05-10,stocks opened lower went down some more now up for the day crazy stuff trend remains down full hedges and caution in play for the moment in my trading we will see how this all sorts out enjoy watching the movie of the market unfold and enjoy the ride and the weekend,3 +2019-05-17,as much as it sucks it’s not uncommon for tech stocks to go through large price changes take nvidia for example or activision and yes tesla nvda atvi tsla,1 +2019-05-29,market indexes are short term oversold we will probably get a bounce off the 200 day lines on the nasdaq and the SP500 500 but we are not out of the woods volatility is likely to remain elevated in the near term,2 +2019-05-10,the indexes have rallied nicely but its been challenging to capture alpha in individual breakout names i think we need to see the russell 2000 and nyse composite get above their may highs and then we could see breakouts working with better follow through and progress,3 +2019-05-13,dow stocks have shed dollars 57.3 billion in market cap combined the biggest losers apple dollars 6.6 billion to microsoft dollars 3.9 billion boeing dollars .2 billion,1 +2019-05-24,qqq almost filled gap and faded spy almost filled gap and faded most highs of the day were in the first 15 minutes that usually happens in a weak environment,2 +2019-05-24,my books with backtested signals 5 moving average signals that beat buy and hold backtested stock market signals on spy steve burns trading tech booms and busts backtested qqq moving average systems steve burns 50 moving average signals that beat buy and hold steve burns,1 +2019-05-07,the faang stocks recently added microsoft leading some to call it faangm and some calling it fang 6 i propose a new acronym for these six facebook apple google microsoft amazon netflix fagman,3 +2019-05-31,good morning spx futures 22 as the trade war takes on another dimension if you simplify it two important today spx 2766 and qqq dollars 74.35 do we get and stay below or not,4 +2019-05-26,interestingly on friday tsla hit its 100 month moving average roughly the same place that amzn hit before beginning its eight year climb from 35 to 2000 perhaps the hfts and algorithms that dominate trading these days will take note we shall see,4 +2019-05-27,an observation after being away for a few days folks should stop chatting fang and make up an acronym for list might not be complete team wday roku shop twlo pypl msft,1 +2019-05-05,things closed well friday so many charts looked great i have more long exposure then i’ve had in a while amzn twtr nflx fb aapl i’ll have to figure out if i can add or just salvage it either way it happens and all i can do is use my process in the morning,2 +2019-05-06,here are some dominant businesses mcd yum nke hd low dis msft adbe v ma xom amzn nflx googl fdx dpz unp cni wmt mo pm jnj pep blk pull up their charts and youll see that buy and hold on all these companies since their ipos has beaten spx by wide margin,1 +2019-06-24,kt corp has good value current pe 9.87 very low long term debt eps at 10 percent of the price and book value dollars 4.15 twice stock price aapl amzn cmcsa fb goog intc msft nflx nvda s t tmus tsla vz wmt xom,3 +2019-06-03,tech stocks taking a hit today our fb puts 170 now up positive 188 percent if you trade options sign up to day trades group alerts qqq spy,1 +2019-06-18,a message from the big picture leader about aapl and the spy i have been a key leader in this beyond anyone else in the markets in great fear time and time again since feb 11 2016 with options plans to help people succeed i am a manager leader mentor to the few smart serious,5 +2019-06-05,2 best day for the in 2019 thanks to the accommodation if slow us big recovers fox news team coverage spy dji ndq aapl nflx goog mfst amzn,5 +2019-06-20,record highs for SP500 on track 4 best since 1955 prices spiked on shooting down us lifting oil meantime highest in 6 year s yield lowest in 3 year s and rallying on hopes of cut spy dji ndq cl1 work go,1 +2019-06-11,fyi nyse spy dia qqq etc hitting upper bands today gartman covered shorts yesterday would be nice to see a higher low develop,2 +2019-06-10,many dms asking whats next for market see my pinned tweet 📌 imo 2875 to 84 still stands as area to break 👇 i am not talking about upside towards 2911 to 14.5 as we are still below my 🗝️ 2899 conclusion i can still smell tiny bears in the woods 🐨 spx djia nqf,2 +2019-06-26,interesting action today in spy and in key stocks i am looking at that i like i will explain in tonight live stream tonight 10 pm eastern standard time canada on my youtube channel link is here subscribe to my channel spy aapl ba cost study,4 +2019-06-18,2 day winning streak for on hopes of us deal confirming long meeting with president xi at in meantime expected to cut were 1 percent from records spy dji ndq aapl ba mmm fb gs t,1 +2019-06-16,the early week my comments are applicable to the market pre fomc the single most important concept we deal with is excess there is access above 2900 with no nearby excess on the downside see graphic attached for details spy,4 +2019-06-07,best week 4 in 2019 and best since despite a weak may close 2 record levels owing 2 hope will cut that as talks to avoid continue in dc leading off spy dji ndq,5 +2019-06-12,spwh sportsmanswarehouseholdingsinc this is a buy this price is likely to go up sell qqq to hedge,1 +2019-06-18,rvp retractabletechnologiesinc our signal is green this price is likely to go up sell qqq to hedge,1 +2019-06-21,lpsn livepersoninc profitable trade spotted this price will generate some alpha sell qqq to hedge,5 +2019-06-04,egle eaglebulkshippinginc we are bullish this price will unlikely go down short some spy to hedge,1 +2019-06-28,happy friday yall dollars 90 lazily trading today while watching more dota2 games nvda ea wba uri ntnx ba mtch tsla amd fb bac low,5 +2019-06-07,all 3 major u s indices closed up more than 1 percent today ending what was their best week of 2019 so far the dow closed 1.02 percent higher led by gains in microsoft and apple and the nasdaq closed 1.66 percent higher,1 +2019-06-13,who will win the battle of the chips weighs in smh soxx avgo nvda xlnx intc amd vz tmus aapl,5 +2019-06-20,yesterday nail tsla and nflx cover dead bottom both stocks rip after feel like a boss today nail tsla again with sick precision cover at the exact same exit signal as yesterday this time stock drops another 5 fucking points i swear the market graduated from cunt academy,1 +2019-06-17,spx weekly 13 moving average and bc and macd and stochs all actually looking a lot more like early 2018 cyan rectangle than late 2018 lower bb rising sharply is main cause for this bounce however flat stochs and macd and 13 moving average and bc gap narrowing are warning signs ⚠️ spy,2 +2019-06-27,spx daily not sure why i said “sirloin” must have been hungry 😂 13 moving average is still holding 10 moving average now holding too another pop up could be coming if stochs can reverse back up 80 for double peak chart still bullish don’t fight it yet es,1 +2019-06-25,daily compq top vbp supply zone did end up holding as resistance stochs has crossed over but so far this is just a 13 moving average pullback support test if the 13 moving average fails then a deeper retreat back under orange vbp line can occur no confirmation yet ndx nq,4 +2019-06-11,spx weekly after bouncing off the low just below my 2761.08 target weekly now forming shooting star on weekly looking very similar to early 2018 chart indicating a 13 moving average and bc bearish cross is coming in next 2 to 3 weeks macd crossed bearish too spy,1 +2019-06-12,daily compq still hovering watch 13 moving average like a hawk if fails to cross 50 moving average soon markets will be in serious trouble notice lower bb starting to curl down could be a major warning ⚠️ signal of a quick revisit back down still needs to confirm less than 50 moving average ndx nq,3 +2019-06-01,aapl after its recent pullback is apples aapl stock a good buy at this price via,5 +2019-06-07,boom 🎯 and she bleeds 10 point spx 97 points for mrs jones djia 💃 what did i tell u about 🗝 2884 we hit it to the point before dropping to 2874 maybe 2899 will trade next 🤷‍♂️ in august i will show some of u how 😏 the spy king 🤴,1 +2019-06-30,based on what i will discuss in as market maker mischief 😈 til and establish themselves members of my crew will update u i give u this magic 7900 to 29 🗝️ 2977 👃 2984 2999 3023 to 33 3050 3111 3333 👃 spx dji 🔖,1 +2019-06-12,🇺🇸in the previous 5 fed cut cycles 2 of them led to bull markets 1995 and 1998 and 3 to bear markets 1989 2001 and 2007 in my mind the difference is if there was an earnings recession or not currently my leading eps indicator clearly signals earnings recession,3 +2019-06-12,tech stocks qqq got some correction so far but would be cautious getting bearish just yet even if this dips further theres still a setup here to re test or break the aths to any dip to 178 to 79 would form the right shoulder of a large inverse head and shoulders base,3 +2019-06-26,keep the same template for each chart you analyze i always open my charts with candlestick weekly scale 5 year data and 200 day 40 week average plotted price action above the long term average i put my bullish hat on price action below the long term average bearish hat on,1 +2019-06-07,spy up 4 days in a row for the first time in 2 months since 2014 it has closed higher again with in the next 8 days in instances by avg 1.3 percent r and r pos the 3 ‘losers highlighted in charts it just took them a bit longer,1 +2019-06-07,with a three day bounce in the stock market new highs on the SP500 500 surged to 93 which is 18.6 percent of the index and the highest level since january 2018 this does not usually happen in bear markets spx spy,1 +2019-06-03,psei closes above 8000 for first time in a month index up 1.44 percent 115 points at 8084 boosted by property stocks among the days big winners ali positive 6 percent smph positive 1.1 percent meg positive 3.1 percent rlc positive 4.2 percent philstocks financial says property banks to benefit from rrr cuts rate cut,1 +2019-06-01,rt stockfamily amd intc 🔥free stock with sign up 🔥 aapl dis spy,5 +2019-06-14,the superior art of multi million penny trades repeat themselves sykes would like that phrase but he lost his pennies in sand short 2899 and long 2884 fruitful again 🍇 a potential 22 points both 🗝️🗝️ provided by the spy king b4 other furu check 🤷‍♂️ spx,1 +2019-06-20,boom 🎯💥 target acquired addendum shared for free at 2918 now hit my first target 2949 in 24 hrs a riveting 30 point spx 289 point orgasm for mrs jones djia 💦 hope u enjoyed riding 🐐 as much as she did ❤ and rt if u did i wont tell 😷 spx dji nqf,5 +2019-06-10,we have had many wining plans since i was not bearish on may 31 while many were bearish the spy great gains form amd aapl wmt cci it about skill that so many lack was your service wrong again the big picture compared to my report a great wining week and a great start today,5 +2019-06-21,good morning another profitable week in the books current swings with entry price and size zs dollars 4.75 8 percent smar dollars 7.50 full 5 percent team dollars 31.50 run dollars 6.90 6 percent aapl dollars 00 full hope youre all having a relaxed friday have a great weekend 🙋‍♂️,5 +2019-06-15,you can make serious in stocks no one knows how 2 hort a stock you just know is up too much how 2 use anchored vwap 2 moving average ke a quality trade in fb how to short an overbought mkt and more weekend learning lessons for traders from the prop desk,5 +2019-06-29,mon opec pmi and mfg data wed pmi and svcs thurs us mkt closed fri jobs report powell and congress powell and congress c fb hearing jpm to 17 amzn fb hearing nflx eric isrg unh cmg irbt ba goog intc nok,1 +2019-06-09,msft microsoft monday was certainly a bring you to the edge of the cliff on some of these charts this is a good example and then they rip it back the other way major feobeo action out there,3 +2019-06-04,es needs to close above 2789 to be a valid bottom reversal amzn googl much better than open but giant red candle from ystd still big concern for short term so be extra cautious on bounce,3 +2019-06-30,semi setup great now the question is how fast and furious the run up will be nvda qcom mu already up a lot from bottom but nvda still much room up there all about earning and guidance for long term if great back to 221,4 +2019-06-04,time to take a look at market leaders given the bumps we’ve had lately semiconductors have taken a hit but faang stocks in bright blue remain in the lead,4 +2019-06-18,remember what i said 10 days ago fb aapl googl ba msft nflx all did tsla amzn very close baba nvda qcom not yet back to may 16 level is big picture,1 +2019-06-09,keep in mind these may 16 levels fb 189 aapl 190 amzn 1918 nflx 364 done googl 1194 nvda 162 qcom 85 tsla 231 ba 354 done baba 178 msft 129 done,5 +2019-06-28,portfolio summary to june end algn amzn baba bzun crm docu edu fb googl hdb huya lyft meli nflx now pins pypl se sq tal tlt tmf tcehy wcagy dollars 833 hk portfolio positive 29.16 percent ytd vs positive 14.88 percent acwi positive 20.66 percent compq positive 17.35 percent spx contd,1 +2019-06-10,where is money flowing today amzn baba tsm intc bidu jd wfc bac khc nvo lvs cvs fdx dvn lyb,1 +2019-06-24,key table everything you need to know about dow 30 and 8 spy components to earnings estimates and revisions and how to interpret it rt if helpful to you brk b bac t cvx wfc ma pep c dia spy mrk dis wmt wba v vz utx unh trv pg ko,5 +2019-06-18,where is money flowing today alxn incy nktr gild ba aapl cat de intc avgo txn nvda eog wdc amat bac qcom,1 +2019-06-07,very interesting action in nvda this week macd making a bullish crossover first crossover since the bearish macd crossover back in mid april targeting a run up to about dollars 55 to dollars 60 area,4 +2019-06-03,at midday on wall st its a split mkt big techs crushed by possible us antitrust probes of facebook and google parent alphabet but most non tech sectors are higher nasdaq negative 1.3 percent but avg nyse stock is positive 0.2 percent SP500 500 to 0.4 percent dow negative 0.2 percent,2 +2019-06-25,key table everything you need to know about the nasdaq top 30 weights qqq components to earnings estimates and revisions and what it means for the market msft amzn aapl googl fb intc csco cmcsa pep nflx amgn adbe avgo pypl cost nvda txn,5 +2019-06-07,so far so good three index es nq ym all lower low on monthly then pulling up big all three now seen bullish engulfing on weekly likely first moving higher then premium killing into earnings spx comp indu,4 +2019-06-29,top confirmed for july nflx ba f unh intc t clf bac pep googl aemd dal jpm c smpl hal wfc irbt ayi jnj mmm bbby year d nok isca cat cmg isrg ko ma levi bmy slb infy omn gs csx pgr ups eric abt aa cnc,5 +2019-06-18,aapl just hit 200 today once again what is new the big picture leader just correct once again with many wining aapl plans leading us to 7 wining options plans this year alone in aapl out of 8 plans poor bearish stock clowns still wrong since 140 level no skill no skill,1 +2019-06-26,major indexes close mixed as investors eye trade meeting between pres trump and pres xi at the end of the week dow negative 0.04 percent nasdaq positive 0.32 percent SP500 500 to 0.12 percent,1 +2019-06-28,spx futures positive 8 as upper ranges tighten up before the g 20 finishes we have end of quarter the russell rebalance banks up aapl down the world wants everything for free i might as well not wake up 5 each day😉,4 +2019-06-02,just emailed latest friends and family letter tariff meltdown juicy charts enjoy spy qqq iwm intc fcx lvs eem fxi,1 +2019-06-05,major indexes close higher as optimism mexican tariffs will be avoided and hopes for a rate cut overshadow weak private sector job growth in may dow positive 0.82 percent nasdaq positive 0.64 percent SP500 500 positive 0.82 percent,1 +2019-06-03,view todays from here discussed spy iwm dia qqq eem gld uso uup spx tlt vix epi eza rsx eis jnk xlu xlc xlk xlre googl hum cy amzn fb msft kl nem gold pypl ma v sq hdb acgl,1 +2019-06-14,us stocks slipped at the open on friday but remained on track to end the week ahead the dow opened 0.2 percent or 50 points lower the SP500 500 opened 0.2 percent down the nasdaq composite kicked off 0.5 percent lower watch live,1 +2019-06-01,a beautiful 50 handles gap down will completely destroy the long term spx structure even if the indices subsequently rally in short term horrific news flow just never stops china hits fedex doj hits googl a new trade war front with india china prepares to fire back on sun,1 +2019-06-12,amzn still leader of tech googl nflx both avoid at this point due to anti trust or bad technical shape fb aapl both stronger than expected on upgrades and news semi run not over yet nvda klac lrcx amd all have room tsla run just the beginning for long term musk got it,1 +2019-06-20,every time es opens super high theres a big fade back to 5 moving average on hourly chart for spx spx hourly 5 moving average at 2939 at this hour and will be 2941 next hour,1 +2019-06-28,a number of my short term indicators triggered sell signals yesterday these are fairly high fidelity im expecting a sell off sometime in the next week and a lot of the high momo tech names looking toppy and heavy shop msft and semis at upper bb smh keep yo head on a swivel spy,2 +2019-06-03,crickets from the dollars 00 buyers of f the dollars 14 buyers of aapl the spy buyers at dollars 91 a breakout twtr at dollars 1 etc to same old same old lessons learned,1 +2019-06-10,SP500 500 spy had its best week of year after signaled rate cuts xlk rebounded and materials xlb had their biggest rally of the decade new bynd ripped on debut results,2 +2019-06-30,if tech names start to run this week amzn fb nflx could see serious firework nflx seen so many failed attempt at 366 but now round curve bottom 371 384 both key resistance above,1 +2019-06-06,us stocks finished thursday’s session higher with the dow looking at its fourth day of gains in a row the dow finished 0.7 percent or 181 points higher the SP500 500 closed 0.6 percent up the nasdaq composite closed 0.5 percent higher,1 +2019-06-27,es nq daily chart both looks like a lower low first but 4 days new candle is promising with 5 moving average sharply upwards so if we see lower low on thursday could be good for mkt,3 +2019-06-20,us stocks opened higher on thursday after the fed signaled two potential rate cuts this year at yesterdays meeting the dow opened 0.9 percent or 225 points higher the SP500 500 opened 1 percent up the nasdaq composite started the day 1.3 percent higher watch live,1 +2019-06-18,us stocks rallied into the close tuesday buoyed by hopes for a resolution of the us china trade spat the dow closed 1.4 percent or 353 points higher the SP500 500 closed 1 percent higher the nasdaq composite finished up 1.4 percent,1 +2019-06-09,es back to roughly may 16 level so use may 16 level as key reference for all names to especially tech names lots of room to run after this giant bullish engulfing on weekly for index and the same for individual stocks if mkt moves again,2 +2019-06-11,the stock market is lacking leadership as big tech names like fb aapl and googl struggle but now there’s a dovish is that enough for a breakout listen for more,2 +2019-06-01,portfolio summary to may end algn amzn baba bzun crm docu edu fb googl hdb huya lyft meli nflx now pins pypl sq tal tcehy wcagy portfolio positive 19.40 percent ytd vs positive 9.24 percent acwi positive 12.33 percent compq positive 9.78 percent spx china exp is hedged contd,1 +2019-06-05,i love these stories as much as the next person but you cant trade on them in real time joe theismann was on tv picking stocks in 2013 qqq positive 143 percent since spy positive 90 percent,4 +2019-06-14,amzn premium killing four days in a row lower low today if it runs gonna be bullish engulfing on daily chart if it does not run may breach 50 moving average and go way lower for consolidation into next week very high risk if you play it,1 +2019-06-13,googl faded almost 10 points from high this morning amzn faded 18 points nflx way worse only one that holds ok is fb to but keep in mind its an inside candle today for fb following a giant red candle,2 +2019-06-17,fairly muted premarket action in spx futures after overnight rally failed to hold once again momentum is reversing and vix is up 7 percent this is going to be an interesting week key level to watch to the downside is 2875 once broken we expect a large gap lower to 2820 spy,2 +2019-06-03,faang drop not over with such giant red candle gave key levels in blog already past few days googl leading this drop semi relatively better but amd huge reversal back down from 8 percent green this am so be careful with semi,2 +2019-06-10,in jan 2001 the fed announced a surprise cut that sent the nasdaq up 14 percent in a single day which remains the index’s largest move since its creation in 1971 folllowing that day the nasdaq would fall 57 percent before hitting bottom via,1 +2019-06-28,very choppy conditions which remain best for the quick trader under the triple top pattern in the SP500 500 still a few strong trades to be had this week as my chat moderator cm noted the the semiconductor stocks like amd in my chat room,3 +2019-06-02,googl huge head and shoulders break down amzn huge falling wedge break down meaning turns into parabolic downtrend move nflx 5 moving average dead cross 10 moving average on weekly aapl fb both free fall what a “fanng” into june after sell in may,1 +2019-06-03,faangs off the highs baidu bidu negative 62 percent tesla tsla negative 54 percent twitter twtr negative 54 percent nvidia nvda negative 54 percent alibaba baba negative 30 percent facebook fb negative 26 percent apple aapl negative 27 percent google googl negative 20 percent netflix nflx negative 20 percent amazon amzn negative 17 percent via nyfang index components drawdowns bloomberg data,1 +2019-06-03,todays returns fb negative 8 percent aapl negative 1 percent amzn negative 5 percent nflx negative 1 percent googl negative 7 percent msft negative 3 percent twtr negative 5 percent tsla negative 3 percent qqq negative 2 percent small caps iwm positive 0.6 percent emerging markets eem positive 1.2 percent brazil ewz positive 1 percent russia rsx positive 1.7 percent india inda positive 1 percent china ashr positive 1.2 percent japan ewj positive 0.6 percent europe vgk positive 0.8 percent,1 +2019-06-19,opened long qqq with a stop under recent low of 169 a few tech singles on my screen but will see how markets trade tomorrow,4 +2019-06-29,many tech names in longer term uptrends hit their most oversold readings in the last 3 to 6 months this week amd shop roku are names that i added will see how the next few weeks play out qqq,2 +2019-06-03,facebook was down 7.5 percent today amazon was down 4.5 percent alphabet was down 6 percent but despite all that carnage the SP500 500 ended the day only down 0.25 percent that’s a massive win for indexers everywhere,1 +2019-06-04,one week ago the 52 week highs scans were mostly utilities and reits pretty much with todays big ramp up many new names and sectors sprouting to new 52 week highs,2 +2019-06-15,if youre pressed for time to scan for stocks one thing that i do that ive found very effective for finding winners is if a certain market etf such as iwm qqq spy soxl etc looks like its about to break up down just scan the top 3 holdings of each etf fast and effective,4 +2019-06-04,i am off the desk for a few days but there were far fewer new lows on both naz and nyse yesterday and breadth was almost my column from monday morning,3 +2019-06-05,sloppy lookin bounces in iwm and qqq in my experience sloppy bounces like these tend to roll over shortly afterwards retest of mondays lows wouldnt surprise me for qqq and iwm,2 +2019-07-18,price over various periods fb amzn nflx googl,3 +2019-07-17,actual book on kt corporation far exceeds the low price it is currently trading at aapl amzn ba cmcsa fb goog intc msft nflx nvda s t tmus tsla vz wmt xom,5 +2019-07-05,watch us report live from the floor of the nyse this weeks weekly wrap up includes kpti usna omn tsla bynd lyft uber amzn googl fb nflx,5 +2019-07-10,macquarie group ltd has raised its position in kt corp by dollars .90 million aapl amzn ba cmcsa fb goog intc msft nflx nvda s t tmus tsla vz,1 +2019-07-08,own cheatsheet and charts on hot tech names as starting selected shorts amzn aapl msft goog nflx fb qqq sqqq,1 +2019-07-05,watch us report live from the floor of the nyse this weeks weekly wrap up includes kpti usna omn tsla bynd lyft uber amzn googl fb nflx,5 +2019-07-26,watch us report live from the floor of the nyse this weeks weekly wrap up includes goog amzn tsla sbux snap twtr googl bynd,5 +2019-07-05,watch us report live from the floor of the nyse this weeks weekly wrap up includes kpti usna omn tsla bynd lyft uber amzn googl fb nflx,5 +2019-07-26,watch us report live from the floor of the nyse this weeks weekly wrap up includes goog amzn tsla sbux snap twtr googl bynd,5 +2019-07-17,are faang stocks all that matter when it comes to earnings season preview second quarter tech earnings and discuss if big tech can continue to propel the rally in u s equities watch here,1 +2019-07-04,tesla delivers its best quarter yet beating its previous fourth quarter 2018 production and delivery records this comes as a relief to investors after tesla’s first quarter resulted in losses of dollars 02 million and its stock price reached its lowest in 2 years tsla,5 +2019-07-03,pretty productive half day in the markets today dollars 60 lots of clean set ups and tight stop losses happy 4 of july everybody spy tsla k panw gild gis cvs twtr roku fb hd,4 +2019-07-13,2 days in a row we weren’t sure we would have a thx 2 live events but had full hours both days record still leads approaches and r listening spy dji ndq googl aapl v,1 +2019-07-01,truce rallies close 4 SP500500 6 of 2019 and led gains tear gas hitting marking 22 year of back 2 capped gains covered spy dji ndq appl avago qcom intc,1 +2019-07-03,2994 🗝 hit heavy short position added 👁 one more to add if 3003 hits and the spy king will be all in 🎲 spx ♠️ djia ♥️ nqf ♣️ ♦️,1 +2019-07-28,always busy 3 pm countdown 2 record approval 4 merger back 2 punching and better second quarter 2 put off and intervention tmus s goog aapl ba tsla spy dji,1 +2019-07-15,breaking all 3 major u s indices eked out a record close today but investors remained cautious heading into the corporate earnings season which is expected to be bleak the nasdaq rose 0.17 percent and the dow popped 0.1 percent the SP500 closed flat,1 +2019-07-08,veru veruinc we are bullish this price is likely to go up sell qqq to hedge,1 +2019-07-15,eyen eyenoviainc this is a buy this price will unlikely go down short some spy to hedge,5 +2019-07-26,breaking the SP500 500 and nasdaq closed at record highs today after tech giants including alphabet and intel posted strong earnings the dow popped 0.19 percent the SP500 rose 0.74 percent and the nasdaq jumped 1.11 percent,1 +2019-07-30,apple taking off after hours following its earnings report and is going off the charts for a few under the radar ways to play the surge aapl adi mu,1 +2019-07-03,bollinger bands spx 1.01 very overbought vix bb .14 most oversold in 5 years vix and spx combo overbought and oversold should result in major intestinal relief soon my little contrarian bones are getting giddy but for different reasons than some 😃,2 +2019-07-30,aapl up 4.5 percent after hours thanks to gross margin and earnings are not growing but bought back dollars 7 billion n of stock last quarter alone eps excluding the share reduction the past year is 𝟮.𝟬𝟰 not 2.18 and “beating” the 2.10 est qqq ndx nqf spy spx esf,1 +2019-07-11,forget faang watch wmt amzn tgt cost hd catch full show here,1 +2019-07-31,spx weekly weekly purple tl resistance is definitely no joke that sucker is a brick wall stopped there almost perfectly yellow vbp tl held as support at the intraday low today which is also close to 13 moving average weekly forming tight wedge here spy,1 +2019-07-11,spx daily no followup confirmation today on yesterday’s star todays green hammer indicating still more bullish activity ahead macd not crossing yet looks like spx will keep chasing upper bb for now no bearish confirmations yet es spy,1 +2019-07-03,spx macro appears to be attempting one more backtest of the purple tl macd and stochs and both bb all curling up for this rally 50 moving average held as bounce test support 13 moving average never crossed bc will take time to play out no bearish signals at moment spy,1 +2019-07-17,spx macro bearish backtest of purple tl now in play fwiw stochs starting to peak out macd flattening out take with a huge grain of salt since it’s middle of the week bearish engulfing would be a bearish confirmation 🤔🧐 added vbp spy,2 +2019-07-04,tech stocks qqq are celebrating july 4 by making a new all time high but major decision point ahead when volumes return tech is coming into resistance of a year long rising wedge at 193 to 195 good zone to short but if this pattern breaks up a large new rally leg is ahead,3 +2019-07-15,spx daily stochs starting to lose momentum but macd still has a bit to go will take 4 to 5 days for 13 moving average to play catch up before a test will happen expect hang time here until w2 starts down to 50 moving average extended w1 indicates .25 may be coming es spy,3 +2019-07-31,spx daily stochs about to break magenta tl support after swiftly reversing i cannot believe didn’t see this before but spx now clearly beginning to form massive macro 5 wave finale w4 abc looks like its starting today could be another ugly oct es spy,1 +2019-07-31,which way wednesday – expected fed cut keeps us above SP500 3000 for now aapl is up 3.5 percent pre market,3 +2019-07-08,6 to sum up tech sector valuation is at a huge premium to the mkt and the highest valuation cohort is at the highest valuation premium ever while the economy is teetering for the brave short opportunities are widespread shop mktx twlo mdb nflx coup veev twlo mstr okta,5 +2019-07-26,on average spy and dia trade 4 times more than aapl googl and amzn combined bloomberg finance l p as of spy dia,1 +2019-07-01,china names on tomorrows watchlist aapl amd bzun tal favorites aapl and amd setup and notes in chart likely that theyll gap up big tomorrow if i see good volume in first 15 mins ill likely buy the gap up and place a stop 3 percent below entry,4 +2019-07-25,yesterday spx ndx compq spxew qqew rua wlsh nyse and the a and d for nyse and spx made new aths we’re in the heart of the buyback blackout period,5 +2019-07-17,the top 5 stocks in the nasdaq make up 40 percent of the index and of those top 5 only microsoft has made a clear new high the rest are only just retesting previous highs now just think about that for a second,5 +2019-07-04,have a great july 4 some good counter trend opps likely getting close when volume returns monday indices still likely have a little more upside but spx is nearing resistance of the megaphone pattern from early 2018 many posted and qqq nearing resistance of a large wedge,3 +2019-07-07,tues powell wed powell fed minutes thurs powell c to 16 amzn primedays fb hearing jpm gs fb hearing nflx bac eric isrg unh msft cmg irbt ba fb goog nok intc aapl qcom,1 +2019-07-29,mon bynd tues aapl amd lscc zen wed fed mtg qcom lrcx amrn amt twlo ayx to us and china trade mtg thurs pmi and ism mfg sq shop etsy pins oled tndm ftnt fri jobs klac swks avlr ttd ustr list of eu tariffs csco nvda,1 +2019-07-22,i think it would helps stocks since jun 09 end of the gfc earnings have grown 203 percent spx by 232 percent there has been little multiple expansion in the last 10 years the forward pe ratio is slightly elevated but nothing unusual bottom nothing out of line here no bubble,3 +2019-07-24,nasdaq closed at a fresh all time high shrugging off tech regulatory headwinds like doj investigation fb ftc settlement etc but earnings are certainly coming in strong and this is really driving the narrative right now facebook second quarter revenue beats highest estimate,5 +2019-07-28,this week will start with bynd have a lil and aapl in the middle and end with and mdr aks ma pg siri pfe amd ea grub gild grpn ge spot qcom twlo lrcx shop vz apha gm yeti w sq etsy x xom cvx stx nwl,5 +2019-07-10,the SP500 500 jumped above 3000 for the first time nearly 5 years after the index hit 2000 these are the stocks that powered the historic rally abmd nvda amd amzn,5 +2019-07-03,dow got to 27000 for the first time in history today could be the first time ever dow hit 27 thousand SP500 hit 3 thousand nasdaq hit 8 thousand all in the same day oh and for nike is up over 1.3 percent so far today,1 +2019-07-18,after the close msft isrg skx chwy etfc crwd cof mvis ozk wal recn mrtn expo bedu indb ffbc tigo pbct gbci and before open tomorrow clf axp slb blk ksu syf stt rf gntx cfg man ibkc blx alv nvr sxt acu,4 +2019-07-20,some implied moves for next week v 3.1 percent irbt 11.5 percent ba 4.0 percent antm 3.9 percent fb 6.6 percent tsla 8.3 percent pypl 5.4 percent algn 9.3 percent now 7.0 percent xlnx 7.9 percent pypl 5.4 percent mmm 4.4 percent googl 4.6 percent amzn 4.5 percent intc 5.2 percent team 9.1 percent twtr 10.5 percent abbv 3.8 percent snap 13.1 percent lmt 3.0 percent sbux 4.2 percent,3 +2019-07-04,amzn on with both a cup and handle and inverse head and shoulders worth reviewing on this most american day both measure to crazy targets higher,4 +2019-07-05,yup we got snark when we said on jan 10 that ‘2019 would look a lot like 2009’ consensus bearish due to eps recession we got more flack when we raise SP500 500 to 3215 by ye was 2917 now 3000 3125 only 5 percent fed cut coming ism set to turn up in 2 hour,1 +2019-07-24,biggest themes amzn msft aapl fb big boys baba china dis movies and media nvda semis nke apparel ma v credit cards ko mcd staples hd home improvement lmt aerospace and defense,5 +2019-07-18,today’s need to know with ⓵ nflx earnings pull down tech stocks ⓶ debt ceiling ⓷ u k parliament iran and china talks in focus,1 +2019-07-25,earnings reaction— amazon down 1.8 percent after weaker than expected earnings alphabet up on 7 percent on earnings beat starbucks up 5 percent on strong sales intel up 5 percent on earnings apple deal,1 +2019-07-30,after the close amd aapl ea gild enph amgn grpn feye zen akam payc kl lscc beat twou moh mdlz all byd yumc oke cohr chrw cinf tenb vcyt psa fmc denn mxim ncr ttoo cacc bgfv ha exr mrcy imax mx nuva,2 +2019-07-31,major indexes open higher after big earnings beat from aapl expectations for a rate cut today,2 +2019-07-30,aapl will probably react more to 4 q guidance than results estimates are for negative growth but data checks appear to be turning higher,3 +2019-07-19,major indexes open higher as earnings season continues msft hits all time high after reporting better than expected earnings on thursday,5 +2019-07-24,major indexes close mixed with the dow dropping nasdaq and SP500 carving out new record high closes dow negative 0.29 percent ba negative 3.15 percent and cat negative 4.50 percent dragging on the blue chip index nasdaq positive 0.85 percent at new record of 8321.50 SP500 500 positive 0.47 percent at new record of 3019.56,1 +2019-07-14,both the nyse and nasdaq have over 3000 issues naz has over 1000 stocks with market cap less than dollars 00 million while nyse has just over 100 lots of microcaps in naz better off with breadth data that reflects components of spx mid and sml new post,1 +2019-07-08,major indexes close lower as investors eye week of info from fed powell testifies in congress wed and thu june minutes release wed sharp rate cut in july looking less likely after strong june jobs report dow negative 0.43 percent nasdaq negative 0.78 percent SP500 500 to 0.48 percent,1 +2019-07-11,technology companies and banks push stocks higher on wall street the dow jones industrial average moved above 27000 for the first time a day after the SP500 500 made its first move above 3000,1 +2019-07-13,for the week nflx msft c jpm bac unh jnj mfc dpz gs clf pixy pgr schw abt cp csx ual ebay eric pld isrg jbht ibm bx snv axp pnc slb aa frc hon kmi ms bk ally pm uri usb fhn unp txt cbsh skx ctas,4 +2019-07-20,for the week fb amzn tsla ba t snap pixy hal twtr ko f v lmt googl intc cat pypl biib utx irbt xlnx ups abbv cnc nok cmg mmm rpm sbux jblu bmy gnc mcd cdns cade now amtd has hog antm wm cmcsa fcx,4 +2019-07-26,because how a stock closes on earnings will tell us a lot about future directionsupply versus demand we dont to see a stock gap up big only to give it all backlike mmm yesterday want to see a stock close near highslike snap 2 days ago,2 +2019-07-25,us stocks opened lower on thursday at the height of the earnings season the dow opened down 0.1 percent or 13 points the SP500 500 kicked of 0.1 percent lower the nasdaq composite opened 0.4 percent lower watch live,1 +2019-07-23,us stocks opened higher on tuesday amid a flurry of corporate earnings the dow opened 0.3 percent or 90 points higher the SP500 500 kicked off 0.4 percent higher the nasdaq composite opened up 0.5 percent watch live,1 +2019-07-16,major indexes close lower on china trade uncertainty dow bolstered by goldman sachs dow negative 0.09 percent nasdaq negative 0.43 percent SP500 500 to 0.34 percent jpm positive 1.06 percent gs positive 1.87 percent wfc negative 3.06 percent,1 +2019-07-10,major indexes close higher after fed chair signaled rate cut will happen at end of month nasdaq new record close at 8202.53 SP500 closes near all time record after surpassing 3000 for the first time earlier in session dow positive 0.29 percent nasdaq positive 0.75 percent SP500 500 positive 0.45 percent,1 +2019-07-25,after the close amzn intc googl sbux team mgm expe alk cy mat sam afl boom colm pfpt syk jnpr auy rrc sivb ehth fisv deck rmd vlrs vrsn mhk bjri uhs snbr tge ftv flex lpla emn omcl ospn pfg cube iex,1 +2019-07-29,above 3037 to 3042 there is small chance bulls can win unlikely but possible this will depend on reaction to the fed imo however all other elements lead to sell cometh i mentioned august before all i mentioned 3023 to 33 before all very smelly 👃 spx ndx esf 🐙,1 +2019-07-22,earnings season is in full swing and the faangs are running other than netflix apple leading the way also tesla on tap this week going to be fun aapl nflx tsla,4 +2019-07-26,for amzn to only be down 1.5 percent after earnings as far as im concerned is actually more bullish than bearish even though it didnt gap up positive 10 percent like googl did i suspect the bulls will be back in this one next week in my opinion,2 +2019-07-25,us stocks ended lower on thursday as earnings misses dragged the major stock benchmarks lower the dow closed 0.5 percent or 129 points lower the SP500 500 also finished down 0.5 percent the nasdaq composite closed 1 percent lower,1 +2019-07-26,major indexes close higher after second quarter gdp beat expectations with the nasdaq SP500 notching out new records dow positive 0.19 percent nasdaq positive 1.11 percent at new record 8330.21 SP500 500 positive 0.74 percent at new record 3025.86,1 +2019-07-10,us stocks bounced higher at the open after fed chair jerome powell indicated a rate cut later this month the dow opened 0.3 percent or 81 points higher the SP500 500 climbed 0.4 percent at the open the nasdaq composite opened 0.5 percent higher watch live,1 +2019-07-11,us stocks opened higher on thursday shrugging off slightly better than expected consumer price inflation data the dow opened 0.4 percent or 102 points higher the SP500 500 kicked off 0.2 percent higher the nasdaq composite climbed 0.2 percent watch live,1 +2019-07-08,stocks started the week lower after friday’s jobs report overshadowed expectations of a fed rate cut later this month the dow opened 0.5 percent or 134 points lower the SP500 500 slipped 0.4 percent at the open the nasdaq composite kicked off 0.6 percent lower watch live,1 +2019-07-29,with 50 percent of spx market cap published 72 percent beat heavily downgraded estimates mostly due to higher buybacks yoy eps growth stands at 1.1 percent the lowest in five years,2 +2019-07-01,im running my screens will report my findings tomorrow during our live monday study session to the market appears to be building a large base if the fed cuts rates odds favor higher stock prices its a great time to join our winning team,5 +2019-07-29,wall street is pretty much in universal agreement about microsoft and amazon everyone is bullish despite headlines alphabet and facebook are widely held overweight as well apple remains the wild card among the five wall street still doesnt know what to make of the company,1 +2019-07-23,txn numbers tonight reflect a lot of whats going on in market low eps bars set by mgt and analysts share buybacks lowered tax rates one time gains and other financial engineering equals earnings beats to though net income and eps still down y and y with revenues sharply declining y and y,2 +2019-07-03,we destroyed fb nflx but missed googl though amzn weaker 1951 is key otherwise just premium killing,3 +2019-07-05,amzn googl both strong reversal today nflx fb not bad gonna be another interesting week next week have a great weekend all twitter friends,5 +2019-07-24,heading to studio talking muller markets and earnings as nasdaq just crushes to all time high lead by semiconductors yes the industry that was going to be hardest hit in the trade war,1 +2019-07-29,disney apple and tesla moving higher in a mixed market this morning continues to roar v10 upgrade adding netflix to your car apple reports earnings and has super low expectations a la tim cook so it wants to move higher just because aapl tsla dis,2 +2019-07-01,so we had a day when spx went up 0.77 percent to new ath but all thomass remain doubting because of volume breadth etc etc market remains its usual nasty and perverse self,3 +2019-07-13,market breakout is real and has legs melt up is next semis and miners poised for very big moves faang stocks and industrials also look good it will be a broad rally so most groups will move up but these stocks will be the stellar performers dont fight the fed and dont fight the tape,4 +2019-07-18,so sap bad tough bloomberg piece on honeywell down 65 yesterday netflix weak uri not so hot and ibm mixed could be better taiwan semi good,1 +2019-07-03,if you are interested in how i think and read the market read my daily blog thoughts on overall mkt and brief commentary on 8 names including faang tsla nvda baba with key levels offered and why those levels plus focus list for next day and charts on weekend great value,5 +2019-07-31,reading over the aapl q again to glean more why do the analysts never care about the watch or the airpods even though they couldnt live without them,1 +2019-07-31,good morning not everything is working this earnings season you have to be very selective and stick with the strong names snap aapl twtr or names that are showing relative strength iwm zs cybr please stick with whats working stay safe and happy trading 😀🙌,3 +2019-07-14,please retweet this if you think your community can benefit from my daily spx chart and actionable ideas at times aapl amzn fb twtr nflx roku sq ttd to name a few there’s strength in numbers and it’s more fun with to go thru life with friends around the world,3 +2019-07-24,trade machine members a quick tally of what i added to my alerts for the new pre e tm special msft wmt panw crm ilmn im ok with weak one year dis adsk amd cost pypl jpm fb lrcx mu sq xlnx,4 +2019-07-28,some implied moves for next week based on option pricing bynd 18.9 percent ma 3.3 percent aapl 4.3 percent gild 4.5 percent amrn 7.1 percent spot 7.1 percent cme 3.1 percent twlo 9.6 percent ayx 11.3 percent tdoc 10.2 percent shop 8.5 percent yeti 13.9 percent sq 7.0 percent etsy 12.3 percent grub 11.8 percent amd 10.1 percent ea 6.1 percent via,3 +2019-07-23,some strong earnings reactions in after hours snap second positive earnings reaction in a row txn semis continue to impress cmg should put it at new all time highs,3 +2019-07-11,spx and the dow are at new highs yayyyyy but lets look at mid and small caps the heart of us business not even close to new highs 🤔,3 +2019-08-02,watch us report live from the floor of the nyse this weeks weekly wrap up includes sq shop aapl amd bynd pins,5 +2019-08-30,watch us report live from the floor of the nyse this weeks weekly wrap up includes ntnx bby dg anf ulta tsla amzn alxn,5 +2019-08-16,if all of us complained to my daughter about stock market today this is what she would say spy djia qqq tvix wmt bynd cgc trul tgod twlo roku aapl,1 +2019-08-02,watch us report live from the floor of the nyse this weeks weekly wrap up includes sq shop aapl amd bynd pins,5 +2019-08-05,is the stock market crashing 4 mistakes to avoid with your money after the big drop,1 +2019-08-29,institutional money in generational long only portfolios never leaves the market it just shifts around within it it is a market of stocks not a stock market spy liquidity accumulator shows consistent selling while iwm is seeing consistent buying into the recent lows,2 +2019-08-07,msp algo options playbooks alert on tue 5 pm est chop and churn wed retest tue price range got chop and churn check msp algo options playbooks to purchase algo alerts know when to buy and sell options alerts scan spy,1 +2019-08-21,live stream tonight 0 pm est canada is my time zone aapl a great plan i posted on aug 15 check it out on my stream plus i talk about the spy roku hd fb amd twtr and answer questions for those that are serious for success follow me on twitter and subscribe to my youtube,5 +2019-08-07,finding some stable footing after worst day of 2019 theres value out there according 2 investors but things will get worse before they get better in spy dji ndq aapl mcd v nke was outside,3 +2019-08-13,stocks pop as the us delays tariffs on certain items like smartphones apparel and toys aapl wmt mat jump 2 percent to 4 percent and i have the details in,2 +2019-08-02,fang stocks were declawed this week but chart master carter worth and expect one to bounce back fb amzn nflx googl,3 +2019-08-20,stocks little changed as investors await hints from the fed on the path forward for borrowing costs home depot pops after earnings and apple tv is months away and i have your headlines on,3 +2019-08-22,intt intestcorp our signal is green this price is likely to go up sell qqq to hedge,1 +2019-08-30,crm our signal is green this price will rise hedge by selling spy,1 +2019-08-22,veru veruinc we go long this price will unlikely go down hedge by selling spy,1 +2019-08-21,svmk svmkinc we go long this price is likely to go up hedge by selling spy,3 +2019-08-21,upwk upworkinc profitable trade spotted this price will go up short some spy to hedge,1 +2019-08-13,gtt gttcommunicationsinc we are bullish this price will rise hedge by selling spy,1 +2019-08-21,watch this area today rejected here a few times in the past but bears have not been able to take control a break of this level likely leads to a sharp rally hard to be overly bullish below however spy esf,2 +2019-08-05,my nose is up there see pic 👇 hoping to breathe in a final whiff to 2890 👃 i must not fight the trend not always my final fight against mr spx locked in long if i am right small will be restored 💦 nqf djia,2 +2019-08-14,my top 10 are tsla nflx ba roku nvda twlo shop bynd amd baba 1 find 20 hv largecaps 2 remove the ones w shitty volume 3 remove the ones w shitty range 4 u shuld be left w about 10 names 5 for direction lcs are 80 percent spy 20 percent technicals pivots mas etc,5 +2019-08-08,stocks surged today and has three ways to play more upside pypl txn sap,5 +2019-08-09,that’s a wrap folks more excitement next week i had some option trades in a different account but here are my futures summaries ended up nicely thanks to the volatility long and short using mes and rty and es flat into the weekend except for some spy puts,4 +2019-08-19,es is over a point lower than the cash open congrats to cash buyers i sold dollars 5 vxx puts for dollars 43 bought vxx dollars 6 calls for friday dollars 93 short nq from earlier take a puke tuesday right around the corner,1 +2019-08-22,morning volatility makes use of a few setups from the playbook nailed spy short then long after stops trigger at key 294 level amzn options hedging for a quick loss vips 5 minute trend change cree day 2 continuation,3 +2019-08-10,the 4 largest companies in the us and world represent about 12 percent of the total market cap of us equities they just put in one ugly failed breakout and are now trapped beneath overhead supply at 2018 to 2019 highs msft aapl googl amzn not that one,1 +2019-08-05,daily compq wave a should be completing soon stochs look like they should retreat to lower bound and perform a double dip abc was incorrectly labeled fixed it b top will be 13 moving average rejection for those looking to play next drop that’s your entry ndx nq,2 +2019-08-12,spx daily perfect 13 moving average backtest rejection ✅🤓 b wave top cofirmed macd gap widening sub centerline stochs double dip starting bear cross c wave will accelerate if blue tl fails tomorrow higher a and b this time implies higher c 🎯 2760 es spy,5 +2019-08-01,amzn just printed a major short setup on the monthly timeframe if you showed me this chart and i didnt know what it was i would tell you to short the fuck out of it market breadth has been decreasing for weeks now and the only thing propping indices up are these majors🤷‍♀️,2 +2019-08-07,daily compq stochs now almost at lower bound double dip starting next 1 to 2 days notice how quickly 13 moving average is tanking after crosses 13 moving average rejection will happen this is why i never try to play b waves worst r and r of all 3 waves patience for c ndx nq,1 +2019-08-15,tech stocks qqq are in a precarious position sitting right at support of a large rising wedge in play all year we could be bear flagging here to while this could fill out more a breakdown would target the 200 displaced moving average at 176 for the third test this year where a bounce is likely,2 +2019-08-15,hope i get this right on his show this morning reminded me of a phrase credited to markets go to the obvious level but in the least obvious way to me that is the 200 dma and vwap from dec low on spy,1 +2019-08-26,esf 2921 to 2932 weds targets vacuum daily 2 day s max to be inside “if” channel holds oct should see new ath spx spy nqf,1 +2019-08-02,nvdas price moved above its 50 day moving average on june 27 2019 view odds for this and other indicators,1 +2019-08-02,googs price moved above its 50 day moving average on july 9 2019 view odds for this and other indicators,1 +2019-08-02,tsla in downtrend its price may drop because broke its higher bollinger band on july 12 2019 view odds for this and other indicators,2 +2019-08-01,aal in uptrend price expected to rise as it breaks its lower bollinger band on july 25 2019 view odds for this and other indicators,2 +2019-08-06,seeing more evidence amzn wants to put in a reversal off this spot here suspect the bulls will try to squeeze thisand probably indices higher into the bell in my opinion,2 +2019-08-05,dow and nasdaq slipped below 100 dma nifty banknifty both are now below 200 dma since last 3 days another 5 to 7 percent cut we can witness in index laxman rekha for nifty 11150,1 +2019-08-07,qqq first to go green like to see the leadership come from tech sector given the panic we saw on this mornings retest of mondays lows i suspect were gonna see one heck of a reversal and bounce from here,1 +2019-08-31,bulls have a rising nysi daily macd positive rising 5 e a and d line at ath bearish sentiment and start the week above wpp as they say 6 time at top of the range is the charm bears could not get fully to the bottom of the range,2 +2019-08-22,twtr showing increasingly more technical strength lately gapping higher during time of mkt weakness from late july gradual mean reversion and strength and bullish cup and handle likely allows for continued strength with st targets 47.70 i own,2 +2019-08-18,mon ban extension announcement expected lyft lockup exp tues wh and tech mtg re huawei wed vix exp fed min adi splk keys pstg zayo thurs flash pmi lei crm vmw intu to 24 jacksonhole forum fri powell msci rebal us and china add’l 10 percent tariffs,1 +2019-08-07,qqq spy strong macd and rsi divergences on todays retest of mondays lows if this pattern holds as we move into the 2 pm hour suspect we get a nice squeeze higher,3 +2019-08-01,boom 💥 16 point orgasm spx gained up 💦 all whilst were still short from 3028 banked another lot 2944 ✔ 73 points and 16 points equals 89 points in 2 days and u still think im not the best that im not original that i copy my levels from someone laugh ok spx djia nqf,2 +2019-08-21,spy qqq iwm chart update choppy conditions has been making it tough to find any clean swing setups one of my rules tells me to keep fewer positions when market is this choppy and ive been careful with longs since past 1 week now heres to another boring aug week😅🍻,1 +2019-08-04,mon pmi and ism svcs klac on tu dis mtch nvta sedg wed galaxy note event 10 year note auction swks avlr cybr roku th ttd ustr list of eu tariffs csco nvda china leader’s mtg done huawei ban resumes exemption list will be important,1 +2019-08-07,now up almost 69 points from 2828 💦✅ careful ⚠️ if it doesnt close definitively above 2899 another epic drop could happen and happen whilst ur wanking eating watching money heist or sleeping 🤲 spx nqf,1 +2019-08-11,i want you to study how can we decide if any stock goes up or down look at macd ppo red and green bars moving i will be excited for spx goes up i will play calls i will be excited for twtr goes down i will play puts please write into your journals believe or not,1 +2019-08-03,intermarket analysis tnx as a warning signal for spx when tnx goes from overbought a to oversold b quickly observe the subsequents drawdowns in spx blue line cc,4 +2019-08-16,cues for today dow rises 99 points led by walmart asia stocks mixed oil slides 1.4 percent on recession fears chinas trade threats brent trades around dollars 8 10 year treasury yield falls to three year low below 1.5 percent fiis buy 1615 cr diis buy 1620 calls r in cash,1 +2019-08-04,many tech names are showing new weakness with breaks below key longer term mas which have held for months csco first close below 100 simple moving average since jan meli 50 simple moving average first since jan now 100 simple moving average and jan pypl twlo veev wday observing for now,2 +2019-08-07,qqq … ramping up nicely now those macd and rsi divergences told the tale this morning i made this video a while back explaining how to use macd and rsi to spot these nice market reversals enjoy,5 +2019-08-23,➡️ the SP500 is off nearly 2 percent ➡️ the u s dollar is lower ➡️ tech shares especially semiconductors are down ➡️ oil continues to sell off the latest on markets,1 +2019-08-28,its been choppy as heck its been fugly as heck but spy is making higher low off the early august bottom and that is constructivefor now,3 +2019-08-23,as ive been pointing out with the nasdaq well above its own 200 day line but only 42 percent of nasdaq stocks above their 200 day lines the indexes usually lose the tug o war and take a trip lower,2 +2019-08-12,stocks have moved more than 1 percent for the 9 straight day when coming off a 52 week high it has only happened 3 times since 1982 nov 2009 may 2010 dec 2014 fwiw all worked higher over the next few months spy,1 +2019-08-07,after the close roku stmp bkng lyft meli mro swks ctl iipr aig zg et srpt elf cvna mnst trip trxc alb aaoi ntes sono run cprx paas upld fosl ddd cara jack cwh azpn nvax iag sens fly iac mfc aeri dvax,3 +2019-08-01,faang in 2019 fb to up 48.17 percent aapl to up 35.06 percent amzn to up 24.29 percent nflx to up 20.67 percent googl to up 16.58 percent average of 29 percent ✨ stars ✨ in 2019 shop to up 129.60 percent ttd to up 126.87 percent adbe to up 32.10 percent roku to up 237.24 percent sq to up 43.36 percent average of 113.83 percent,1 +2019-08-07,this would be the 7 time since the end of the financial crisis that the nasdaq reversed at least a 1.5 percent intraday loss dipping below its lowest close of the past couple of months all 6 of the others rallied at least 3 percent over the next couple of weeks,1 +2019-08-08,since jan 2019 snap positive 180 percent mtch positive 109 percent twtr positive 48 percent fb positive 40 percent amzn positive 20 percent goog positive 16 percent it was not too long ago when snap hit a bleak dollars share 12 to 2018 and match tanked after fb announced a dating product good to see the upstarts fighting through the tough times,1 +2019-08-13,breaking stocks jump to session highs apple surges more than 4.5 percent after ustr removes items from china tariff list delays some others including those on cell phones and laptops,1 +2019-08-10,for the week nvda baba wmt csco jd cgc gold syy amat tlry m goos jcp aap eols tsg stne azre lk tme erj csiq yy huya nine de tdw crnt hygs qd tpr brc best pags vff ntap rmbl caci be cwco nept a,3 +2019-08-01,its good to be cautious with trade war sensitive names aapl baba bzun smh nvda im staying with stocks that are not impacted by trade war snap team roku twtr zs,4 +2019-08-28,major indexes close higher as energy shares rally on higher oil prices dow positive 1.00 at 26036.10 nasdaq positive 0.38 percent at 7856.88 SP500 500 positive 0.65 percent at 2887.94,1 +2019-08-14,after the close today csco cgc stne a ntap caci vips prsp rkda hyre sptn je hdsn ttnp holi gevo cats sorl lmb hrow iwsy qrhc aemd aeye cpix csse wyy uv ocx slgg smts dare zsan east burg ipwr gvp rpay,1 +2019-08-14,the market continues to sink as recession signs mount please read my recession warning in forbes to it contains everything you need to know about whats ahead spy qqq,1 +2019-08-29,good morning mostly green arrows around the world a little window dressing a little trade rhetoric a little rebalance either way some upside follow thru to yesterday’s rdr as spx 2856 was reclaimed spy reclaimed dollars 86.03 some resistance 2917 then 2940 trim and trail,4 +2019-08-05,after the close ttwo shak car hiiq mar acrx apps klac czr arwr thc wwd cyh wpx ades podd swav avid clr cswc mime xec xlrn o cohu adus diod gaia ste ipar csod evbg atsg cbt arg anss parr ramp sncr,3 +2019-08-05,heres a list of every monday since the yahoo data for ndx begins in 1985 where the nasdaq 100 was down at least negative 4 percent midday see if any of these dates interest you,1 +2019-08-01,after the close sq apha x etsy pins anet oled tndm ftnt fslr gpro gluu eog xpo hlf gddy crc med vstm nog pvg cc gern ego bmrn qrvo zixi cblk vktx rdfn msi flr brks iphi cdna fnd ekso gpor tds wifi,1 +2019-08-27,stocks have over reacted to the downside best evidenced by the divergence between stocks vs vix vs high yield stocks at aug lows due to trade issues vix at 18 vs aug highs 24 should be new highs hyg nearly at all time highs should be tanking if biz cycle at risk,3 +2019-08-01,major indexes close lower after pres trump announced additional tariffs against china will be imposed sep 1 dow negative 1.05 percent nasdaq negative 0.79 percent SP500 500 to 0.90 percent,1 +2019-08-08,the ‘positive reversal’ negative 2 percent to positive close for SP500 500 is not only encouraging sign spy etf made higher high and higher low past 3 days SP500 500 eminis touched 200 days overnight monday support add this to the ‘good signs’ half of the ledger spy,2 +2019-08-08,are there new leaders in roku and mtch break out to new highs after sq struggles with growth but ttwo beats estimates here’s everything you need to know…,4 +2019-08-20,if you have piled into fang worth the read amzn fb nflx goog if you are investing outside the indices also worth the read to so basically worth the read,3 +2019-08-07,aapl amd fb googl intgc msft nvda this will all be free soon to its a tick by tick view of the world to find reversals from things like presidential tweets news etc and catch the rip or dip i look for 80 percent and confirmation see the animation below,4 +2019-08-01,aapl googl fb announcement to retweets appreciated i will be revealing how i watch the tape it will be free it will be tick by tick real time this is an animation from a while ago i cant change the world but you can when you get a flush red or green you move,4 +2019-08-14,spy daily 200 moving average test the last 2 times they defended it pretty well off the lows what they do this time dictate my bias for the next few days if strong close long wick off daily lows then good time to start looking for calls on relative strength names vice versa for puts,3 +2019-08-31,3 been thinking about this too now looks like a mini me version of the trading we saw just before the market crapped the bed late last year but my view things are different now h and t spx spy,3 +2019-08-22,us stocks ended mixed on thursday with the dow eking out a gain after some choppy trading the dow finished up 0.2 percent or 51 points the SP500 500 closed little changed in negative territory the nasdaq composite closed down 0.4 percent,1 +2019-08-08,hmmm that market crash looks like its been postponed leftists hardest hit stocks rally pushing the nasdaq into positive territory for the wild week,1 +2019-08-24,just finished my weekend review of 100 stocks i follow have done it every weekend since 1979 40 year s surprised to see so many techs hitting 52 week lows last two weeks nearly 15 percent not counting other damaged faves such as amzn negative 261 points in 6 wks and nflx negative 24 percent in 7 weeks,1 +2019-08-29,us stocks closed sharply higher on thursday as market sentiment concerning the us china trade spat improved the dow closed 326 points or 1.3 percent up the SP500 500 finished 1.3 percent higher the nasdaq composite closed 1.5 percent higher,1 +2019-08-21,its certainly not a market loaded with constructive stock setups but we did manage find and add 17 stocks to our buy alert list this week and even buy a few names,3 +2019-08-19,todays strong rally in equities a reminder even if one is convinced a recession is in 12 to 18 months does not mean stocks go down every day for the next 365 to 550 days investors are mostly defensively positioned evidenced by inverted vix term structure,4 +2019-08-14,with only 39 percent of nasdaq stocks above their 200 day lines while the nasdaq composite is still well above its own 200 day line suggest more downside for the nasdaq and the general market,2 +2019-08-26,friday brought big changes amzn broke 200 moving average aapl broke 50 moving average baba broke 50 and 200 moving average googl held 50 moving average nflx nearing death cross nvda started death cross crude had death cross gold new highs slv new highs,1 +2019-08-09,off the screens for the day but watching spy via phone😀 tough week but they come and go market keeps you humble all part of the game thanks for your follow and i hope everyone has great weekend,4 +2019-08-20,468 SP500 500 firms or 94 percent of the index have reported so far this quarter if all remaining companies report earnings in line with estimates eps will be up 3.0 percent from last years second quarter on july 1 a 0.3 percent increase was expected,1 +2019-08-04,names of interest on the oversold screener above their 200 simple moving average csco ewz fb qcom orcl pypl fez twlo amd amzn xlnx wmt,3 +2019-08-07,most core markets and etfs that i track have reached oversold reads i am avoiding the em markets although they could bounce as well and staying focused on us tech which has been the go to for the last few years i am going to keep playing that hand until it stops working qqq,2 +2019-08-01,tarrif news is not a big surprise to the market the major indexes have been advancing in anticipation of a rate cut and now will use whatever excuse to sell the news bottom line trend fed and economy remain bullish for stocks short term pullbacks should be limited to 4 to 7 percent,2 +2019-08-08,the nasdaq is still a good distance above its own 200 day line but the percent of nasdaq stocks above their 200 day moving averages is only 42 percent in the near term this is an ominous sign without a significant improvement is participation snap back rallies are shortable for traders,2 +2019-08-21,since the knuckleads at cnbc aired their most recent ‘markets in turmoil’ the eve of aug 5 apple walmart target and home depot are up 8 to 15 percent thanks for watching aapl spy,1 +2019-08-08,there is an over abundance of info on fintwit monday had crash calls yield curve bear market tweets spx 2200 calls some saying cash some saying short what works best for me is trading lt uptrends from the long side and downtrends from the short side,2 +2019-08-14,yesterdays volume was higher on both the nasdaq and nyse exchanges qualifying the rally as a valid sixth day follow through however with few stocks in buyable position it is not yet the time to get aggressive in this market quite the contrary you should remain cautious,2 +2019-08-27,market risk remains high we are not yet out of the woods however china news took a turn for the worse and yet the market has held up relatively well i think we could see an undercut of the recent lows but with the fed easing it should create a good buying opportunity,4 +2019-08-06,“will the seller of apple aapl at dollars 86 last night please stand up will the person who obliterated facebook fb in the mid dollars 70 identify themselves” would like to have some words,1 +2019-08-02,wall street week bynd meat negative 25 percent amzn negative 6 percent fb negative 5 percent emerging mkts eem negative 5 percent nflx negative 5 percent nasdaq 100 qqq negative 4 percent googl negative 4 percent msft negative 3 percent SP500 500 spy negative 3 percent aapl negative 2 percent gold gld positive 2 percent yen fxy positive 2 percent long term treasuries tlt positive 4 percent volatility vix positive 45 percent fed 1 rate cut since 08,1 +2019-08-02,had a decent week given that spx fell about 3 percent this week closed sq for flat closed pays for about positive 14 percent closed nugt for a positive 3.6 percent gain closed snap for a negative 3.1 percent loss still holding qd long from dollars .40 entrylong term trade posting new charts and setups on sunday,2 +2019-08-08,nice call yesterday as monday’s low held and tuesdays lows got reclaimed u added the macd divergence that helped breed confidence as spy reclaimed dollars 84 and qqq dollars 81 trading is about “if this” then that “if that” then this and apply your process on top,5 +2019-08-23,what a crazy week dow negative 1.0 percent SP500 to 2.4 percent nasdaq 1.8 percent russell 2000 to 2.2. percent we had four days of cheerleading and one day of bloodletting would have been nice had anyone in media stopped to study data yesterday services employment at 9 year low it’s the economy stupid,1 +2019-09-10,kt corp sales increase and add high value to price aapl amzn ba cmcsa fb goog intc msft nflx nvda s t tmus tsla vz wmt xom,5 +2019-09-24,qs stake in kt corp raised by dollars .06 million aapl amzn ba cmcsa fb goog intc msft nflx nvda s t tmus tsla vz wmt xom,1 +2019-09-26,5 years ago nflx stock price was dollars today the stock is dollars after hitting an all time high of over dollars 00 last year long term investing is not that bad slow and steady at times but well worth the wait,4 +2019-09-18,my gosh so this is now creeping in my entry way the fed finally has competition for scariest creepiest freak in my daily life,5 +2019-09-15,icui is definitely a hold currently trading at dollars 62.80 and has potential of rising back to the dollars 80’s soon perfect time to get this stock at a cheap price 📊💭,5 +2019-09-05,stock bulls are in rally mode but can they hold onto gains tech stocks boosted over news that both us and china have agreed to restart trade talks dan gramza discusses bullish and bearish scenarios for the september contract watch here,3 +2019-09-13,watch us report live from the floor of the nyse this weeks weekly wrap up includes aapl tsla amzn fb googl kr t acb orcl,5 +2019-09-27,watch us report live from the floor of the nyse this weeks weekly wrap up includes nke mcd rad bynd mu nio amzn fb aapl twtr,5 +2019-09-04,live stream tonight 0 pm est canada i explain about the spy a great market update 3 huge wins in roku and what i told my group while things were crazy in the market about roku aapl wmt cost hd amd twtr plus come and ask me questions i am here to help people succeed,5 +2019-09-18,year after year i explain and lead the spy in the right directions with skillful plans tonight i am doing a live stream at 0 pm est canada aapl ba roku hd dis googl nvda i have made so many wining plans in all of these in all tough times in the market in many years,5 +2019-09-29,the week ahead end of quarter employment report and as you will see in the graphic below the market is at a go and no go level uncertainty clouds the horizon to markets dont usually fare well under these conditions spy,1 +2019-09-19,rt stockfamily vz 2 plays for 1 price imo 🙅‍♂️ 🛑dump for 🛑 aapl spy amd djia vix,5 +2019-09-06,rt stockfamily fit .17 remember that price laugh 💰🐐🙅‍♂️🇺🇸💯🚨 🛑dump for 🛑 aapl spy amd djia vix,3 +2019-09-09,stocks mixed as trade optimism is offset by microsoft losses big tech in focus with an investigation into google looming and at and t pops after elliott management takes a stake and i have the details in,3 +2019-09-06,wday workdayincclassa our signal is green this price will unlikely go down sell qqq to hedge,1 +2019-09-24,dbx dropboxincclassa this is a good opportunity this price is set for a rise short spy to hedge,4 +2019-09-14,wday workdayincclassa we go long this price will rise short some spy to hedge,3 +2019-09-17,rmni riministreetinc this is a good opportunity this price is of great potential short some spy to hedge,5 +2019-09-19,good morning twitter derelicts let’s sneak attack the market this morning and teach it a thing or two about who’s boss warm up your mouse clicky hand and poor some coffee none of that decaf trash 🤣,1 +2019-09-30,target twitter caterpillar and jpmorgan have soared this quarter but will any continue to fly high our traders play trade it or fade it with these standout stocks tgt twtr cat jpm,1 +2019-09-15,theres that macd curl on the 60 min that i mentioned a few days ago i wanted to see to seal in a divergent top the market gave what i asked for double top next ideally is spx 2550,2 +2019-09-03,the year is 2025 trump just started his 3 term as potus elon musk is working as a white collar crime consultant for the sec drys filed for an ipo and cvs just chopped down the last remaining sequoia in order to print one more receipt china trade talks continue,1 +2019-09-06,this market is disgusting 80 points in 3 days on super low volume entirely overnight another day of zero movement from the open just killing the vix bull and bear alike should open their eyes and nostrils enough to smell that something is off,1 +2019-09-29,for third quarter 113 SP500 500 companies have issued eps guidance 82 have issued ve eps guidance well above the 5 year avg of 74 tech and healthcare are the biggest contributors of tech companies with ve guidance is now highest this cycle,5 +2019-09-10,technical tuesday – 3000 or bust on the SP500 500 here we are again aapl nflx,1 +2019-09-01,dow in uptrend price may jump up because it broke its lower bollinger band on august 23 2019 view odds for this and other indicators,1 +2019-09-04,nflx in uptrend price may jump up because it broke its lower bollinger band on july 18 2019 view odds for this and other indicators,3 +2019-09-03,dow in uptrend price may ascend as a result of having broken its lower bollinger band on august 23 2019 view odds for this and other indicators,3 +2019-09-26,as i was discussing with aot members in premarket to watch how the nasdaq qqq react on the the retest of the tuesdays breakdown area its not uncommon for a stock or index to revisit the scene of the crime we now have two lower highs printed,3 +2019-09-30,semiconductors smh are the top performing sector ytd and its tough to see a sustained peak in spx until smh does its been bull flagging all month and ideal is we break out to a final high at 127 this would complete an 8 month bear wedge and great zone for markets to correct,5 +2019-09-10,spx wont turn until apple aapl does and the pattern here is fairly clear weve been building out a rising wedge all year and while it may or may not get there resistance at 225 would be the ideal zone to swing short this would get daily rsi nice and overbought as well,3 +2019-09-01,goog in uptrend price expected to rise as it breaks its lower bollinger band on august 23 2019 view odds for this and other indicators,1 +2019-09-29,my eow market scan stock list dump i look for volatility broad market participation trading depth and trend spreadsheet here for those who cut and paste some notes on the lists below tradingview import files to follow,4 +2019-09-06,few breakout setups to watch tomorro with next week msft v abt epam large cap and big tech stocks were definitely more stronger today looking for exposure in .5 of these names they sure look like great swing trading opportunities,3 +2019-09-13,good morning gap ups always make it tough to enter new positions tread carefully and dont chase gap ups blindly current positions with entry price stop and size msft dollars 35.95 dollars 34 and full baba dollars 79.20 dollars 76.50 and full pins dollars 9.65 dollars 9 and ttd dollars 15 dollars 11 and full 🙋‍♂️,5 +2019-09-09,ppl who check the spx and see that it was down just 0.01 percent will be greatly surprised when they check energy stocks oih financial stocks kre and the recent tech momentum darlings but the spx avoided an outside reversal day by closing above 2972.51,2 +2019-09-17,no where near competition aapl msft googl amzn ibm orcl crm tsla snap fb,2 +2019-09-11,it’s always fun to see tweety dee and twitter dumb relive their tslaq fantasy these two are so full of schmitt i can smell it all the way here in middle earth 😷,5 +2019-09-09,wild monday stopped out of ehth and v for breakeven snap and amzn for small gain took small loss in enph tvix and entered a breakout trade in lscc current position lscc entry dollars 0.35 .75 size will clean up watchlist tonight lot of homework have a good evening,1 +2019-09-11,another strong close for iwm and a nice breakout in aapl today few tradeable setups are starting to emerge watchlist coming up tonight current positions with entry price and size msft dollars 35.95 full pins dollars 9.20 full have a good rest of the evening🙋‍♂️,4 +2019-09-21,faang vs spx equal weight faang vs SP500 500 looks like we may have a change of trend in this relationship not sure if we need to be looking to these faang names anymore for market leadership rsi has been weakening since early 2018 as well,3 +2019-09-25,people are sending me products to tweet this aint instgram guys and nobody on fintwit will buy these things theyd rather lose money in the markets,1 +2019-09-13,good day for anyone who shorted aapl at the 225 level i posted and we got a nice 4 percent drop in 24 hour rs from there importantly for the big picture the massive rising wedge from january has held which opens up more downside potential into next week for spx and ndx as well,4 +2019-09-02,ill post some patterns for educational purposes ams reported mid last week so waited for earnings traders to flush then mopped up 143 to 145 all day friday now on the bar looks choppy but becuuse im a position trader i moved to line chart to minimise the noise,1 +2019-09-27,this is my chart of the week to fang stocks facebook amazon netflix and google since the beginning of july they amzn nflx and fb have experienced material declines especially netflix as you can see on the performance chart below only googl stays strong these days,5 +2019-09-24,nasdaq is now red giving up its opening gains and officially setting up a lower high and forming a bearish rising wedge patternshared educational yesterday on rising wedge patterns a break lower looks imminent in my opinion,1 +2019-09-07,smh semiconductors if semis break higher from this consolidation and base on a relative basis versus the SP500 500 would that be a risk on or risk off signal for the overall market,3 +2019-09-01,longer term tech uptrends on my screen my strat is to keep buying and holding the uptrends until they breakdown to then look for new uptrends aapl adbe amat amd ayx coup fb hubs meli msft msi mtch now pypl roku shop smh snap team ttd twlo twtr txn veev,3 +2019-09-13,spx todays close is key and many markets at key inflections aapl a good example to it hit my 225 resistance zone and this is resistance of a huge wedge in play all year this coincides with spx near its ath and rut at downtrend resistance watching for rejections here and fake breaks,1 +2019-09-19,nflx is a must watch now diverging 25 pct points from nasdaq it’s the first fang stock 1 below its 200 dma 2 with a death cross set up 3 breaking down from a multi year support is this an inflection point for stocks still trades at 106 times ev to fcf estimate for 2022,5 +2019-09-20,basic position trading trend analysis twtr uptrend higher highs and lows rising mas price support below nflx downtrend lower highs and lows mas rolling over overhead of trapped buyers above to sell into rallies,2 +2019-09-02,market shd open gap down as sgx is trading 100 point dis after initial hiccups market shd recover and trade between 10848 to 11046 imp lvl for tom 11030 to 11046 new level only get activated if previous level broken on 15 mint chart,1 +2019-09-23,markets looking constructive overall spx is bull flagging above its august break out level healthy activity following a break out small caps rut are showing relative strength to spx and rut is also bull flagging amzn to one of the uglier charts is holding also its 200 displaced moving average,3 +2019-09-09,huh third quarter 2019 aapl reported the biggest june quarter ever — driven by all time record revenue from services accelerating growth from wearables dollars 5.99 billion iphone dollars 1.46 billion services dollars .82 billion mac dollars .53 billion wearables home and accessories dollars .02 billion ipad,1 +2019-09-13,for the investors out there some stocks i own that i hardly ever touch and sell growth brokerage and margin goog amzn jpm lrcx twtr dhr idxx crm txn wm dividend and income good for ira in some cases held for 2 decades reinvested mcd intc ba vz aapl jpm so xom duk o jnj,3 +2019-09-03,my top 10 permawatchlist for september pretty much the same as august minor change in the top 7 though july and aug top 7 were tsla nflx ba roku nvda twlo shop september top 7 will be tsla nflx ba shop roku baba bynd will re add nvda soon as semis crack again,4 +2019-09-27,keep an eye on amzn it just broke down from a 4 year support pockets of this market are starting to fall apart busted ipos cancelled ipos small caps micro caps fangs software stocks it all looks done for this business cycle,1 +2019-09-02,many people are worried by looking at sgx nifty sgx nifty will have to factor in triple whammy of us china tariff hike from sep 1 poor auto sales data poor gdp data in addition poor pmi data from china south korea india adding fuel to fire,1 +2019-09-26,nifty changes from tomorrow indiabulls housing out nestle in out of f and o rel cap rel infra dhfl idbi bank kajaria mcx eil hind zinc raymond oracle arvind birlasoft,1 +2019-09-09,storm underneath the surface huge stock moves today even though the SP500 500 was flat momentum stocks slaughtered energy and financials massive rally xlk xlf xle,1 +2019-09-20,see nflx recently it tried and tried and tried to breakout from a wedge but it kept failing the more a stock re tests support the more likely it is break down seeing a similar thing shaping up in amd it tried numerous times to move up but it keeps making lower highs,3 +2019-09-24,major indexes reversed lower with nasdaq breaking below its 50 day line both indexes logged their 4 distribution today with todays sell off ibd shifts its current outlook to uptrend under pressure via compq spx,1 +2019-09-01,10 most valuable tech companies microsoft dollars .05 trillion apple dollars 43 billion amazon dollars 79 billion google dollars 43 billion facebook dollars 30 billion alibaba dollars 56 billion tencent dollars 94 billion taiwan semi dollars 21 billion samsung dollars 17 billion intel dollars 10 billion total dollars .7 trillion,5 +2019-09-20,qqq nasdaq 100 is not out of the woods yet watch rising trend channel or bear wedge marginal news highs possible bulls need a breadth thrust,3 +2019-09-05,biggest mistake i made during earnings season was focusing on the macro vs trading the underlying asx funds will accumulate the stocks they want irrespective on the down days look how they also react on the strong market days nan eml jin mp1 pme jin apt trade wars,1 +2019-09-10,another intriguing session that hints at a trade deal or major news on trade could be coming soon big moves from key proxies ba endless bad news fdx cmi cat de aapl was moving lower as tim cook walked off stage then they popped cheap iphone didnt move needle,1 +2019-09-17,major indexes close higher as wall street shakes off saudi oil attack looks toward potential fed rate cut dow positive 0.12 percent at 27109.03 nasdaq positive 0.40 percent at 8186.02 SP500 500 positive 0.26 percent at 3005.61,1 +2019-09-18,major indexes close mixed after fed cuts rates by a quarter point provides little guidance on future rate decisions dow positive 0.13 percent at 27147.08 nasdaq negative 0.11 percent at 8177.39 SP500 500 positive 0.03 percent at 3006.73,2 +2019-09-16,yesterday was the 11 anniversary of the lehman bankruptcy returns if you bought tech stocks at the close that day and held to today nflx positive 7225 percent amzn positive 2278 percent nvda positive 2022 percent aapl positive 1150 percent crm positive 1017 percent v positive 1006 percent adbe positive 631 percent msft positive 568 percent googl positive 471 percent spy positive 215 percent,1 +2019-09-13,positive factor for market iip data better than expectations rate cut in european central bank flexible approach towards trade war by china and america ruppee getting stronger day by day boost from upcoming gst meeting fii buying back to back i expect small cap outperform,4 +2019-09-10,view todays from here discussed spy iwm dia qqq eem gld uso uup spx tlt tnx aapl mtum vlue dvy splv xlk xlu xlre xlf xli srpt,1 +2019-09-30,a very good day in the markets today spy we held key supports and the right stocks are doing well all in all things are setting up well for higher prices but the key is to be in the best setup stocks to make the gains success in the markets take strong skills and study,4 +2019-09-05,major indexes close higher after us china agreed to hold next round of trade talks in washington in october labor market data shows little impact from trade war dow positive 1.41 percent at 26728.15 nasdaq positive 1.75 percent at 8116.83 SP500 500 positive 1.30 percent at 2976.00,1 +2019-09-25,18 percent ytd rally in SP500 driven entirely by multiple expansion while earnings broadly flat with multiple expansion propelled largely by expectations of easier fed yet median dot on fomc dots plot has no additional rate cuts this year the,2 +2019-09-24,“it’s still going to dominate planet earth but i think it may take a little detour here right now msft is the better name ” on amzn sarge shared his stock picks with on and revealed why could move lower before running up,4 +2019-09-15,my short idea looks ready to play out its record late in the business cycle stocks have been struggling to go higher due to insane valuations and a macro downturn yesterdays drone strike on the saudis may be the tipping point spy spx es,3 +2019-09-22,get ready for the week ahead in investing with ’s game plan including earnings reports from nike kb home and micron more here,5 +2019-09-27,omg all new tech stocks are down except pinterest zoom datadog docusign zuora medallia cloudfare surveymonkey carbon black and many more,1 +2019-09-27,some of my targets in near term on daily basis spx 3038 to 3040 or 2938 to 34 aapl 227 to 229 amzn 1675 to 1672 googl 1300 to 1302 tsla 263 roku either 120 to 124 or 93 to 90 weekly and monthly nflx 189 30 mins and hourly nflx 255 then 249 tsla 255 263 googl 1252 1257 to 58,3 +2019-09-24,got your buy list ready im personally keeping a close eye on twlo okta and mdb which are approaching the 15 to 18 times p and s that id be comfortable in paying and im even considering adding to my stake in nflx whats on your list,5 +2019-09-18,wow they even walked adbe back up a bit all etf nice numbers by herman miller great tell of small to medium sized business love that company,5 +2019-09-09,atvi added to stifel select list point raised to dollars 5 ntnx point raised to dollars 5 from dollars 3 at susquehanna ntes point raised to dollars 17 at nomura roku point raised to dollars 60 from dollars 3 at suntrust shop shopify target raised dollars 10 from dollars 70 at baird,1 +2019-09-24,getting ugly in tech fantasy land wespendswework private valuation collapse taking other unicorns with it tesla under duress netflix sinking like as stone since early july negative 125 points negative 33 percent cloud software faves rolling over amzn 270 points off since july top trouble ahead,1 +2019-09-20,major done next two hurdles for mega are and both needs to catchup index has shown signs of bottoming out scenario for us is mkts going in sideways accumulation phase circa 2020 and firing on once earnings kick in ✌️,2 +2019-09-06,tip dont try to find the next apple or amazon stock have a stock selection method which show you stocks which have the potential to go up 100 percent in 6 months or less • high relative strength • strong growth • new products or services,5 +2019-09-01,cisco systems csco price target raised to dollars 5.00 csco,1 +2019-09-14,watch list fslr iphi lscc stne acad snap sono pfpt jd earnings wl adbe chwy i’ll be watching adbe not to buy but to see how software reacts to it good luck folks,3 +2019-09-29,while running some scans these are the ones i will be focusing mostly on the following long rh nke sedg aapl amba cyh dg jpm ziop short lk cgc payc amzn amgn fisv roku nflx sbux watching cost earnings,3 +2019-09-04,i have a small handful of long positions partially hedged with my spy short position my home builder positions are doing relatively well led by lgih yesterday twtr staged a disappointing bo attempt im still long lscc is getting close to my backstop protecting my profit,2 +2019-09-21,we are below massive billions of dollars in late dark pool sell prints on all major indexes right now spy dollars 01.09 iwm dollars 57 qqq dollars 92.52 be careful we are headed for a correction if we stay below these prints next week,1 +2019-09-12,all the market action since jan18 has been part of a high level consolidation mkt is on the verge of a major new parabolic upleg led by technology and industrial stocks investors are wrongly bearish i continue to love the semis and miners here SP500 to 4000 days jia 36000 nasdaq 11000,5 +2019-09-30,dates of earning reports source yahoo finance nflx msft amd tsla ba amzn baba snap twtr fb goog ea aapl roku dis nvda wmt,1 +2019-09-29,the strength in mega caps msft aapl googl which equals 31 percent of qqq is masking alot of weakness in many tech charts both daily and weekly that i analyzed this weekend saas broken down crm nflx csco amzn pypl panw sq weak semis relatively stronger for now smh,2 +2019-09-27,when stocks are overbought you tend to get hit with sell offs especially when the market gets flooded with shoddy ipo merchandise i think we need some more downside before i’m really ready to get more positive,3 +2019-09-10,still analyzing the market action and it is totally baffling every single strong stock was red to msft v ma cost twlo almost all stocks that were killed the last few months was green to banks uber nvda if thats not short covering and dead cat bounce i dont know what is,1 +2019-09-18,wall street giants microsoft and apple could be in position to lead the market to record levels says,3 +2019-09-13,to ath by percent order 🤣 spx 0.6 percent hd 0.7 percent wmt 0.8 percent jpm 1.1 percent msft 3.0 percent mcd 4.6 percent aapl 4.7 percent googl 5.0 percent cmg 6.5 percent dis 7.0 percent baba 9.8 percent amzn 10.4 percent fb 11.3 percent intc 12.4 percent amd 17.7 percent ba 18.7 percent nflx 33.9 percent nvda 53.4 percent tsla 54.8 percent sq 75.0 percent via,3 +2019-09-21,correction after ath 😱 roku dollars 3 to 41.3 percent ttd dollars 9 to 30.7 percent aapl dollars 1 to 39.2 percent shop dollars 7 to 23.8 percent bynd dollars 03 to 43.2 percent ba dollars 27 to 28.4 percent bidu dollars 39 to 59.8 percent ulta dollars 44 to 39.2 percent nvda dollars 68 to 57.4 percent nflx dollars 92 to 45.4 percent stmp dollars 00 to 86.0 percent tsla dollars 03 to 53.4 percent amzn dollars 28 to 35.8 percent,1 +2019-09-14,top SP500 500 stocks last 10 year s netflix nflx positive 4730 percent marketaxess mktx positive 3390 percent transdigm tdg positive 2330 percent abiomed abmd positive 2240 percent amazon amzn positive 2080 percent broadcom avgo positive 1930 percent ulta beauty ulta positive 1540 percent extra space exr positive 1540 percent constellation stz positive 1340 percent mastercard ma positive 1290 percent,5 +2019-09-04,the markets dont want to go higher due to macro weakness and high valuations but dont want to retrace because of imminent stimulus so expect more sideways chop just thinking out loud,3 +2019-09-05,when i look at some of these valuations it reminds me of 1999 i went to cash on tech stocks thinking they were overvalued trading at 100 times earnings and then the nasdaq doubled over the next 6 months,1 +2019-09-27,interactive broker offers commission free account td ameritrade negative 6.5 percent amtd charles schwab negative 2.2 percent and schw e trade financial fell 4.8 percent etfc ibkr lite will have zero commissions on u s stocks and etfs no minimums no inactivity fees and free market data,1 +2019-09-17,top SP500 500 stocks last 10 year s netflix nflx positive 4730 percent marketaxess mktx positive 3390 percent transdigm tdg positive 2330 percent abiomed abmd positive 2240 percent amazon amzn positive 2080 percent broadcom avgo positive 1930 percent ulta beauty ulta positive 1540 percent extra space exr positive 1540 percent constellation stz positive 1340 percent,5 +2019-09-11,im not suggesting that this is a secular top for technology ai cloud e commerce machine learning robotics saas will continue to grow for several years but nothing goes up in a straight line and in the near term these richly valued companies are likely to correct imo,3 +2019-10-07,kt expands ecosystem light weight and price aapl amzn ba cmcsa fb goog intc msft nflx nvda s t tmus tsla vz wmt xom,5 +2019-10-11,new street upgrades kt corp to buy with price target of dollars 4.10 aaww aapl amzn ba cmcsa fb goog intc msft nflx nvda s t tmus tsla vz wmt xom,5 +2019-10-24,apple stock is on a run but will it keep rising checkout this tweet about in los angeles shared by,3 +2019-10-24,apple stock is on a run but will it keep rising,3 +2019-10-11,watch us report live from the floor of the nyse this weeks weekly wrap up includes pcg bbby dpz levi dal tsla nvda amd amzn aapl nflx,5 +2019-10-18,watch us report live from the floor of the nyse this weeks weekly wrap up includes unh nflx ibm jpm bac tsla amzn goog aapl fb,5 +2019-10-25,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn twtr tsla msft biib aapl nflx googl fb,5 +2019-10-21,today share price reached a new all time high of 240.98 the stock is currently trading in a bullish channel ahead of the companys quarterly earnings report on the 30 of october,1 +2019-10-11,watch us report live from the floor of the nyse this weeks weekly wrap up includes pcg bbby dpz levi dal tsla nvda amd amzn aapl nflx,5 +2019-10-18,watch us report live from the floor of the nyse this weeks weekly wrap up includes unh nflx ibm jpm bac tsla amzn goog aapl fb,5 +2019-10-25,watch us report live from the floor of the nyse this weeks weekly wrap up includes amzn twtr tsla msft biib aapl nflx googl fb,5 +2019-10-02,live steam tonight wed oct 02 at 0 pm est canada i am giving a special update on the spy and the big picture talking about stocks tsla aapl googl amd twtr roku dis and more if your serious for success i tell it how it is come and ask questions subscribe to my youtube,1 +2019-10-17,in terms of dividends i would need to invest dollars 0571.42 at around its current price in this one particular stock in order to make the equivalent of minimum wage in my state,3 +2019-10-02,good morning🤓 here is a stock to jump into now its at a good price and will go back up by close📈🧐 watch this is the best time to get it all cheap ⬇️⬇️⬇️⬇️⬇️⬇️⬇️,4 +2019-10-30,out in covering earnings guidance 4 all important period most important also impact of us on worlds biggest co and what about wars with fri a bit personal showing every1 my aapl,4 +2019-10-30,technically iwf spy look ready to blast off on a breakout hammer candle print and price holding steady around new support area,1 +2019-10-30,crm we go long this price will unlikely go down sell qqq to hedge,1 +2019-10-16,csod cornerstoneondemandinc this is a good opportunity this price will generate some alpha short spy to hedge,4 +2019-10-18,earnings season has begun real numbers are strong and they’re not showing the cracks in the market which many expected financials are strong notably jpm the fang stock trade is weighing on the market with nflx down 4 percent today fb under pressure as well,2 +2019-10-24,i’m loaded short spy puts for thursday next week vxx calls for mnq mes futures as of a few minutes ago wish me luck and be sure to save some jokes for me if i end up off the rails,1 +2019-10-11,breaking market rises on rumor that china will stop impeachment inquiry stop brexit efforts work with fed to cut rates without sparking inflation donate to aapl buyback charity keep unemployment low and work toward trade deal to be signed in 2021,1 +2019-10-28,can it stretch higher of course bollinger band percent using 202 settings shows .92 though that’s very overbought on spx all visits to 1.00 or close to it represented a tasty swing short entry point if your argument is “too many are expecting a pullback” not same feed i see,2 +2019-10-02,aals price moved below its 50 day moving average on september 16 2019 view odds for this and other indicators,1 +2019-10-01,msfts price moved above its 50 day moving average on september 17 2019 view odds for this and other indicators,1 +2019-10-02,goog in uptrend price may jump up because it broke its lower bollinger band on october 1 2019 view odds for this and other indicators,2 +2019-10-01,goog in downtrend its price may drop because broke its higher bollinger band on september 5 2019 view odds for this and other indicators,2 +2019-10-02,nvda in downtrend its price expected to drop as it breaks its higher bollinger band on september 5 2019 view odds for this and other indicators,2 +2019-10-01,amzn in uptrend price may jump up because it broke its lower bollinger band on september 23 2019 view odds for this and other indicators,1 +2019-10-02,amzn in uptrend price may ascend as a result of having broken its lower bollinger band on september 23 2019 view odds for this and other indicators,3 +2019-10-02,amd in uptrend price expected to rise as it breaks its lower bollinger band on september 27 2019 view odds for this and other indicators,1 +2019-10-13,with aapl making new highs trade progress and qe4 talk long spx seems like a no brainer this is exactly why its good to consider the possibility we get a washout first the vix is forming a bull flag with an inverse head and shoulders in it if 14 support holds it could setup a spike to 20,3 +2019-10-21,while aapl is charging to new highs broader tech qqq is stalled out right at resistance of a multi month triangle after a failed breakout last week decision point here to we should find out this week if we reject back to the 188 zone to fill the gap or break out directly,1 +2019-10-16,the big news yesterday was leader smh making new aths in what seems like an all clear for bulls but its worth zooming out abit were heading into resistance of a 6 month rising wedge at 126 and the latest high is on a bearish divergence would like a pullback here to 120,2 +2019-10-20,mon cdns tu cmg snap utx txn w lrcx xlnx ba msft tsla pypl now th durable goods flash pmi amzn twtr intc nok pfpt f consumer sentiment googl ba hearing bynd lockup lscc shop amd gdp fed mtg aapl fb amt pins,5 +2019-10-24,spy aapl tsla amd do you have what it takes to get inside my group powergrouptrade a great opportunity study this link if you can follow the rules and understand what i am saying here you should be able to if not you will not it as simple as that,5 +2019-10-07,cues this week thursday – tcs earnings thursday to indusind bank earnings friday – infosys earnings friday – august iip data saturday to d mart earnings,1 +2019-10-03,of the names that i track these are reading oversold and above a rising 200 simple moving average amd gd gs jd mu twtr smh is the strongest tech etf currently that i track,1 +2019-10-19,looks like sharp decline in interest rates overshot defensive equities and tech both tracking way above historicals during growth cycle slowdowns now starting to see the divergence in mkt think tsm and cloud igv reversals a good tell following liquidity,2 +2019-10-31,spy happy halloween dulce o truco trick or treat spx qqq ndx ndq dow djia imv bvc ipc,5 +2019-10-05,semis continue to act well soxx has a bull flag working and is less than 4 percent from its high tnx and nxpi are holding their sept breakouts and leading the group even lowly nvda is perking up with a big base and break above the 200 day new post with charts,3 +2019-10-24,amzn losing that dollars 700 support level and was already below 200 days 1600 next px support level chart looks broken much better ones out there even tho its very likely to bounce back at some point,2 +2019-10-27,notable to watch this week via mon googl t bynd spot wba tmus tues shop ma amd gm grub ea zen wed aapl fb sbux twlo ge lyft etsy yum wing thurs pins mo anet ftnt cig khc fri xom cvx baba dia spy spx esf qqq nqf,5 +2019-10-07,mon powell tu powell wed powell fed minutes 10 year note auction th fri us and china trade mtg us and eu trade mtg tariffs on china raised to 30 percent pins zm lockup exp googl event jpm gs c nflx bac tariffs on eu begin lrcx aapl fb,1 +2019-10-25,after 6 months of non stop chatter about the inverted yield curve recessions and bear markets spy and qqq hit new highs today another confirmation that the chart on the screen right now is significantly more important than narratives and predictions tune out the noise,1 +2019-10-29,rotation at work today qqq and nasdaq names taking a breather as money rotates into iwmsmall caps and fasfinancials,3 +2019-10-19,since the stock market is the greatest predictor of markets and the economy i made my own list of 10 leading stocks and 2 etfs this group will be a much better tell than random narratives aapl amat de jbht jec kbh ksu mas tgt whr etfs itb smh,1 +2019-10-03,my sons hs class started a stock picking competition for this quarter all the other kids bought on tues he waited until yesterday so far hes positive 20 points on amzn positive 7 on roku and positive 1.5 on atvi thinking maybe ill have him just drop out and give him an account lmao,1 +2019-10-15,nasdaq rallies 1.24 percent on heavier volume than yesterday closing higher than fridays high when it faded ibd market outlook shifts from uptrend under pressure to confirmed uptrend courtesy compq spx qqq spy,1 +2019-10-28,great monday morning coming after a great friday in the markets volume continues to pick up as we see great price action coming out of the financials and the blue chips aapl intc msft all up today gunna be a record year if this pace keeps up,5 +2019-10-23,after the close msft tsla pypl f xlnx now ebay algn lrcx lvs orly save ew cp ffiv ntgr bxmt bmrn efx rhi rrc var asgn amp rjf ari cuz point c fti vmi lstr ngvt aem cmre nxgn hni lmat kalu wpg rcky ggg,1 +2019-10-29,after the close amd enph ea amgn exas payc feye zen sam lscc syk hlf all sgen cake mdlz mat moh mrcy rnr cb psmt tenb cxo fmc iphi cyh acgl amed psa rexr atge mxim chrw oke zyxi vrsk tcs alim nbr exr,2 +2019-10-01,close dead on lows this recent downdraft in the indices seems to be only just now reflecting whats really happening under the surface last few weeks more pullback to come in my opinion,2 +2019-10-29,amd reports after the close get the feeling theres a lot more bulls than bears in this one going into this report my only issue with this amd going into this report is that the stock has made a decent run up last 2 weeks however id love to see an earnings blow out today,3 +2019-10-31,msci world index ex us recently broke out to a new 1 year high when it did so in the past ex u s stocks went up 100 percent of the time 3 months 6 months and 1 year later,1 +2019-10-27,nasdaq 100 monthly macd is about to make a bullish crossover for the first time in at least 6 months when it did so in the past both the SP500 500 and nasdaq 100 soared almost 100 percent of the time on every time frame over the next 2 to 12 months,1 +2019-10-07,the SP500 500 fell as much as 3.6 percent last week but turned on a dime to close almost flat weak data on the and hopes of a rate cut fueled the roller coaster ride aapl led a resurgence in stocks,2 +2019-10-21,scheduled after the market closes today amtd hmst cdns taco logi vbtx hxl ce zion acc wsfs hstm els rbb bxs hope efsc sfbs hlx smbk wash fbk fdef eqbk adc cfb rnst,1 +2019-10-15,major indexes close higher amid bright start to third quarter earnings season dow positive 0.89 percent at 27025 nasdaq positive 1.24 percent at 8148 SP500 500 positive 1.00 percent at 2995 major us banks close session higher jpm positive 3.00 percent c positive 1.44 percent wfc positive 1.67 percent gs positive 0.34 percent,1 +2019-10-16,major indexes close slightly lower as weak retail sales overshadow strong earnings dow negative 0.08 percent at 27001 nasdaq negative 0.30 percent at 8124 SP500 500 to 0.20 percent at 2989,2 +2019-10-25,in a bearish market those numbers by amzn would have it down dollars 00 and hurting the rest of the market in a qe market much gets shrugged off the whole world is easing with many money printers including the u s do not forget that,1 +2019-10-17,season in the started on a strong foot as companies like nflx jpm and bac beat estimates several other sectors had surprisingly good news get all the details in our weekly recap,4 +2019-10-24,intc surges after hours on earnings beat intel posted earnings of dollars . vs dollars . expected dollars 9.19 billion in revenue vs dollars 8.05 billion forecast increase in pc shipments drove growth,1 +2019-10-21,in early jan apple inc lowered its first quarter revenue guidance from the previously announced dollars 9 bn to dollars 3 bn to dollars 4 bn apples stock tanked 7 percent on that news since then apple has added more than dollars 30 bn to its market cap at times great stocks provide great opportunities,5 +2019-10-16,nflx missed their subscriber guide for 2 qtr in a row i had covered 85 percent of my recent sept short expecting a short covering rally post results i increased my position 33 percent in the after mkt and plan to do more with competition from dis aapl t cmcsa streaming services coming,2 +2019-10-30,after the close aapl fb sbux twlo etsy znga lyft wdc oled ely aks vrtx boot spwr tdoc colm klac mgm exel ctsh acad tree cree ddd apa met pvg crus awk bldp mlnx nly eqix su sfm cf viav wpx ps msi clr,2 +2019-10-17,livestream on now spy aapl amd tsla and more info study view the live stream after 1 hour once the live stream is over on my youtube channel link is here,1 +2019-10-18,spy qqq lots of great opportunities in the right stocks in this market the key to success is in understanding the big picture for the right stocks we are ready for the great gains with skill are you study,5 +2019-10-24,after the close amzn v intc gild alk fslr ilmn cof ehth deck cern pfpt auy osis boom cog afl cy swn cinf uhs smsi sivb algt jnpr flex peb rmd mxl lpla ftv logm vlrs vrsn mhk enva cstr agys anik asb emn,1 +2019-10-25,the big picture leader just massively correct again the big picture for the spy over 300 with power for the 5 time in a row this year great wins with stocks like tsla aapl what really counts with true skill study my youtube channel you have found a great opportunity,5 +2019-10-29,dow SP500 turn positive in late morning trade with nasdaq weighed down by goog SP500 500 trading above record close set on monday as investors await fed rate decision wednesday,1 +2019-10-29,the popular indexes near new highs but underlying participation is lacking the nasdaq is again extended from its 200 day line but the percent of nasdaq stocks above their own 200 day cant even eclipse 50 percent market is not yet moving in earnest not yet an easy dollar proposition,2 +2019-10-21,this could be the week where semiconductor stock delusion massive ytd stock gains intersects with reality earnings reports in steepest industry downturn in 10 year s worsening global economic slowdown trade industrial production auto sales gm strike all point to trouble,1 +2019-10-21,the is still trapped in a range as traders wait for more and clarity on political events struggled but money’s flowing into other sectors find out more,3 +2019-10-01,major indexes close lower on first day of fourth quarter after weak manufacturing data sparked growth concerns dow negative 1.28 percent at 26573.04 nasdaq negative 1.13 percent at 7908.68 SP500 500 to 1.23 percent at 2940.25,1 +2019-10-18,when youre up since 4 am prepping for days like today and the market fails to disappoint you the power of goddamn options tsla nflx spy fb shop ttd roku nvda bynd ba,5 +2019-10-27,nearly 150 SP500 500 companies report earnings this week including google apple and facebook with all of the negativity in private markets caused by wework it’s hard to remember a more important earnings week a strong faang earnings week will give tech much needed momentum,5 +2019-10-18,for those following our granny shots stock portfolio october has been its best month yet outperforming SP500 500 by 220 billion p and 530 billion p ytd current goog aapl amp b for b fb tsla xlnx amgn amzn axp bkng cmi csco ebay grmn nke mnst nvda pm pypl rok,5 +2019-10-28,well great market open to new ath tesla rally continues jumping more as their solar business could be huge microsoft huge jump to new highs with the jedi contract tsla msft,5 +2019-10-08,the year is 2069 the dow is at 1000000 but every stock trades at pennies except for apple amazon and microsoft that make 99 percent of the index value,1 +2019-10-28,and are just two the pros are realizing are worth much more than they thought … just four weeks ago and theres still for several of them aapl tsla nice call,4 +2019-10-20,get ready for the week ahead in stock market action and earnings from amazon boeing mcdonald’s and more with ’s game plan “next week is tough to game too many companies too many variables”,3 +2019-10-30,gm all i see nice stocks have going up on hour chart as their macd have been golden cross are nvda nflx aapl spy sq adi,5 +2019-10-08,possible some unlikelypositives coming up yom kippur tomorrow china deal surprise fed stimulus impeachment talk dropped improving econ data earnings negatives pretty much the flip opposite of the above listed items plus overall valuations which are stretched any others,2 +2019-10-18,facebook fb apple aapl nvidia nvda google googl amazon aapl shopify shop microsoft,5 +2019-10-21,jim cramer is looking for a new acronym to he wants to change because of nflx issues and other companies possible inclusion i have offered out fb aapl nvda googl amzn shop and msft what do you think,1 +2019-10-10,algos us pajama traders and asian trading desks are primarily the only ones trading this crap liquidity is very low with elevated fear factor as it should be so we are seeing some big whippy moves here have fun trading this crap whoever u are esf spx,2 +2019-10-03,october began with a bang the dow fell 839 points in the first 2 trading sessions major indexes are registering oversold readings and put volume is rising while this will lead to a technical bounce volatility is likely to be elevated in coming days and risk is high,1 +2019-10-22,appl 10 amzn 72 baba 9 bbd 1 bidu 11 c 3 csco 5 disn 4 fb 8 glnt 2 gold 1 googl 29 ibm 5 ko 5 meli 2 mmm 5 msft 5 pbr 1 t 3 tsla 15 vale 2,1 +2019-10-23,temper your biased feelings the markets can care less or else it will humble you qqq dia on sell triggers iwm spy near the battle line but no sell trigger yet can easily happen today,2 +2019-10-10,this ping pong on news and tweets is so hard to swing trade with conviction happy being mostly passive in index and not wasting energy and screen time trying to figure out the next zig zag in the chop at some point well break it until then buy mid 2800 and sell mid 2900 spx,5 +2019-10-19,im not anti tech or anti growth here 28 percent of my money in tech mostly qqq but i am anti big losses and anti big drawdowns always there are too many downtrends in the tech names and too many clean uptrends outside of tech to not have the positions spread out correctly,2 +2019-10-15,problem now with mkt up here is u cant do anything hard to sell and getting real hard to buy many of the buyers are fomo chasers institutions that are underinvested now fear yet another year of underperformance also recipe for growth to outperform in fourth quarter as they chase beta,1 +2019-10-22,techs going home ugly but katy huberty the apple ax from morgan stanley just raised her point from dollars 47 to dollars 89 and that could cause the group to rally after an initial txn related sell off,1 +2019-10-19,implied moves for next week mcd 3.1 percent logi 8.3 percent ups 5.1 percent biib 5.5 percent utx 3.2 percent snap 15.6 percent cmg 7.0 percent irbt 14.6 percent ba 5.6 percent msft 4.1 percent pypl 5.6 percent tsla 8.4 percent v 3.0 percent amzn 4.2 percent gild 3.9 percent ilmn 6.3 percent algn 9.9 percent xlnx 7.8 percent antm 4.5 percent now 8.9 percent twtr 9.7 percent cat 4.7 percent,4 +2019-10-09,trade possibilities mini deal no oct or dec tariffs spx up 200. no deal nothing changes oct tariffs and dec tariffs spx down 100 no deal trump get pissed raises dec tariffs aapl down 20 spx down to 2700 no one on twitter or cnbc gives you these possibilities,1 +2019-10-06,something i learned from jc is the value of going through the dow 30 uptrend aapl hd ko mcd mrk msft nke pg v vz wmt downtrend axp cat csco cvx dow jnj mmm pfe unh wba xom trendless ba dis gs ibm intc jpm trv utx,5 +2019-10-30,market update stocks flat to down waiting on new qe fix spy at 2 bolligner band extreme overbought st vxx at lower bb to oversold st aapl earnings to be contd 😉 fire update winds haven’t been that bad near me fires haven’t grown yet,1 +2019-10-25,amzn weight is 6 percent in nasdaq and 3 percent in SP500 trade deal headlines probably had less than 10 percent effect and affect on the markets today was mostly amazon dip buyers,2 +2019-11-11,mirae asset daewoo maintained its opinion buy of kt corp and target price 36500 aapl amzn ba cmcsa fb goog intc msft nflx nvda s t tmus tsla vz wmt xom,5 +2019-11-25,“buzz on the street” show nov 25 2019 earnings focus for the week nyse panw bby nasdaq ntnx ntnx panw bby,5 +2019-11-15,watch us report live from the floor of the nyse this weeks weekly wrap up includes dis nvda csco goos ba amzn aapl fb goog,5 +2019-11-01,watch us report live from the floor of the nyse this weeks weekly wrap up includes twlo etsy aapl fb spot amgn baba anet bgne pins fit goog,5 +2019-11-08,i monitor these 8 markets at all times im looking for momentum notice the difference on the index markets rty ym vs es nq emini dow nasdaq gc trade nq spy dia djia es esf ymf cl ng,1 +2019-11-18,hp rejected a dollars 3 billion takeover offer from xerox sending shares down in premarket trading here’s what we’re watching in the markets today with,1 +2019-11-06,to watch dfly this is a stunning breakthrough… north american company could land millions in new contracts that could send its price soaring,5 +2019-11-08,our new forecast,5 +2019-11-20,live stream tonight nov 20 0 pm est canada spy qqq aapl tsla amd ba googl do you have what it takes to succeed long term in the markets tonight i give you a market update and explain the facts why we succeed longterm and i will be answering some key questions,5 +2019-11-14,we saw a major uptick in volume today across the indices – stock volume is a critical component of trading we teach you its importance and how it affects price in our free courses spy roku,4 +2019-11-26,good morning late yesterday i posted that while we may not see liquidation short term inventory was dangerously long above the old high at the 3128 level that caution remains see graphic below join us for or primer starting on 12 to 4 spy,1 +2019-11-13,wow its not every day that luminary calls you an encyclopedia of knowledge discussing possible tour across also powells upbeat outlook on us and cross platform payments and sales nke aapl fb spy,5 +2019-11-21,work slacktechnologiesincclassa we go long this price will unlikely go down sell qqq to hedge,1 +2019-11-07,sibn si boneinc we are bullish this price will probably move up hedge by selling spy,1 +2019-11-13,crm we go long this price will rise hedge by selling spy,5 +2019-11-16,staa staarsurgicalco we go long this price will unlikely go down short some spy to hedge,2 +2019-11-21,repl replimunegroupinc this is a good opportunity this price is set for a rise short spy to hedge,4 +2019-11-12,this is a stunning breakthrough… north american company dfly could land millions in new contracts that could send its price soaring,5 +2019-11-14,apple just hit a new all time high for the sixth day in a row on pace for its best year in a decade but not everyones sweet on the stock heres why carter worth of would sell aapl here,4 +2019-11-19,spy has now gone 27 days without even probing its 10 moving average intraday longest previous streak was 22 days to ended on almost exactly 5 year s ago remarkable run up pullback overdue and might never ever happen spx,1 +2019-11-27,spy weeklystill have few days left on the short week but tough to go long right at channel resistance better to wait for a pb or look for a short trade to set up,3 +2019-11-28,happy thxgiving fintwit friends know that you’re appreciated i never get frustrated with disagreement re markets in fact i see it as essential to balance my views and keep possibilities in check necessary intellectual honesty here i present to you all vix less than 12 days since jan ‘18,5 +2019-11-06,twitters stock dipping in extended trading after the justice department charged two former employees with spying for saudi arabia brings us the latest and the traders react twtr,1 +2019-11-26,spy overbought territory with negative divergence forming tomorrows candle will give us a better clue july ath similar bullish picture with things turning ugly following inside day reversal,1 +2019-11-18,spread between 10 day sma of high and low in ticks is narrowing best time to buy is when the spread is very wide as was the case the end of august,2 +2019-11-30,nasdaq max upside 10 percent left in this move 5 waves could only be partial which makes them more bearish partial rise if it fails to test the upper trendline sells off from current levels nevertheless the probability of a monster sell off in 2020 is very high,2 +2019-11-01,nflxs price moved above its 50 day moving average on october 30 2019 view odds for this and other indicators,1 +2019-11-01,googs price moved above its 50 day moving average on october 9 2019 view odds for this and other indicators,1 +2019-11-26,p and l knew it was going to be a slower day today based on premarket gap scans with a bunch of dollars stocks and high io percent stocks only in play so lowered expectations accordingly nspr got some panic pop shorts on it ccxi tried my luck in the afternoon got chopped up in algo fest,2 +2019-11-01,tsla in downtrend its price may drop because broke its higher bollinger band on october 24 2019 view odds for this and other indicators,2 +2019-11-27,the spx hit 23 times pe ratio this week as the difference between gaap and non gaap earnings is the widest it’s ever been outside recessions back test of buying above 20 times implies negative returns over 12 million onths spy qqq,1 +2019-11-18,20 year weekly chart of the SP500500 short term i think we pull back here but long term i think we break out above this trend line spy es dji,1 +2019-11-08,🤣👏🏻 love it bollingers are below zero on vix 201.5 and at .10202 the only times we’ve dropped below 12 this year have been brief intraday spikes down before big spikes up this isn’t 2017 market is more like a zombie from 2017 putting on her wedding dress for nostalgia,5 +2019-11-15,many stocks in my watchlists starting to get into nosebleed territory amd is definitely starting to get after a strong recent run up and this weeks bull flag breakout,1 +2019-11-11,mon baba singles day tu trump trade and economic policy speech dis plus ddog swks huya w powell and congress avtr lockup exp csco lk ntap th powell nvda wmt amat f mo opex qcom analyst mtg supplier waiver exp fcc vote re huawei and zte security risk,1 +2019-11-18,tu qcom analyst mtg supplier waiver exp w vix exp fed min trump aapl mfg tour pdd th lei tsla cybertruck fri flash pmi fcc vote on zte security risk baba hk ipo keys mrvl to 4 nato summit msft shldr mtg crwd zm,1 +2019-11-30,insg inseego engages in the design and development of mobile internet of things iot and cloud solutions for large enterprise verticals service providers and small and medium sized businesses daily and monthly views below,5 +2019-11-18,the combined market cap of aapl and msft now exceeds the entire russell 2000 via,5 +2019-11-19,we may see a sector rotation into small caps iwm as spy and qqq seem to be flirting with overbought territory keep an eye on iwm and tna this week 60 min chart of iwm and tna shared showing this beautiful symmetrical triangle iwm daily chart shows this clear trend channel,5 +2019-11-01,amzns price moved above its 50 day moving average on october 30 2019 view odds for this and other indicators,1 +2019-11-18,aapl is up 88 percent ytd and 38 percent since august at the same time sales and op income are flat and down negative 9 percent ytd ebit margin down negative 200 billion ps for fy19 now 22 times pe ratio and 4.5 times sales both cycle highs,1 +2019-11-04,aapl this is our 4 winner right after earnings for aapl this video explains the facts a great study if your serious for success also this video shows you the links that show the great wins right into earnings for aapl all document to understand,5 +2019-11-12,i cant believe we spent so many years talking about fang stocks especially when you consider they did not include apple or microsoft as of this tweet apple and microsoft are the worlds only stocks with trillion dollar market caps one is up 45 percent ytd the other is up 65 percent,1 +2019-11-26,nyses a d line made a new ath monday very bullish but we still have an apparent divergence in eem to worry about todays small eem drop is not helping but it is not very far from here to get to a higher high,3 +2019-11-15,good noon another profitable week as market gets better and better have some exciting news to share this weekend stay tuned current swings with entry and remaining size cost 297.80 msft 145.10 v 177.80 zm 63.95 and googl 1298 full dis 139.50 .5 podd 169 .5 hagw,4 +2019-11-03,nasdaq new highs new lows was sitting at negative 182 significantly below zero on october 8 2018 friday the same indicator closed at positive 142 significantly above zero today looks significantly different relative to october 2018 spy spx qqq,1 +2019-11-05,spinning tops in qqq spy a small pullback phase wouldnt be a bad thing at this point,3 +2019-11-03,on october 9 of last year the percentage of nasdaq stocks 50 day ema had dropped all the way down to 26 percent the reading last friday was significantly more constructive and over 60 percent today looks quite a bit different relative to october 2018 spx qqq spy,1 +2019-11-18,when other folks at cnbc are like “earnings season is over” and i’m like “it’s just beginning” what’s on deck this week kohl’s kss home depot hd lowe’s low target tgt gap gps nordstrom jwn macy’s m lb lb foot locker fl urban outfitters urbn tjx tjx ross rost,4 +2019-11-17,semiconductors relative to the SP500 500 trying to clear an area that acted as resistance in 2001 2003 2017 and 2018 smh vs spy soxl usd psi spxx vgt ryt qqq xlk,4 +2019-11-06,breadth appears to flashing bullish signals across the board even from mid and small caps cumulative a and d lines attached thats a big change spx spy mid sml iwm,2 +2019-11-19,and we ended up with hyper asset inflation with spy price to tangible book value multiple of 11.2 times buffett’s favorite valuation metric for industrials to despite what the street says to its only for financials trading at a 3 sigma right tail bubble spy,1 +2019-11-07,were still stalling at my 3095 resistance area in spx after a solid rally and watching for at least some rejection in this zone weve put in a solid bearish 4 hour r rsi divergence on this latest high and small caps are lagging and have failed to track spx to a new weekly high yet,2 +2019-11-25,happy market day today indiabulls being the new one to join the surge also happy with the upmove in asset mgt business other than hdfc aditya birla slowly mkt rally is broadening,5 +2019-11-18,on the nasdaq the last 4 days have triggered a hindenburg omen here is every instance over the past 20 years when at least 4 of 5 days triggered a signal all 28 days showed a negative return either 3 6 or 12 months later,1 +2019-11-02,aapl up 20 percent in 20 days like a momentum not value stock ism under 50 again but industrials breakout cat up 24 percent on big earnings miss and i feel bad for fiduciaries who have no faith in the fundamentals of this market but can’t make fees on holding cash and can’t short,1 +2019-11-16,dow hits 28000 ath while fed continues to lower rates companies borrowing free money to buy their own stocks further inflating the already crazy stock evaluations national debt and consumer debt all time high negative yield inverted yep everything is all good,1 +2019-11-15,aapl with yet another analyst price target hike its a daily ritual but this stock is becoming way too overbought on a short term basis the stock price is now trading over dollars 0 above its 50 day ma and over dollars 0 from its 200 day ma,2 +2019-11-09,global stock mkts gained another dollars tn in mkt cap this week driven by earnings improvements on us china and us eu trade front and small improvement in econ data wall st reached aths global mkt cap of dollars 2 tn equates to 94 percent of global gdp just shy of buffetts 100 percent bubble indicator,1 +2019-11-09,reports that with 89 percent of SP500 500 firms having reported third quarter the negative 2.4 percent eps being tracked and 3.2 percent revenue growth both lowest since third quarter 16 broaden out universe to russell 3000 and adjust for inflation you see industrial recession low taken out,1 +2019-11-22,stocks may experience a pullback here but barring a significant decline next week the nasdaq composites monthly macd histogram is about to turn positive for the first time in 12 months when this happened in the past spx and nasdaq soared over the next 6 to 12 months every time,2 +2019-11-26,the top end tends to track with the index but the bottom end and midcap stocks trade in their own universe mainly news driven and because of lower liquidity the volume signatures tend to carry more weight when the smart money insiders start buying,3 +2019-11-02,when the biggest company in the world is well on its way to doubling in value this year how do you think things are going around here aapl spx djia in my opinion the only crisis the market is pricing in right now is in the portfolios of people fighting this trend,2 +2019-11-06,major indexes close mixed nasdaq snaps 3 day record setting streak dow falls less than a point at 27492 nasdaq negative 0.29 percent at 8410 SP500 500 positive 0.05 percent at 3076,1 +2019-11-16,spy im not heavy on either side but i do know when the bears are out like this calling for a crash we can only grind higher where else are you going to get a return other than the stock market right now this seems to just be getting started based on past breakouts,3 +2019-11-14,after the close nvda acb amat vff ftch wpm azre glob ttnp auph axnx axu sorl trwh klic crmd wyy year d eyes ngvc fsm dgii vjet hdsn qrhc redu osmt csse cang east fsi izea kmph inuv tcda dare lmb zsan ocx,1 +2019-11-14,takeaways from third quarter 13 fs swtx was a popular ipo under the radar but still trading near ipo price another ipo was blu funds added to amrn before todays adcom other popular adds were arql srpt and mrtx a lot of big funds lost on sldb even they can be wrong,2 +2019-11-22,here is a friday clip from my abbreviated note this morning quick thoughts around some of the names on my go to list aapl msft roku nflx amzn googl tsla cgc as friday’s not is smaller,4 +2019-11-18,lets look at rand returns of jse versus dj industrial index as well as nasdaq over 10 years jse and 294 percent dj30 positive 689 percent nasdaq positive 868 percent no further comment mlord,1 +2019-11-18,we keep making the gains with aapl because of skill study if you have missed these massive gains only to watch and say wow or complain and say things like it to high then long term success can not be yours skill is the only way and that what my group is all about skill,3 +2019-11-13,for the first time in months the nasdaq today triggered both hindenburg omen and titantic syndrome warning signs if you made fun of the silly names in july then youre in twitter jail and ya need to check yo self,1 +2019-11-15,study if your not happy that the spy is in new highs again and that aapl is also doing the same it time to reflect on how you think and understand that you are thinking like your average stock clown with no skills the market is for the smart with skill who can adapt and think,2 +2019-11-04,new spy highs today are all the wrong old world thinkers stock clowns with no skill still crying on how massively wrong they have been the big picture for the markets since 2016 to 2019 while i have been massively correct with powerful option plans to back it all up with instead,1 +2019-11-27,view todays from here discussed spy iwm dia qqq eem efa spx uso xlu xlre vnq tlt tnx gld uga fb amzn nflx googl xly v,1 +2019-11-06,uptrend still intact to had chance to buy shares that had mde new roc highs the past 2 to 3 days and once again dip below 5 sma on tape bomb provided buying opportunity in nq sp and rus dow did not get close,2 +2019-11-04,at 3100 spy will be trading at 18.5 times based on 2019 earnings of dollars 67 a share a 20 percent premium to its long term average—and yet still below the 2018 trailing peak of 22 times even as we make new highs the key observation is that valuations have already peaked for the cycle,3 +2019-11-21,we’re ahead of ourselves in terms of valuations says is a sell off on the horizon 🤔 “i never thought i’d be out of aapl dis roku all at the same time ” sarge broke down why he’s positioned for a pull back and where in retail he finds value on,1 +2019-11-14,live stream on now aapl tsla spy dis ba cat and more key info ask questions after the live stream is over 1 hour later go to this link my youtube channel where you can view the recorded live stream subscribe and study,1 +2019-11-15,gains in banks and manufacturers helped propel the dow to 28000 for the first time but apple powered the index’s latest 1000 point rally,4 +2019-11-01,aapl poor poor no skills bearish spy stock clowns and bearish aapl stock clowns while i lead the people over and over again in the correct direction with great wining option plans the stock clowns just cry and complain with no skill smashed to nothing wake and study,1 +2019-11-30,blessed saturday a very good morning to all of you stay blessed n remain happy always sgx do not get carried away europe n usa fell sgx had no option lets c what is in store for us fridays trades bajaj twins dr reddy etc were not bad will market fvr us everyday,5 +2019-11-08,small cap index trading near its 200 sma and anytime can cross it many companies post results are showing no significant correction because market discount future earning and future is going to be bright after many reforms done by government stay invested for bull market,2 +2019-11-01,major indexes close solidly higher on first trading day of the month after strong jobs data trade optimism nasdaq and SP500 close at new record highs dow closing in on record dow positive 1.11 percent at 27347 nasdaq positive 1.13 percent at 8386 SP500 500 positive 0.94 percent at 3066,1 +2019-11-29,first part of december swings are done mostly dis nflx nvda calls and tsla puts waiting for a good entry for shop ttd and spy swings roku baba fb aapl amd twlo still on watch for next week bynd kicked off the permawatch toast to a great december 🍻🍻🍻,5 +2019-11-21,is selling names that people love ➡️ bac intc crm “we’ve had such a run and i continue to like the market but a bunch of my names are approaching their target ” as the tina trade and fomo push the market johnson shares some new names to love with,4 +2019-11-06,spx made a new high then dow sensex too nasdaq too gunning for it nifty too is not too far when all parent indices are making new highs then do you really think the child indices would stay low for long,2 +2019-11-05,the dow and nasdaq hit new all time highs for a second straight day while the SP500 500 was slightly lower the dow rose 0.1 percent or 30.5 points the SP500 500 edged down 0.1 percent the nasdaq composite inched higher by 0.02 percent,1 +2019-11-24,lots of data on tap in holiday shortened trading week for gdp data for canada and sweden and us inflation for the eurozone and us and china pmi these insights will be supplemented by other us data including housing and confidence also fed powells speech and german party election,3 +2019-11-03,microsoft apple amazon google owner alphabet and facebook are the largest companies in america and have a collective market value of dollars .5 trillion this means that popular passive index etfs are heavily concentrated in just a few names,1 +2019-11-06,it destroys what makes the american stock market so great when machine trading runs up stocks like caterpillar and fedex up for no true reason to deep liquidity that leads to real price discovery,1 +2019-11-27,1 SP500 500 all time high 2 dow all time high 3 nasdaq all time high 4 wilshire 5000 all time high 5 home prices all time high 6 expansion longest in history 125 months 7 jobs longest streak in history 109 months 8 fed expected to cut rates for 4 time in 2020,5 +2019-11-18,pg and amzn ill give the bears those two they look a little weak but with msft and aapl chugging along to which together are over 8.5 percent of the SP500 500 combined with brk b jpm and googlanother 6 percent and i just dont see the weight of evidence in favor of the bears yet,2 +2019-11-01,aapl is the top holding in both the ishares SP500 500 value etf ive and the ishares r1000 growth etf iwf symbolic of the split among indexes as a whole as it shows up in exactly 13 value etfs and 13 growth etfs,5 +2019-11-02,the real alpha i see is in the oversold out of favor cyclical commodity industrial stocks steel chemical oils emerging mkts europe but this requires a continuation of rally into y and e not easy bet and not likely to be stress free if index is positive 2 to 3 percent they can be 5 times that,2 +2019-11-24,setups and watch list stne se payc now splk docu rh roku aaxn nvcr following charts courtesy of spy qqq iwm,1 +2019-11-07,fundstrat “raising SP500 500 ye target to 3185 due santa claus rally and ism inflection and positioning dont sell this rally “. stocks are cheap and arguably eps could be dollars 88 dollars 90 if industrial cycle accelerates as we expect ”,1 +2019-11-21,can the secular bull market continue yes but i assume nothing as a stock trader i take my cues from the stocks themselves right now there are enough setups to buy but not enough traction to buy aggressively much of the follow through has required holding into earnings,2 +2019-11-15,maybe let aapl and msft show some weakness before you get super bearish on the broad market just an idea,3 +2019-11-07,the market rally had not yet broadened out and remains very selective there is indeed a lack of participation among small and mid cap names indexing is still in vogue SP500 500 investors should remain fully invested individual stock investors need to pick spots carefully,3 +2019-11-18,pe ratios of richest by SP500 weight tech stocks msft 28.24 goog 29.94 amzn 76.97 fb 31.18 aapl 22.42 18 percent of spx apparently were going to party like its 1999,1 +2019-11-01,ok here your gift semi eqpt amat 60 are 34 calls fro 11 to 22 expire earnings on 11 to 14 asml exploding if goes can see 66 or 34 calls to 6 bucks,3 +2019-11-20,is this a serious tweet jim we’ve literally had 150 spx points uninterrupted to the upside and you’re complaining about retracing 30 billion ps better call in the fed for more ‘not qe’,1 +2019-11-07,earning season is making it difficult to get on some of these great setups with low volatility risk we added nmih to our buy alert list this week gap and run this morning on earnings setups will occur during the quiet period as well be patient,3 +2019-11-02,we hear that aapl and msft are “carrying the market” how does that explain germany japan eafe russia home builders industrials construction health care and banks at new highs,5 +2019-11-25,q4 gdp goes flat mfg in recession earnings slump fed printing money at levels not seen since qe 2 buybacks record high and fox news and trumps entire family now on twitter telling people to buy stocks,1 +2019-11-03,will open with a tailwind from favorable trade headlines over the weekend and fridays solid report this comes ahead of a week full of macro economic data and earnings as well several speakers and the long awaited,5 +2019-11-15,this is my current watchlist aapl adbe agq amzn brk b celg dia dis etsy fb gld googl gs iwb iwc iwm ma qqq spy vix what am i missing,5 +2019-11-17,i’ll do twtr live video on the stock i’m talking about my last public video discussed how to buy aapl at dollars 47 and why i was in msft dollars 39 this next name could go 50 points over the next two months 👍,1 +2019-11-17,this is my current watchlist aapl adbe agq amzn brk b celg dia dis etsy fb gld googl gs iwb iwc iwm ma qqq spy vix what am i missing,5 +2019-11-01,most growth stocks have been smoked since early august and some of the greatest businesses i e fb goog with wide moats and consistent growth are now trading around market multiple yet defensive names with no growth are trading above market multiple where is the bubble,1 +2019-12-01,amd 1 hour the determinants we have planned for the on schedule it could represent how to continue a trend my target projection is over then the price adjusts,4 +2019-12-03,amzn wmt cost baba which to back in golden quarter finale,3 +2019-12-26,nasdaq crossed the 9000 point mark for the first time as all three major wall street indexes posted record closing highs boosted by optimism over us china trade relations and gains in amazon shares,1 +2019-12-10,neither fortnite nor epic games have stocks you can invest in all the commentators saying smart move when they wouldnt know what that looked like if it slapped them in the face like an oversized cock the smart move is the impression farm not the fictional investment,1 +2019-12-16,data and chart check for cumminsind rsi moves above 50 showing mild strength adx might start trending will be clear in coming sessions weekly highs some short covering seen supp as per charts can be seen not a call recco do your research keep learning keep sharing,3 +2019-12-31,penultimate day of trade in 2019 within striking distance of best year since 1997 when us benchmarks rallied 31 percent declines despite us phase 1 deal signing meantime bets big on while some predict might buy aapl spy,1 +2019-12-28,mkt leader in security facility management and cash logistics can this be an intelligent swing stacks are fully against it with a large overhead supply right up there d and e is rising low icr cfo can be better insider sells in nov but sales and profits rose,3 +2019-12-17,market is hot again but cooling off later in the day volume at 11 to 12 with huge paper to the upside a lot of assets moving to the upside jpm gs tgt jnj and many others this is the rebellion baby visit,2 +2019-12-26,apple and amazon are front and center on the desk tonight after the nasdaq hit its 9000 landmark heres how our traders are approaching the high flying names aapl amzn,5 +2019-12-22,nvda stop monkeying around price to activate dollars 40.40 stop loss dollars 23.57 1 target dollars 59.63 2 target dollars 88.48 education basis only no stock or advice recommendations the risk is yours only,1 +2019-12-18,markets moving to the upside again today despite all the background events volume still at 12 energy tech and healthcare all moving tot the upside with names like fb ba and many others this is the rebellion giddy up,1 +2019-12-23,market is up another 100 points today ba leading the charge today as well as aapl volumes still in the 12 range we are still trading 25 million options contracts per day volumes are high for this time of year giddy up,5 +2019-12-12,it’s christmas in miami and christmas in the market today financials such as jp morgan and gs moving to the upside as well as energy exxon and chevron getting it done today stay discipline stay hungry this is the rebellion baby giddy up,5 +2019-12-29,msft is in play 🖥️ price to activate dollars 58.50 stop loss dollars 47.39 1 target dollars 71.18 2 target dollars 90.20 education basis only no stock or advice recommendations the risk is yours only,1 +2019-12-01,this still amazes me aapls market cap is up more than half a trillion dollars in less than a year spx spy ndx qqq,5 +2019-12-27,the nasdaq composite logged its 10 record in a row and finished above 9000 points for the first time ever its the indexs longest winning streak since july 2013,5 +2019-12-31,🥂happy new year 🥂 major indexes close higher on the final trading day of 2019 dow positive 0.26 percent at 28536.54 nasdaq positive 0.30 percent at 8972.60 SP500 500 positive 0.29 percent at 3230.60,1 +2019-12-05,thursday thrust – markets drive back to the highs correction what correction aapl sqqq,1 +2019-12-28,information technology accounted for 31.3 percent of the spx 2019 total return as aapl and msft accounted for 14.8 percent 17.8 percent for mtd december 2019 from 2009 aapl and msft accounted for 8.45 percent of the spx total return,1 +2019-12-25,everyones taking about aapl positive 83 percent ytd but tgt is positive 101 percent ytd with one of most viscous charts for shorts ive seen in 25 years in the markets,2 +2019-12-26,p and l guess the market didnt get the memo that is over because its still giving out gifts a 3 straight invite this week 🔥 mbot made me work a little but managed risk and nailed it bagholder short style xrf nailed both sides nlnk lqda padders,2 +2019-12-01,amzns price moved above its 50 day moving average on november 25 2019 view odds for this and other indicators,1 +2019-12-28,just about everywhere technology biotechnology demographics cloud computing brenthurst global equity fund health care stocks it’s been like xmas every day the past year,5 +2019-12-14,SP500 500 is very top heavy again top five stocks apple microsoft google facebook and amazon at 16.5 percent the most weight since 1999 chart via,5 +2019-12-16,open positions start of week abt amd amzn baba bac cs fb ge hal hl mas mt nvda shop x qqq smh xme itb xop all long,5 +2019-12-05,we can look at leaders for clues tsm was first to breakout back in september then semiconductors and the broad market followed in october guess what tsm recorded a new high again today showing the way spy smh sox esf,1 +2019-12-29,on this day in 1999 nasdaq closes above 4000 for the first time most influential stocks then microsoft cisco intel oracle most influential stocks since then,5 +2019-12-03,amd getting at interesting levels again finally getting that 20 day ma pullbackholy grail setup no position in this one yet tho want to see how it looks as we approach the close,5 +2019-12-18,market looks set for a mad rally fuelled by the us china trade deal and proposed budget proposals blaming the set of companies that are going up will never be the same like buying them to better participate than crib we track this data very carefully to set up looks super bullish,1 +2019-12-26,santa rally sure seems to be in full swing current positions with entry price and size v 182.80 msft 153.20 and amzn 1822.17 coup 151.33 full payc 259.42 sso 144.20 nvcr 83.25 .5 shop 408.58 .5 took profits on nvda this week 8 percent winner 🙋‍♂️🙋‍♂️,5 +2019-12-31,ytd nifty 13 percent dow 22 percent SP500 28.5 percent nasdaq 35 percent nikkei 18 percent ytd nifty 13 percent hong kong 10 percent china 22 percent brazil 31.58 percent ytd nifty 13 percent gold 18 percent brent 27 percent ytd nifty 13 percent bank nifty 19 percent nifty psu negative 18 percent midcap negative 4.5 percent bse small cap negative 7 percent,1 +2019-12-02,why we are in chop right now with the spy and qqq for key stocks this video is just perfect why the market is acting this way but remains very strong but as i explained the right stocks will give the new signals once big money positions itself,4 +2019-12-02,spy qqq iwm 15 min charts notice the low green volume bars against those big red ones gives this bear flag more validity this keeps me cautious going into tomorrow no rush to buy the dip here let it play out,5 +2019-12-11,amrn 26 28 to 9 arwr 81 95 axsm high 50’s clvs 13 17 gtt 17 .75 22 to 3 lk 32 to 3 high 30’s pbyi 9 .5 10 .5 11 .5 or more wrtc 7.40 to .50 8 to 9,3 +2019-12-23,india mart up 5 percent jefferies initiate at buy tp at 2500 expect 20 percent revenue cagr over fy20 to 22 e despite macro headwinds related to economic slowdown high roi and limited avenues for b2 billion smes for targeted advertising lower risk from google compared to b2 calls classified,1 +2019-12-26,the nasdaq composite logged its tenth record in a row and finished above 9000 points for the first time ever its the indexs longest winning streak since july 2013,5 +2019-12-12,this morning i posted bull flag and triangle patterns in spx rut and smh and these patterns are still in play after fomc smh to which has been the leader all year to already broke out of its flag to new aths today and if it remains the leader spx and rut should follow,5 +2019-12-26,what a fun day amd lulu were good to me nflx a turd and missed to much of amzn but finally got in if you missed it today another chance tomorrow always another chance keep your head up oh its thursday one more day to we chill,4 +2019-12-29,wed mkt closed th pmi fed minutes fri ism mfg pmi svcs to 10 ces show jobs report jpm c unh bac gs nflx snap msft tsla pypl amzn intc nok twtr vz eric googl t spot amd shop aapl fb ba,1 +2019-12-13,massive breakouts across the board today new highs in core names by volume etfs spy xlf efa iwm xlk xlv smh ezu nyse bac baba bmy c tsm jpm ms mrk nke dhi stm mas unh gs nasdaq amd aapl msft nvda,1 +2019-12-27,nasdaq now on the biggest winning streak in the last 10 years also the most overbought in the last 10 year s up 37 percent this year already pe ratio ratio at 27 on expected earnings growth of 8 to 9 percent next year,1 +2019-12-31,big excitement for this gaapspx chart i use in my intermarket analysis for clients tu my point im suspicious of narrative that us corp profits are set to rebound in 2020 add to that spy forward earnings yield is 5.35 percent lowest since 2008 and peaked dec 21 18 at 7.02 percent,1 +2019-12-22,spy weekly elliot wavers👋and rising wedgers😎called top at 302 against my 322 measured target i was shy of 0.03 cents on fridays 321.97 intra high😉,5 +2019-12-26,im sure all those people that work at walmart and serve at restaurants were able to cash in big on the nasdaq gains you orange clown most americans dont have the money to gamble on the stock market,1 +2019-12-13,a few charts that are critical right now msci awi index emerging and developed markets and nyse index broke out above jan 2018 highs surge in nyse new highs to new lows surge in financial sector members at 52 week highs almost always bullish for equities 6 to 12 months later,1 +2019-12-30,3 times short nasdaq 100 2010 😢 2010 to 61 percent 2011 to 37 percent 2012 to 49 percent 2013 to 65 percent 2014 to 48 percent 2015 to 38 percent 2016 to 30 percent 2017 to 59 percent 2018 to 21 percent 2019 to 66 percent total return negative 99.89 percent sqqq,1 +2019-12-18,market levels are worrisome there is good value in rest of the mkt but headline indices are high as fk if that worries you put 25 percent in cash sleep greater than returns,3 +2019-12-23,actually youre missing a few like dexcom 4044.8 percent united rentals 4126.1 percent las vegas sands 4171.8 percent dominos pizza 4171.8 percent abiomed 6108.0 percent netflix is at 6438.4 percent lulemon athletica 6541.0 percent etc,1 +2019-12-04,sent this to trader buds quick review se tsla aaxn amd iphi ntnx nvcr spot docu uctt vips ever pcty cdlx lk roku cgc shop rdfn point on pgny splk payc enph inmd,5 +2019-12-20,get private twitter with lots of great charts to hope he doesnt mind me posting a snippet amzn is very close 200 displaced moving average and it could get there very quickly to by then 50 displaced moving average might also cross 100 displaced moving average to rebal today too dollars 00 million m to buy notice aapl for sale,1 +2019-12-12,the ground seems to be shifting under the semiconductor industry aapl goog fb tsla amzn are taking share from intc and nvda,3 +2019-12-20,back on july 10 it was clear to me that the market to fueled fed easing to was setting up for a breakout that we now know in hindsight eventually occurred in oct most were fearing a big top was forming as expected sm and mcaps are lagging but i think they will play catch up,2 +2019-12-04,after the market closes today rh work five snps smar home tlys hrb gef estc dsgx smtc spwh vrnt emkr pgny cmtl seac,5 +2019-12-17,major indexes close flat but higher notching out records for the 4 straight session dow positive 0.11 percent at 28266 nasdaq positive 0.10 percent at 8823 SP500 500 positive 0.03 percent at 3192,3 +2019-12-21,what will january bring this weeks homework is very simple and yet vip study the nasdaq each year going back to 1972 focus on the prevailing trend into year end and then the 1 two weeks of the new year as bill would say if you want to know about fish look at a fishbowl,4 +2019-12-19,dont get freaked out tomorrow morning when you see spy rolling across the screen premkt and see it down dollars .50 tomorrow spy and all the spdr etfs ie xlf xlv xle xrt go ex div tomorrow they always do on quadruple witching day,1 +2019-12-16,markets ytd nasdaq positive 34 percent SP500500 28 percent daxpositive 25 percent cacpositive 25 percent msciworld positive 24 percent jsepositive 8 percent hong kong positive 8 percent this has been the trend for 7 years now you decide what this means,1 +2019-12-10,december is very different compared to last year both and hit record highs during a traditionally weak period check our top 2 times etps post 2 times goog etp positive 12.80 percent 2 times aapl etp and 19.40 percent 2 times c etp positive 16.70 percent 2 times msft etp positive 20.50 percent,2 +2019-12-27,wish everyone a great weekend out there to hope you benefit something from my tweets to trying my best to not perfect but trying to give my views on markets and stocks spx enjoy and have a a nice weekend all,4 +2020-01-04,could nflx stock price go higher let’s have a look,3 +2020-01-26,ai stock price forecasting 4 percent return in just 3 days are the ai systems ready to dominate stock market investing,1 +2020-01-15,he doubled the price of in the last three months click to read everything about the sum will get if this rapid growth rate continues tsla,3 +2020-01-15,live stream tonight 0 pm est canada i explain how i lead my group to massive gains in both aapl and tsla also i talk about cost and amd googl all of dec into this jan month it has been back to back wins come and ask questions also i talk about the spy and the market,5 +2020-01-26,ai stock price forecasting 4 percent return in just 3 days are the ai systems ready to dominate stock market investing checkout this tweet ab…,1 +2020-01-08,very bad crude oil data causing oil price to tank now 🙅🏻‍♂,1 +2020-01-29,live stream tonight at 0 pm est canada figure out your time zone to match my time zone tonight i explain the importance of catching major moves in the market like we did in aapl and tsla back to back massive gains plus more key info on the spy qqq and the big picture,5 +2020-01-02,amd breaks all time stock price record dollars 8.53 right around 2 puts m est,1 +2020-01-10,price performance symbol today 1 million onth 3 month one year dow negative 0.15 percent positive 3.70 percent positive 7.82 percent positive 20.47 percent SP500500 positive 0.04 percent positive 4.59 percent positive 10.30 percent positive 26.17 percent nasdaq equals 0.06 percent positive 6.88 percent positive 14.30 percent positive 31.82 percent,1 +2020-01-16,it is not coincidence that aapl stopped going higher when spx hit this titanium wall that created two brief bear markets in 2018 one of which made powell fill his pants and completely reverse policy corrections in parabolas are sudden but very lucrative closely watching,2 +2020-01-09,price to activate dollars 6.65 see jan 2 tweet education basis only no stock or advice recommendations the risk is yours only spy spx dia com,1 +2020-01-22,tesla surpassed dollars 00 billion market value its now the highest valued us automaker of all time and its market capitalization has surpassed those of both ford and gm combined,5 +2020-01-03,this is what our traders are watching first thing monday slb cqqq snap xle,5 +2020-01-26,alright volatility is back ‘bout time the narrow perpetual push higher with constant “don’t fight the fed 🤓” uptrend is the worst thank goodness we have a market again,1 +2020-01-29,overall profit for the day dollars 49 i got nervous on my spy calls expiring tomorrow despite my view that tomorrow is a high for the week cashed out at the close but kept qqq 224 calls i bought for friday account value dollars 377 remove margin from your day trade acct and no 3 a week rule,1 +2020-01-16,my pajamas are fuming ”blow off top” vix into the close it’s green 🤣 you guys have fun with another positive 30 easy points into opex tomorrow i carried my puts into the close maybe into a permanent sunset turned a green day into red but the week isn’t over yet or is it 😂,1 +2020-01-23,with the nasdaq closing at yet another new high tom lee gives his predictions for stocks and reveals what areas of the market he finds attractive,4 +2020-01-30,amazon topping dollars trillion in market cap as the stock surges to all time highs after hours heres what the traders think of amzn and its blowout earnings beat,1 +2020-01-17,aapl as expressed by the parabolic jack ‘n the bean stalk pattern spoiler alert do you know what happened to the giant show me one example where a company went parabolic and it didn’t end badly it’s a challenge and maybe educational for me if i’m wrong msft 2000 to 2016 flat,3 +2020-01-04,spyfall part 2 tomorrow spyfall part 2 tomorrow spyfall part 2 tomorrow spyfall part 2 tomorrow spyfall part 2 tomorrow spyfall part 2 tomorrow spyfall part 2 tomorrow spyfall part 2 tomorrow spyfall part 2 tomorrow spyfall part 2 tomorrow spyfall part 2 tomorrow spyfall part 2 t,3 +2020-01-27,its techs time to shine this earnings season carter worth breaks down what that could mean for the faang stocks the tech sector and the nasdaq fb amzn aapl nflx googl,3 +2020-01-02,amzns price moved above its 50 day moving average on december 16 2019 view odds for this and other indicators,1 +2020-01-01,aal in downtrend its price may drop because broke its higher bollinger band on december 20 2019 view odds for this and other indicators,2 +2020-01-30,p and l dollars .8 thousand 🔥 who says madaz only trades small caps😆 give me volume and volatility and im there nailed tsla washout long and amzn ah fun bucks also nailed sint panic pop shorts and wallet padders and nnvc late day washout long wallet padders,1 +2020-01-19,yes and the cyclical recovery we feel in financial markets will feel recessionary while semiconductor tech and trade related activities may bounce on low base cheap rates and cycle turning consumers pinched by high debt stagnant income and insecurity unlikely to boost discretionary,1 +2020-01-28,i monitor spx and qqq charts with these trend channels yesterdays gaps can be filled question is this a december 2019 type short correction or we breakdown those trend channels for a larger scale pullback for that yesterdays lows will be critical levels,3 +2020-01-07,the 29 percent gain in the SP500 and 35 percent in nasdaq stole the show but there was one index last year that trounced them both rising 51 percent any guesses macromavens tshirt to the 1 person to get it,1 +2020-01-31,the SP500 top four gainers to msft aapl amzn goog to accounted for more of the SP500 500’s gain this month than in any january going back to 1999 bbg,5 +2020-01-02,rt stockfamily eth x 😎😎 aapl spy amd spx,5 +2020-01-15,observations today aapl amzn ba red what was green amongst leaders semis down tech weak overall vix and vix etns tvix vxx uvxy held up all day vvix way up gold and bonds strong let the market drop already,2 +2020-01-02,hello did you know that right now apple and microsoft alone are worth as much as the entire german stock market combined i mean freaking where is tyler dirden when you need him that’s from fight club,1 +2020-01-19,study hd spy anet tlry here is everything i called out live on twitch or in my mod room on last week lets see what we start with on tuesday link to stream in profile,5 +2020-01-13,whether stocks are expensive or cheap depends where you look some like aapl are trading at much higher than historical valuations despite sluggish expected growth others like ccl are trading very cheaply as the market seems to disbelieve bullish analyst forecasts for it,2 +2020-01-31,apple amazon microsoft and alphabet now each worth more than dollars trillion account for 17 percent of the SP500 500 total market value great charts here from aapl amzn msft googl,5 +2020-01-22,started off this short week on a good note as most names acted well since open swings with entry price and remaining size v 182.80 .5 msft 153.20 .5 shop 412.25 .25 podd 179.45 .5 nvcr 94.08 .75 sedg 106.05 amzn 1888.60 coup 171.25 and klac 180.55 full,2 +2020-01-10,on top of the aapl and tsla wins we also had cost as well i need to make a video on this but this was the posted plan in my group on jan 06 great gains today for us along will aapl study my youtube channel for more info chart plan to see below,5 +2020-01-16,markets jump to record highs again as strong earnings and data boost sentiment on wall street how much higher will the market go tomorrow dia spy qqq,5 +2020-01-05,qqq as bad as 2008 was look at the 2000 to 2002 post tech bubble performance thats a lot of pain hope never to see that again past decade has made tons of people but pays to have a plan to make sure you keep most of it in case things turn bad at some point down the road,1 +2020-01-15,with markets at all time highs and sentiment starting to approach short term bearish territory we are in a very interesting spot going into earnings takes you through it in names like aapl tlry pins in the degenerate’s hangout,5 +2020-01-01,amzns price moved above its 50 day moving average on december 16 2019 view odds for this and other indicators,1 +2020-01-09,📈📈 thursday mornings most actively traded stocks 📉📉 1 amd 2 aapl 3 tsla 4 msft 5 babs 6 fb 7 nflx 8 amzn 9 googl 10 goog see the rest of todays trending stocks here are you trading any of these names today,5 +2020-01-15,the batsht crazy index bynd aapl tsla has gone ballistic for the past two months h and t to for index creation is the top close stay tuned in next week to same bat time same bat channel,5 +2020-01-17,tesla amd twitter snap maybe the most absurd and hated basket of stocks ever early last year a few of my co workers and i started calling them the tats hipster millennials with tattoos there’s no way that basket of stocks would ever breakout right here’s an update,1 +2020-01-15,apple and microsoft earnings in two weeks will be some of the more important idiosyncratic data points for markets given market cap positioning and recent performance,4 +2020-01-13,apple microsoft alphabet amazon and facebook now make up 18 percent of the total market cap of SP500 500 the highest level ever multiple strategists are sounding alarms on the increasing dominance of big tech warning of a pullback in stocks ahead more,5 +2020-01-05,the late stage unicorn basket from the bet outperformed the SP500 but underperformed big tech heres what dollars invested 4.5 years ago would be worth today • SP500 dollars .57 • unicorn basket dollars .6 • fb dollars .39 • aapl dollars .4 • goog dollars .6 • nflx dollars .47 • msft dollars .57 • amzn dollars .28,1 +2020-01-09,yesterday sgx nifty showed 180 point gap down today it is showing 130 points gap up missile attack by iran killed few us soldiers and many short sellers for more analysis,1 +2020-01-22,the last time the nasdaq was this overbought on the weekly was in march 2012 a two months 15 percent correction started two weeks later helped along by poor us data mainly payrolls and concerns about the eurozone debt crisis,1 +2020-01-08,2019 returns for every stock in the nyse index with dividends reinvested aapl positive 88.97 percent nvda positive 77.95 percent fb positive 56.57 percent baba positive 54.74 percent googl positive 28.18 percent tsla positive 25.7 percent amzn positive 23.03 percent nflx positive 20.89 percent twtr positive 11.52 percent bidu negative 20.3 percent per factset,1 +2020-01-10,lots of commentary about how the qqq is outperforming the spy just one note there are only a few times in the last 25 years where both markets were trading 3 standard deviations above their 200 week ma this is one of them,4 +2020-01-14,the only time the ratio of the nasdaq to the SP500 500 has been higher than current levels was during a 4 month window between january and april 2000 for those that remember first quarter 2000. spy qqq,1 +2020-01-02,if you are wondering trin is a comparison of breadth to advancing and declining volume the very low number tell us that just a few big caps like aapl are holding this market up,3 +2020-01-21,scheduled after the market closes today nflx ual ibm cof amtd navi zion ibkr wsfs pnfp fult ucbi sfbs tbk fmbi fbk smbk rnst trst gsbc wtfc,1 +2020-01-13,do what you will just giving info stocks appian appn zoom zm trade desk ttd hubspot hubs activision blizzard atvi okta okta call options booking holdings bkng apple aapl netflix nflx tesla tsla accenture acn could make you some cash or at least give you a good place to put it,4 +2020-01-30,tsla and aapl rallied into and didnt disappoint fb and amd disappointed but intc showed signs of a turnaround tradestation securities breaks it all down,1 +2020-01-25,last 12 months i think not here are the 10 year numbers nasdaq 741 percent SP500500 577 percent msci world 396 percent msci jpn 268 percent msci europe 233 percent ftse100 217 percent jse 178 percent total returns capital growth plus dividends,1 +2020-01-29,after the close tsla msft fb pypl now lrcx algn uri qrvo lvs ilmn crus mdlz algt mlnx cree llnw adm mth amp var enva agnc caci holx cnmd azpn ttek seic pkg maa dlb fbhs dre musa lm bdn ess clb ivac,1 +2020-01-15,in 2019 apple made up 4.5 percent of SP500 500 index—on higher end of market weighting for single stock in recent memory but it’s actually in middle of the road on historical basis past performance is no guarantee of future results,2 +2020-01-23,live stream on now aapl tsla spy amd i explain abut oru back to back gains in both aapl and tsla and how it important to understand the big picture for long term success and what i have explain has worked year after year without fail,5 +2020-01-28,aapl has had the pattern of gap down and rally since august i have no idea what it will do on eps tonite but if that pattern changes then well have something to fuss over,3 +2020-01-31,asian stocks ⬆ after a six day losing streak on virus concerns u s futures ⬆ oil gold ⬆ amazon tops dollars trillion market cap after earnings pop,1 +2020-01-16,live stream on now aapl amd googl spy tsla i explain the facts if your serious for success come to my livestreams i do this to benefit the right people who ever makes it into my group is really lucky,5 +2020-01-13,gains gains gains gains in the market with the right key stocks aapl tsla back to back to back to back etc etc to much skill new videos coming very soon with a new video intro,4 +2020-01-14,the nasdaq is currently up 29 percent over the past 2 years during the final 2 years of the tech bubble it was up 188 percent this market is not like the dot com bubble,1 +2020-01-14,view todays from discussed spy iwm dia qqq eem efa spx uso tnx aapl msft urth amzn goog ewg argt deo ul ewu ccl,1 +2020-01-23,intc surges after hours following sharp earnings beat revenue tops dollars 0 billion for first time ever intel posted earnings of dollars . vs dollars . expected dollars 0.2 billion in revenue vs dollars 9.2 billion forecast,1 +2020-01-26,as we head into a big tech earnings week one of the biggest risks to the market is that 5 stocks aapl msft amzn fb and goog represent more than dollars trillion in market value with very full valuations already any pullback in this sector will have a big impact on the mkt,1 +2020-01-25,world about to learn if dollars tn tech rally was a good idea tech stocks have rallied twice as fast as the SP500500 since 2019 nasdaq 100 valuation is highest since 2007 ahead of earnings apple microsoft facebook among companies scheduled to report next week,1 +2020-01-30,looks like we may have four u s companies with trillion dollar market caps tomorrow first time that has ever occurred apple microsoft alphabet and amazon,1 +2020-01-06,stocks be careful mkt cap to gdp ratio at an all time record cyclically adjusted pe ratio far above its long term average and the third highest in history stk mkt leaders appl and msft representing 38 percent of the SP500‘s total 29 percent price gain 17 stocks were 76 percent of total gain,5 +2020-01-31,amazon aws dollars 0 billion revenue run rate microsoft azure dollars 6 billion est google cp dollars b majority of fortune 1000 tech stack still less than 30 percent cloud long amzn msft goog ☁️🚀,1 +2020-01-27,the had its worst week since august as coronavirus fears spread will investors buy the pullback with major earnings like aapl amzn amd tsla and fb due this week tradestation securities’ recap has answers,1 +2020-01-13,fall dip in enterprise saas followed by major bounce shop dollars 95 dollars 40 current positive 49 percent twlo dollars 1 dollars 20 positive 31 percent splk dollars 10 dollars 56 positive 41 percent zm dollars 2 dollars 4 positive 19 percent okta dollars 8 dollars 31 positive 33 percent ddog dollars 8 dollars 1 positive 46 percent 🚀 🚀 🚀,1 +2020-01-22,tesla valued at dollars 05 billion more than volkswagen and after never reporting a single year with earnings apple doubles its value on declining sales and income good thing there are no bubbles no inflation no qe and no levered hedge funds to prop up thanks fed,1 +2020-01-25,some implied moves for next week1 of2 aapl 5.4 percent amd 9.6 percent ba 4.9 percent tsla 12.5 percent msft 3.9 percent fb 5.8 percent amzn 4.3 percent pypl 5.7 percent now 7.1 percent algn 11.2 percent v 3.3 percent cat 4.9 percent sbux 4.5 percent mcd 3.2 percent ge 6.9 percent vz 2.7 percent biib 5.8 percent alxn 5.5 percent t 3.7 percent lmt 2.9 percent,3 +2020-01-15,interesting day market sold off following trade deal party sell on the news though da boys were able to keep major indices green nasdaq just barely semis fell and some of crazies like tsla had huge intraday reversals could signal end of that parabolic move trouble tomorrow,2 +2020-01-21,q4 eps reports for tech about to begin taiwan semis report mkt share gains overly optimistic 5 g forecastlast week not indicative of other semi co results many of which will be down sharply y and y will tell us if fundamentals matter at all recently only fed qe has mattered,2 +2020-01-10,just a few of the all time highs today apple facebook alphabet best buy tjx estee lauder allstate moodys lilly medtronic dover adobe autodesk salesforce mastercard microsoft servicenow visa,5 +2020-01-10,i think i might do a twitter live stream q and a about what to do with your stocks when the market is crazy good do you sell buy or hold any interest please like and i’ll scrape some time today otherwise i’m busy 😊 tsla aapl msft,3 +2020-01-28,market squeezing shorts trapped by the gap up make money aapl msft nflx googl all hod sq beast,1 +2020-01-17,some of the 111 SP500 all time highs comcast alphabet live nation hilton nike estee lauder hormel kimberly clark coke monster bev pepsi p and g allstate berkshire amex moodys nasdaq SP500 global j and j medtronic zoetis honeywell eaton dover ksu lockheed raytheon microsoft adobe amd visa,5 +2020-01-30,appl 10 amzn 72 baba 9 bbd 1 bidu 11 c 3 csco 5 disn 4 fb 8 glnt 2 gold 1 googl 29 ibm 5 ko 5 meli 2 mmm 5 msft 5 pbr 1 t 3 tsla 15 vale 2,1 +2020-01-17,bofa dollars 2 t of qe since lehman dollars t stock buybacks past 5 years by top 20 us companies dollars 81000 per employee appl msft goog all worth dollars t SP500 500 just 5 percent away from becoming largest bull market of all time 3498 via,1 +2020-01-21,good morning futures red impeachment starts today earnings kick in hard today shop keybanc maintains to overweight point dollars 85.00 fb morgan stanley raises target price to dollars 70 from dollars 50,1 +2020-01-16,hola spy bulls continue to rip tsla bulls be buying that dip bulls are trying to hold fast mj bulls are hoping gains last i will check in a bit this weekend with a couple videos to make up for the missed day today,1 +2020-01-14,so many winners today we played bynd tsla aapl nflx fb if youve been trying to guess the top the past few months youve missed out on life changing gains i will continue to ride this wave until its time to pivot thank you for all the messages the past few days,5 +2020-01-29,a few names i have profits in that are holding up well include ksu eprt lmt rdvt fnv iphi of my 11 longs im down on one aem less than 1 percent my spy short is the only other position im holding down fractionally did lots of selling past two weeks nailing profits,1 +2020-01-29,apl point raised to dollars 58 from dollars 30 at rbc cap aapl point raised to dollars 60 at raymond james aapl credit suisse raises target price to dollars 90 from dollars 75 aapl point raised to dollars 65 at evercore aapl point raised to 343 piper,1 +2020-01-14,wow the market is setup for a big move this week if spx can break above 3300 we can see another 20 to 25 point day tsla to 550 is possible if it holds over 525 bynd can see 132 if it can hold above 120 aapl gapping up 2 after hours we been riding this one for weeks,5 +2020-01-11,faangs off the highs june 2019 where were all the bulls then baidu bidu negative 62 percent tesla tsla negative 54 percent twitter twtr negative 54 percent nvidia nvda negative 54 percent alibaba baba negative 30 percent facebook fb negative 26 percent apple aapl negative 21 percent google googl negative 20 percent netflix nflx negative 20 percent amazon amzn negative 17 percent via,1 +2020-01-12,setups and watch list xp ttd snap nbix pgny podd dxcm payc dt ddog following charts courtesy of spy qqq iwm,3 +2020-01-17,“it’s very hard to be bearish here” says an investment strategist as us equities hit new highs and alphabet joins microsoft and apple in having a dollars trillion valuation,1 +2020-01-03,good evening aapl gapped up 1 ah looks primed for 303 to 305 nxt im eyeing the 302.5 calls amzn if it can hold over 1900 it can see 1925 to 1950 bidu started to fill the gap to 150 134 was the key resistance lvl spx finally broke 3250 it can see 3270 nxt good luck tmrw,1 +2020-01-29,apple equals gm and morgan stanley and starbucks and delta sales the past year to iphone dollars 46 billion ≃ general motors to wearables dollars 7 billion ≃ starbucks to services dollars 8 billion ≃ morgan stanley to ipad and macbook dollars 6 billion ≃ delta will discuss the big apple in tomorrows,5 +2020-01-05,this is my current watch list aapl adbe agq amzn brk b bynd dia dis etsy fb gld googl gs iwb iwm ma qqq spce spy vix what am i missing,1 +2020-01-26,earnings this week aapl fb msft t tsla swk ba ge mpc s rtn ma amzn cy lrcx fb txt mo lly biib hsy shw vz noc dhr hon ups mmp ea wdc pypl pfpt xom cat cvx itw,5 +2020-01-12,this is my current watch list and positions aapl adbe agq amzn brk b bynd long dia dis 👀 etsy long fb gld googl gs iwb iwm 👀 kmx long qqq spce spy vix what am i missing,5 +2020-01-17,mostly green arrows around the world as the the rally extends spx futures positive 9 as my oscillator hitspositive 40 this is the first time in a month that i mentioned it as it reaches overbought make sure to trim some names into strength and see if spx builds or fades above 3317,3 +2020-01-30,with msft and amzn posting huge cloud numbers along with intc posting big data center numbers and lrcx posting a beat while amd not so much this leaves room for a big beat for nvda if capex was there which i suspect it was,3 +2020-02-03,28 jan2020 wait4 lower price 2 billion uy mkc and bynd is millenials stock ñol,1 +2020-02-17,will google stock price keep going up maybe time for a correction technical analysis for goog in this video gives us a better idea of what may happen,3 +2020-02-19,another tesla tsla video just an update on recent stock price action new all time highs or double top,5 +2020-02-27,boom sq guys pick the stocks in play and lets continue to roll long right here 80.17 avg price,5 +2020-02-24,amd advanced micro devices inc the network has detected this equity has an undetermined short term setup and its stock price is in line with its long term fundamentals,5 +2020-02-20,tsla tesla inc the network has forecasted the price of this stock has an undetermined short term setup and has a neutral long term outlook,4 +2020-02-03,’s biggest stampedes to a dollars 000 target tsla,1 +2020-02-11,poll analyst actions oppenheimer raises nvidias price target to dollars 00 from dollars 50 ahead of fourth quarter report keeps outperform rating will nvda reach dollars 00,1 +2020-02-03,why teslas biggest bull sees 24 percent stock surge from current levels,1 +2020-02-10,lastweek the SP500500 and nasdaq rallied back 2 their all time highs thats why we say dont listen 2 your emotions other people dont predict–follow the price and your rules if you sold all your bcz of the u missed the rally,1 +2020-02-08,easy trading system how to decide which stock to buy and at what price level watch study qqq dia spy,5 +2020-02-06,will the made in china model y januari announced by in ever be built in i do not think so stock price dollars 50 in the summer tsla,3 +2020-02-21,following is a list of stocks with rsi greater than 70 and stochastic greater than 70 in daily weekly and monthly macd greater than 0 in daily weekly and monthly and macd greater than 0 in monthly and weekly tf since more than 200 day s,1 +2020-02-28,apparently nflx didnt get the memo insane relative strength will be interesting to see how it performs once the market rallies spy fb aapl amzn goog msft tsla,2 +2020-02-06,gold is up vix is positive bonds are positive it’s going to be a good day for spy puts let us mourn together when the reversal comes,4 +2020-02-26,this sell off has been indiscriminate dragging retailers oilers autos and even tech sharply lower are any of these bear market stocks a buy,1 +2020-02-28,“take a xanax for heaven’s sake ” jimmy chill aka takes it to the ticker tape jnj jpm ko mcd mmm mrk nke pfe pg trv unh utx v vz wmt xom ba cat cvx dis dow gs ibm ice more on,5 +2020-02-14,oppenheimer raises nvidias price target 2 dollars 00 from dollars 50 ahead of fourth quarter report outperform rating just saw another projected pricearget of dollars 15 up dollars 7 today on earnings look at smh a semi and tech fund with nvda up 15 percent ytd inside 4 those with lower risk tolerance do your dd,1 +2020-02-18,nqf long term tl still holding daily closing high 9666 yesterday extremely overbought and divergent which is quite rare on weekly wouldnt surprise me to see a significant pullback of 8 to 14 percent over the next month qqq ndx fb amzn aapl msft goog,2 +2020-02-01,aal in uptrend price expected to rise as it breaks its lower bollinger band on january 27 2020 view odds for this and other indicators,2 +2020-02-02,tsla in downtrend its price may decline as a result of having broken its higher bollinger band on january 30 2020 view odds for this and other indicators,3 +2020-02-24,has a better defined trend channel when compared with both are testing lower boundary of trend channel if there is a breakdown minor lows will be the next support 3210 and 8950 charts are 1 month continuation futures,3 +2020-02-03,tsla in downtrend its price expected to drop as it breaks its higher bollinger band on january 30 2020 view odds for this and other indicators,2 +2020-02-09,notable to watch this week via mon qsr l agn tues lyft uaa has an hlt lscc d wed shop cvs teva csco amat cybr cme gold mgm thurs baba roku nvda pep khc expe aig mat wm fri cgc nwl dia spy qqq,5 +2020-02-05,global cues asia shows strength as japan gains 200 points hang seng up 195 dow had a rocking day gained 400 points nasdaq hits all time high on the back of tesla,5 +2020-02-10,and where do we close 3348.5 to 52 🎯 met smelled in advance by the spy king 💘 and rt if u enjoy daily weekly intraday swing anal anal for all times and ages shared free spx nqf esf,5 +2020-02-12,futures this morning SP500 500 3370 positive 0.40 percent nasdaq 9573 positive 0.49 percent russell 2 thousand 1687 positive 0.54 percent dow jones 29368 positive 0.48 percent spy qqq iwm dia,1 +2020-02-18,since prior tweet have ramped to 50 percent of assets now short aapl 7 suppliers and qqq aapl pre not a surprise surprised it is this early and no guidance china supply issues are temporary but demand issues may not be china fourth quarter gdp already slowest in 29 year s pre coronavirus impact,1 +2020-02-19,uupdating this amzn chart now that earnings are out of the way and it printed a huge pegpower earnings gap next target dollars 000 regardless of that frontline report last night i doubt this will pullback much could do what aapl has done in recent months opened floodgates,1 +2020-02-24,spy broke down decisively after it failed to breakout into new all time highs this week action in leaders amd aapl amzn was poor and we got stopped out of all our existing positions on friday going into next week with 100 percent cash well see what we get,1 +2020-02-09,in earnings there are 68 SP500 500 companies reporting results in the week ahead some of the notable names reporting results this week include alibaba roku nvidia lyft cisco under armour cvs health pepsi kraft heinz baba nvda lyft csco ua cvs pep khc,4 +2020-02-19,those who invested in the growth tech and high flying momentum stocks over the last 5 months made an absolute killing while the nasdaq 100 went up over 30 percent in just 5 months the more concerted fang index is up over 50 percent incredible returns qqq aapl msft amzn fb,1 +2020-02-05,yep agreed big fan of SP500 500 and total stock indexes still i know people that lost out on hundreds of thousands or even millions of dollars today because their holdings in apple or amazon were sold early individual stocks are risky as hell but can compliment a long portfolio,5 +2020-02-21,if you’re expecting a large tsla drop correlated with a worsening nasdaq qqq pullback keep this in mind i think we see a repeat of this disclaimer not a trader,2 +2020-02-26,us mkt became very narrow 5 stocks fb amzn aapl msft and goog are 18 percent of SP500 value and accounted for over 100 percent of SP500 500’s 2 percent eps growth indicating a negative earnings breadth as we said a few days ago beware of tech funds coming at top of the market key always is,1 +2020-02-29,qqq ndx of the 4 major us indices the nasdaq 100 was the only index to 1. not trade below its respective fourth quarter breakout level 2. not trade below its respective 200 day ma,1 +2020-02-16,notable to watch this week via mon markets closed tues wmt mdt aap grpn hlf a wed wing z stmp cake adi dish aprn sedg kl thurs dpz zs dbx oled wix six nem fit aks fri de dia spy qqq,1 +2020-02-16,amzn googl msft aapl levels in the room for team these been the 4 pillars that continues to hold up mkts they will be responsible in the other direction as well when that comes as my friend the legendary mc would say never wrestle a jaguar in the tree,4 +2020-02-02,notable to watch this week via mon googl syy tues dis snap f cmg gild mtch klac sne bp wed gm qcom twlo mrk spot point on irbt grub payc gpro feye thurs twtr uber pins yum wwe wynn atvi fri goos cboe abbv dia spy qqq,5 +2020-02-01,tsla in downtrend its price expected to drop as it breaks its higher bollinger band on january 30 2020 view odds for this and other indicators,2 +2020-02-26,after the close sq etsy tdoc bkng ntnx cvna iipr ntes bmrn cpe box cci mar srpt acad lb apa ddd edit upwk med crc vktx rubi wpx uhs ndls point la clr estc anss clgx fti beat wpg vac watt opk gef arna fix,2 +2020-02-26,many co’s will be lowering guidance bottom picking can be dangerous until all the bad news comes out and gets priced in let the mkt wash out for better risk mgmt msft qqq,3 +2020-02-27,msft decided to cut guidance at the close trump decided to dismiss the thing that has companies countries everywhere cutting guidance covid 19 spx dollars 050 was my point but now i see futures has no bid and the beloved cta call wall is lower than the put wall 🤯 no bid is bad🖤,1 +2020-02-06,under 704 tsla to trade idea to feb 7 655 puts to bid and ask 4.20 to 5.60 can drop another 50 to 60 points over 704 tsla to trade idea to feb 7 820 calls to bid and ask 4.55 to 6.30 over 786 can see 800 833 877 amzn amd ba baba bynd fb aapl googl nflx nvda roku snap spx spy qqq,1 +2020-02-07,pins give the market time to digest the news it caught many on wall street flat footed on the wrong side and they will not openly change their minds quickly but the beat was absolute to revenue eps mau arpu next q revenue guide next full year revenue guide thread 👇👇👇,5 +2020-02-04,qqq nasdaq had a nice up day today and is holding up well so far but i am still about 60 percent cash because of the change in character in the volume huge distribution day on friday followed by a low volume rally i will never catch the bottom or the top i remain cautious for now,3 +2020-02-24,many stocks in my peg watchlist gapped down to tag their 50 day mas and starting to put in reversal candles nasdaq amd bldp v to name a few,5 +2020-02-06,heres what was missed while we were gone uber abbv pins atvi goos wynn ttwo skx tmus ftnt zen road twou cboe dxc hmc colm cae fe msi sgen nlok msg hbi simo twst flt nov post mygn expo ccj ftv ufs vrsn vsat cnhi avtr syna pfsi civb asys,1 +2020-02-24,is hammering today which sectors are most at risk where are investors finding opportunities what’s next this week tradestation’s market insights has answers aapl smh nvda gld vix,1 +2020-02-27,this is how you crush the market during coronavirus week nflx 385 calls at dollars .60 to dollars 0.38 today aapl 285 puts from dollars .75 to dollars .35 tsla 680 puts from dollars .70 to dollars 6.60,1 +2020-02-24,quick look at spx amzn aapl that can help guide the day i’m glad most of you know my moving averages rules so u come into today a lot more tactical,4 +2020-02-21,fanmag fb amzn nflx msft aapl and goog ndrs bubble composite suggest we are definitely in the late innings maybe we get a blowoff or slow churn up but i would advice selling into strength and considering a new theme for the next bull run,4 +2020-02-18,nice start of week 👍 🎉🎊 .6 from tsla some from nq and amzn lunch time 🤣,4 +2020-02-27,live stream on now aapl spy tsla amd ba amzn plus i explain a market update,5 +2020-02-16,record consumer euphoria to misery ratio already peaked us stocks making historic top at highest valuations ever earnings already turning down china debt bubble poised to implode so many great short opportunities today best macro setup of my 28 year career,5 +2020-02-29,recovered 1100 points and SP500500 closed green so what man already told you dont panic buy and sit relaxed i dont need to spend the whole night to watch american markets and all 🤪,1 +2020-02-06,live stream on now aapl tsla spy amzn ba after this is over you can see it 1 hour after it is closed here and my youtube channel subscribe to it,1 +2020-02-08,for the week baba roku shop nvda cvs cgc csco uaa qsr l agn has lyft teva amat mcy safe gbdc gold pep do khc d cybr meli chgg cna exas gt hlt ayx an apps wm gpn crnt bip yeti mpaa lscc rng nmm je,5 +2020-02-02,now for tmrw firstly u must know whether markets will be up or down yes i will try n tweet if bullish d best scrip to buy ulteratech n bajaj finance followed by dlf n power scrips you me r you not buying it scrip mindtree 915 just sell many scrips including ambuja bottomed,1 +2020-02-27,after the close bynd bidu ttd iq wday oxy adsk dell vmw amc run mnst aaxn myl pags aimt pstg swn eog ftch nktr swch aaoi chrs rrc btg xlrn zyxi mtz cdna trhc adus eix gpor ftai nptn cara coll axdx,3 +2020-02-24,last one if qqq falls 2.9 percent today it would still be 10 percent above its 200 day ma last week it got more extended from its 200 day than it had been all decade the rubber band was stretched now its snapping back,2 +2020-02-27,hold onto your hats its going to a be a bumpy open apac opening calls 6470 negative 2.64 percent 21251 negative 3.27 percent 25980 negative 3.13 percent 11416 negative 1.49 percent 3950 negative 2.78 percent,1 +2020-02-04,3 stocks drive 60 percent of the gain in the russell 1000 growth ytd msft amzn and tesla tsla 0.70 percent of index but 15 percent of ytd gains 21 times tsl massive surge arguably as much about russell 1000 growth manager fomo as it is short covering tesla also ’granny shot’,1 +2020-02-04,today 47 million shares of tsla traded at an average price of dollars to equating to a nominal value of dollars 5 billion that was greater than 1.6 times the nominal value of spyders traded dollars 2 billion and over 1.5 times the nominal value of amzn and aapl trading combined today,1 +2020-02-12,view todays from discussed spy iwm dia qqq eem efa spx uso amzn googl goog aapl msft vnq xlre s tmus cci amt sbac fb,1 +2020-02-14,stocks had a good start to the week and held gains nicely at the end of the week for the full week SP500 500 up 1.58 percent nasdaq up 2.21 percent vgt tech up 2.34 percent tlt bonds up 0.08 percent ief bonds up 0.04 percent,4 +2020-02-03,is back ‼️ sarge caught up with to discuss his “dumpster dive” and “work from home” stock picks aapl “i am a firm believer… i think you’ll get dollars 00 for this one day ” amzn “i think it’s going to dollars 300 but i don’t want to pay this price today ”,1 +2020-02-12,aapl closed today 65 cents short of an all time high despite vast majority of production currently shut down its 2 largest end mktchinaas well despite last years fall in revenues and net income26 puts e a plunge in tim cooks 2019 performance bonus and huge mkt shr losses past 5 year s,1 +2020-02-18,aapl largest us stock down sharply on warning and nasdaq down just 0.14 percent as wildlings rotate into other tech faves including some like tsla with heavy china exposure this is what the fed has created via their constant interventions in free mkts to mindless fearless investors,1 +2020-02-17,nasdaq rose 90 percent btw sep 1999 and march 2000 just as internet unlimited productivity gains narrative crashed down now fangs and tsla exploding in similar ways cbs and sh buybacks and volume suppression more proactive now so mkt skewed macro econ is this generations kryptonite,1 +2020-02-11,what’s not confirming the new high volatility to percent SP500 above 50 ma to percent nasdaq above 50 ma SP500 at 52 week highs mcclellan osc high yield bonds financials relative perf semiconductors micro and small and mid caps high beta vl geometric index discretionary and staples ratio momentum,2 +2020-02-09,last week we played tsla 720 calls 750 calls 800 calls 850 calls 1100 calls most of these paid 1000 percent and with the right entries we also played nflx 360365370 calls and amzn 2070 calls 2080 calls 2100 calls we waited for key resistance lvls to get crossed and we capitalized on the trades patience is the key,1 +2020-02-01,watch list tndm sq bili team xp zm dxcm docu podd dt inmd ayx plmr earnings wl twlo zen googl cmg mtch snap ichr point on pins uber good luck next week folks,5 +2020-02-09,2.0 is already happening tsla is the most visible example its our energy transportation system being remade right now uber is another bynd for food fb twtr nflx googl for media amd stm mu for megatrends many more soo much happening dont miss out,5 +2020-02-18,i have no sell signals except high levels of extension wait for reversal signals we could be entering a blowoff phase watch msft digesting nicely vs plunging intc amzn are also keys if aapl doesnt break this mkt monday i don’t know if anything can stop a blowoff top,1 +2020-02-10,good morning futures mostly flat after whippy overnight session tsla up on forbes article saying googl could buy dollars 500 per share uber point raised to dollars 8 at new street research,2 +2020-02-16,new all time weekly closing highs spy qqq igv software ipay fintech itb home construct smh semis xlf fins xli industrials xlk tech xlp staples xlre reits xlu utes these signals narrow market weak breadth overhead supply sequential countdown quad 3 tweets,5 +2020-02-27,getting ready to pull the trigger with some big adds but stocks arent oversold just yet markets always overshoot both on the upside and downside this selloff will be no different tsla vig arkk fof,3 +2020-02-24,wow i figured it out if italy get 1000 sick people no one will watch nflx or search googl no one will buy a tsla how many sales in italy and nvda and lrcx will sell no chips cnbc got really insane today scaring people like,1 +2020-02-15,fun fact 20 year anniversary of dotcom bubble top coming on march 10 2020 on march 10 2000 the nasdaq composite stock market index peaked at 5048.62 nasdaq peak at 10000 or a double of old peak which would be 10097.24 before the massive selloff 🧠🤓 spy,1 +2020-02-02,aapl just got the and that means so will the spy djia qqq xlk,5 +2020-02-12,microsoft msft amazon amzn google googl apple aapl the acronym for the four u s stocks with a trillion dollar market cap echoes trump’s well known campaign slogan,1 +2020-02-02,the consensus on fintwit this weekend is lower to much lower the consensus is usually on the wrong side will see how this week trades no predictions observation only know your levels honor stops follow the plan spx qqq,1 +2020-02-26,i had some stops get hit today i had quite a few hit in sept which freed up for huge moves in qqq shop nvda now hl and others the key for me is a risk control line that once spx breaks it i sit on cash cash and usts are at 46 percent ready to go when the time is right,3 +2020-02-04,both major indexes log an accumulation day each with nasdaq printing an all time high and SP500 500 back above its 21 day ema ibd market outlook shifts back to confirmed uptrend spx compq spy qqq,1 +2020-02-01,so many people missed tsla because the financial media wall street analysts and also because most money managers just ignored it thats often the story with the greatest stocks amzn nflx aapl fb googl smart money is not that smart whats the next one,2 +2020-02-02,ive traded through the nasdaq losing 80 percent ge msft amzn csco bac losing 60 to 90 percent of their market caps sunw wcom ene acf leh mer bsc and others vaporizing overnight aapl closing some stores for a week or two in the big picture pales in comparison,1 +2020-02-27,trades done this week tqqq 1.6 percent loss amzn 1.7 percent loss amd 0.8 percent gain amd 0.6 percent loss nflx 2.9 percent loss qld 1.2 percent loss i know we all hate losses but its part of the game considering the amount of carnage that happened out there im thankful for keeping these losses small 😀,1 +2020-02-11,sixty seven percent of the SP500 500’s year to date returns come from just four names microsoft 28 percent apple 15 percent amazon 13 percent google 11 percent via,1 +2020-02-02,this is my current watch list and positions aapl agq 👀 amzn brk b bynd dia dis etsy fb 👀 gld gs ibb long friday iwb iwc long friday iwm kmx qqq spce spy sq vix xle 👀 upro long friday on close,5 +2020-02-08,watch list syna zen team sq zm snap iipr zm coup crox pins tndm earnings wl ayx dxcm ddog bl chgg roku lyft mime shop nvda cgc amat cybr meli yeti,3 +2020-02-13,if you think this market is stupid in 2000 the nasdaq was trading at 100 times forward earnings so i went to cash and then the index doubled over the next 6 months,1 +2020-02-28,even the once at the vanguard of innovation to has lost its way with airlines what energy and old tech csco and intc i haven’t looked at the in years it no longer seems to provide the broad based exposure to that it once did,2 +2020-02-28,from 52 week high most recently spx negative 12.2 percent djia negative 12.9 percent qqq negative 13.4 percent smh negative 15.2 percent nflx negative 5.4 percent sq hd negative 9 percent baba negative 11 percent amzn jpm googl negative 14 percent fb negative 15 percent aapl msft lrcx mu 17 percent amat negative 18 percent intc negative 19 percent nvda cmg negative 20 percent dis ttd negative 23 percent shop amd negative 26 percent twtr negative 28 percent tsla negative 30 percent roku negative 38 percent,1 +2020-02-02,here is the list if you are bored aapl biib nvda v dhr ce qrvo ilmn uri gd lyb psx hca mck ups ads mmm uhs jbht ea te aap spg pki ual xlnx rbi bby keys cah ross dd ebay nue dal see alxn mac wmb mo mro chrw,1 +2020-02-18,with all said and done no real traps today amzn went green nflx went green and cleared dollars 85 tsla cleared and held dollars 20 to close on highs twtr had a nice session aapl even gave a way to buy vs a reactionary low to take back half of the losses,1 +2020-02-26,three key pivots to watch today spx 3118 with the 200 day near 3075 area spy dollars 11.69 qqq dollars 14.74 do the markets hold above them do they break and do market discovery lower do they break them and then reclaim them later in the season,3 +2020-02-29,just create a shopping list for when all this starts to slow down and market turns for me long term names get cheaper i want to own aapl amd ba cmg mcd cost dis msft amzn nvda ttd ma v just to name a few,2 +2020-02-28,away from the market mostly today and i see at close the nasdaq was actually up pennies and members get to open up two more cans of shop cost dollars 1.02 positive 24.94 6 percent today ttd cost dollars 4.30 positive 37.24 15 percent today,1 +2020-03-01,you might think that a higher stock price is good this is correct only if you are a seller tsla ko amzn msft aapl jnj dis pep,3 +2020-03-04,coronavirus fears hit travel stocks like air canada the hardest ac stock price fell a shocking 22.7 percent in february❗️📉💸buying puts on airlines ac t ac to ual aal dal spy,1 +2020-03-30,amazing business great tailwinds corona virus is just another boon for this company buying opportunity right now for target price negative 470 can expect appreciation of dollars 00,5 +2020-03-31,bpmx a possible falling wedge breakout this week over dollars .32 positive macd crossover and stock price closed over 8 expontential moving average looking for dollars .44 over dollars .32 break,1 +2020-03-09,while this corrupt president is mean tweeting today dow jones futures plunge crude oil futures crash on rising covid 19 cases opec price war coronavirus stock market correction,1 +2020-03-27,three consecutive days of gains for the dow and SP500 500 thursday evenings market wrap looks at stocks stimulus and surging weekly jobless claims more,1 +2020-03-13,left costco share price vs SP500 500 weekly chart right costco fresh meat counter on march 12 2020 caption contest cost spy,1 +2020-03-16,these are crazy times the market falls more and more everyday i want the spy at the low dollars 00 level when it gets there i am going long with a dollars 00000 investment i am looking to hold for 4 to 5 years aapl amzn tsla “buy the bottom”,1 +2020-03-09,dow jones dives 2000 points after oil shock global stocks plunged on monday and prices for crude oil tumbled as much as 33 per centafter saudi arabia launched a price war with russia,1 +2020-03-10,u s stock indexes rang up major losses monday with the jones industrial average djia and the SP500 500 spx each declining more than 7 percent amid an price war between opec and russia as well as rising fears,1 +2020-03-09,the dow jones stock market crash of 2020 is officially here global pandemic price war tensions very much on the rise a very strong certainty that the carnage will continue repeating the 1929 stock market crash,4 +2020-03-06,myo pretty much every indicator is bullish here impending macd bullish crossover and also a bullish stoch with price trying to get above 8 expontential moving average entry over dollars .40 first major point is dollars and then dollars,1 +2020-03-13,us 🚫adds to european ✈️woes😱,5 +2020-03-16,dia spy volatility may “flatten” near term after historic gains vix early signals of ‘new price discovery’,1 +2020-03-10,uk and us stock markets suffer worst day since 2008 financial crash,1 +2020-03-29,this time tomorrow people are going to either yelling at their computers or bringing them into the bathroom for a little siesta thank god the market will be open tomorrow because i am a few weeks from going full shining spy qqq aapl jnug penn csv pw roku x aal ba,1 +2020-03-12,how come i cant access the stockmarket feature on the app it just freeze when i select a stock and price is much higher then nasdaq,1 +2020-03-09,stock trading halted for 15 minutes after the SP500 500 craters 7 percent,1 +2020-03-17,tracking biggest points move in history ⬇️3 thousand for dow and 2 worst day for since in 1987 big companies like closing stores cuz of spread i have not seen this quiet since dji spy,1 +2020-03-19,us lifting from 3 year lows big and led the gains had its biggest ever 1 day jump positive 23 percent after hinted he might intervene meantime up on hopes of treatment and dji,1 +2020-03-19,stocks rebounded on yet another volatile day of trading on wall street with the dow up more than 100 points at the close tech stocks led the rally with the nasdaq up 3.7 percent at its session high,1 +2020-03-03,spy aapl — trade today dollars 970 full breakdown uploading on youtube soon 🎯,1 +2020-03-06,another down day for wall street takes it to the ticker tape gs hd ibm ice jnj jpm ko mcd mmm mrk nke pfe pg trv unh utx v vz wmt xom axp ba cat cvx dis dow,1 +2020-03-04,whipsaw wednesday – wild market swings continue we remain cautious and well hedged – especially while the indexes are under their strong bounce lines aapl lmt,4 +2020-03-05,tomorrow 6 fed speakers all day long employment in the morning best of luck shorting in the hole after a big down day wide ranging chop meaning up tomorrow is what i’m looking for resolution at lower levels should come but i don’t expect that until beyond tomorrow,4 +2020-03-17,another wild day for stocks with the market making a huge comeback but says microsoft and apple are the two stocks to watch for a sign of capitulation in the broader market msft aapl,3 +2020-03-03,tomorrow is going to be more lit than you can imagine adp pmi ism bulltard prepare for a destiny of epic squeezing,5 +2020-03-07,spy got the oversold bounce off the yearly .50 fib and then rejected at the falling 10 displaced moving average for the right shoulder would be interesting to see if we ride the dma down just as we rode it up during the bull run,2 +2020-03-24,despite the mayhem the market is telling us something it is seeking safety in it and fmcg even globally the nasdaq is down just 2 percent over 1 year period please see this data,1 +2020-03-20,i’m probably only and a few that notice we aren’t going straight down like we did from ath notice we are starting to get some side action it’s more a slope then a steep one next week hard gap down and crazy tail would be sexy or tomorrow just a move spy spx spot,3 +2020-03-09,dollars 7 thousand ‼️ i can t believe how much opportunity this market is giving us unbelievable non stop action nailed spex at the open i did have some trouble with ino again but a career best day on tvix dollars 6 thousand on that name alone beating fridays dollars 0 thousand day on it aim padder 🔥,1 +2020-03-01,aapls price moved below its 50 day moving average on february 24 2020 view odds for this and other indicators,1 +2020-03-09,the key to this market is patience and hedges nflx long hurting me today but hedges in qqq es vx more than making up for that loss be patient funds and traders getting blown out today all over the place,1 +2020-03-27,markets are closed thats it from us for the evening have a great weekend all heres a slightly further look back at moves to put the last few weeks in context,3 +2020-03-05,the spy futures esf are testing the vwap anchored from the all time highs this comes a day after finding buyers at the vwap anchored from the low of last week there are other levels such as ytd vwap that you should be aware of too,2 +2020-03-31,🚨wall street tumbles as wild quarter comes to an end🚨 dow ends ⬇️ 410 points or 1.8 percent SP500 500 ends ⬇️ 1.5 percent nasdaq ends ⬇️ 1 percent vix end ⬇️ 7 percent dia spy qqq vix,1 +2020-03-28,spy 248.20 less than —— this is you real level to defend on the downside below is us bears play ground above remains bullish bookmark this tweet don’t need opinions here’s my customized fibs all levels have been priced to the t please share and retweet spx esf nqf,1 +2020-03-09,this is true to but there is a massive divergence in the mkt b and w the gogo growth stocks semis and saas and fangs and etc which could fall another 50 percent and still be rich and the cyclicals and commod names where many are at and below multi year lows or all time valn lows in some cases,3 +2020-03-02,after fridays monster volume reversal qqq was the by far the relative strength leader of all the other indices today it gapped up at the open faded to fill the gap and now showing upside follow thru attempt a positive close today bodes well for the bottoming pattern,3 +2020-03-02,i did say this on feb 28 about the spy and some of our key stocks like aapl paying some nices gains today with skill love this stock we kill it with skill in aapl,5 +2020-03-18,boom 🥊🥊 round 5 k o a 150 point bleed 🎯 shared free and in advance 24 hours ago 🤲 and yes i shorted while all were bullish and now banked 75 percent .75 pos 👇 ⚠️ look out below 2369 🗝️ leads to 2344.44 2323 and 2288.5 before u sneeze spx nqf dis ba aapl gcf vti,1 +2020-03-26,everyone short overnight because the numbers everyone short overnight because the bill market the next day on each bill 130 points jobs 117 points currently spy esf services posting their team went short into close,1 +2020-03-31,es spx have hit first targets and starting to ease out of tech longs here amzn nflx looking to add spy puts no later than thursday watching 195 million and 78 million charts here for next trade signal,1 +2020-03-23,after a steep 35 percent pullback aapl retested key breakout area from september and printed a reversal risk to reward starting to look appealing once again,4 +2020-03-19,short the faang names since theyre the dumb over priced stocks that caused the broad market indices to become too expensive in the first place right nope aapl amzn nflx,2 +2020-03-22,chart nasdaq 100 vs SP500 500 wild guess the tech and saas and cloud and growth investors will say im probably wrong but my wild guess is this bear market wont be over until tech and growth goes through a serious bust and a relative underperformance vs large caps ndx qqq,1 +2020-03-04,moral of the story ignore zerohedge and other permabears who have missed out the entirety of this generational bull market and buy the dips tsla vig arkk,1 +2020-03-31,we talk about a lot why it was a very important day from a behavioral perspective in our opinion it signaled a change into a risk on environment thus we want to see buyers be willing to pay those same prices for stocks again first attempt rejected qqq,1 +2020-03-19,nasdaq moves into the green led by amazon microsoft apple,5 +2020-03-25,there are 2 things missing in this market 1 the fall of giants aapl msft amzn and few more held very well during spx crash 2 knocking out all certificates barriers 1900 area is the largest cluster last week mkt started to smell blood like a shark,1 +2020-03-06,this week was insane started on monday up yuge dollars 400 spy all cash tuesday thursday sold gld too soon baba puts were toast aapl calls on thursday were toast friday up a dollars 50 off a quick squeezer before market close up dollars 600 this week have a good weekend traders 💎,1 +2020-03-22,🚨notable to watch this week via 🚨 mon jt vtsi dmac tues nke info wed mu payx pays wgo inuv thurs lulu gme kbh sig fds fri scwx dia spy qqq,1 +2020-03-09,tesla down 11 to 12 percent today daimler down 12 to 13 percent today under armour down almost 10 percent steel companies down 13 to 15 percent mgm resorts down 12 to 13 percent marathon oil down over 46 percent big gains for aim immunotech up over 200 percent today,1 +2020-03-31,turn off the tv follow tml and index price and volume 3 basketballs🏀underwater 🌊shot up to the surface chwy docu net all 3 as well as amzn remain tells support for leaders is uncertain so far no ftd yet,1 +2020-03-31,could just imagine all those puts on stocks indices that have been put last week my bands on are sky high top one right now pointing to 2830 tomorrow can be higher if they keep on going up spx can stealth rally here 2660 looking to see what happens here,1 +2020-03-14,with apple closing all of its stores outside of china until march 27 may be noteworthy the discretionary vs SP500 500 ratio was down over 2 percent friday compare and contrast recent lagging action with the leading action in xly vs spy in nov and dec 2018,1 +2020-03-02,interesting to see where the qqq bottomed out on friday before reversing note that its the only index to not break below its 200 day ma on this bear raid and take a look at the volume on friday too,3 +2020-03-31,to me this looks like a bear flag the rally in the qqq nasdaq is running right into overhead supply on decreasing volume rally and the declining moving averages we are in a bear market and the prior trend is lower so i think the risk is too the downside here,2 +2020-03-29,pandemic watchlist social distancing goog fb nflx cgc remote working zm msft work household goods and food amzn wmt cost rb cleaning and protective equipment clx apt jnj mdt vaccines and cures and tests high risk gild ino mrna codx nvax,1 +2020-03-31,’s dan ives reveals his latest tsla and aapl notes on 🔥 “it’s hard to pound the table here… there’s going to be some tough delivery numbers ” “extremely attractive risk and reward… on the other side of dark valley apple is a name to own ”,4 +2020-03-16,the nasdaq is attempting to lose all of its key extension levels from the 1987 crash 2000 tech bubble crash and financial crisis comp qqq ndx compx,1 +2020-03-01,stocks got hit nicely this week and bonds did very well so where do we profit next here is my march playbook premium spx gdx tlt djia iwm qqq jpm gs tnx xlf spy esf nqf comp aapl msft,5 +2020-03-23,as i noted the tsy is buying corporates and etfs yes etfs the fed is brokering into a spv now that this is set and the fed is buying etfs on the nyse easy to expand to stocks and add aapl and amzn to their bnd and lqd purchases stock tanks more they might do it,5 +2020-03-02,aapl tsla gains gains gains with skill more videos to explain the facts coming soon just another big picture win coming up for us once again study my channel no one does in like me in the face of fear like me with key powerful plans,5 +2020-03-11,after the close insg nvax taco dvax wpm aqms clsd mvis zagg blfs lmnr mgen sien rst pfnx kro smtc amot hngr bbcp cala idn pdli brew chrm fsm axu bux arct ftek hud th fpi navb pwfl rc talo kins,1 +2020-03-26,thursday earnings day major indices plunge again prices fly all over the map as 10 percent and intraday volatility becomes the new normal back in san francisco total school closures are announced which is both the right thing and a very very big deal for parents working from home,1 +2020-03-19,just how bad will this environment be for some of tech’s biggest players we have to take a “scorched earth” approach to find the floor for names like aapl and tsla says ’s dan ives ives explains why he’s cutting his price target,1 +2020-03-31,watchlist catalysts haven’t been helping much for individual stocks so i’ve been paying attention to what industry has news or moving pre market and after market hours also pay attention to what the market is doing as a whole nvda 💋 msft 💋 ba 💋 zm 💋 nflx 💋 tsla 💋,5 +2020-03-16,volume actually fell today on spy despite our biggest down day in over 30 years headlines breadth at negative seemed ugly but compared to last week this is much improved and something to pay attention to,2 +2020-03-09,see this is what i am talking about etfs like spy and qqq are trading once again but some of their underlying stocks have yet to reopen so how do you know how to price them,4 +2020-03-20,best combination of stock market declining interest rates with declining price to earnings of stock in broader market higher dividend yield higher price to book value right now if we look at overall market more than 90 percent stocks trading below 20 pe ratio,5 +2020-03-21,good morning hope you have a splendid saturday heres our weekend indices update 8487 to 1.44 percent 18658 to 1.94 percent 4948 to 1.51 percent 21950 to 0.70 percent,1 +2020-03-05,stocks remain in the spotlight as season winds down while traditional retailers keep struggling market insights has the details zm jd mrvl tgt kss,3 +2020-03-12,excerpt from my memo this morning to our mpa members it would not surprise me one bit to see the nasdaq trade down near the june 2019 lows below 7300 and see more fang name damage intraday low on the nasdaq 7198 😨,3 +2020-03-13,SP500 closed nearly 19 percent below 200 days sma i ran a simple screen recent qtr eps and sales up 20 percent and price equals dollars 0 daily turnover equals dollars 0 million and close equals 200 sma amd bl docu dxcm edu ehth enph lite nem nvda pen pfsi sedg shop vrtx zm zto maybe one will be next leader,1 +2020-03-22,sighs same old monday us futures limit down 18210 negative 5.02 percent 2184 negative 4.69 percent 6644 negative 4.99 percent 971 negative 4.81 percent 2532 negative 4.58 percent,1 +2020-03-05,efficient market aapl positive 2 percent ytd despite first quarter warning china factories partially shut most of qtr major end mkts in europe and asia either in or near recessionus not far away meanwhile gold miner etf gdx flat ytd with dollars 660 gold dollars 75 above miners fourth quarter avg realized price pure profit,1 +2020-03-20,from the 2018 lows shop went 3 times amd went 6 times aapl 2.5 times amat 2.5 times cmg 3 times those moves will come through in many names on the other side of this have to be able to wait it out with alot of cash,1 +2020-03-09,they have not really come for aapl amzn tsla and shop watch these for the real panic and woosh we seem pretty close to getting the real thing spy,2 +2020-03-18,pre market ba negative 12.5 percent ual negative 8.2 percent aal negative 8.2 percent dal 5.5 percent luv negative 4.6 percent tsla negative 7.4 percent gm negative 6.4 percent f negative 6.2 percent fb negative 5.5 percent aapl negative 5.5 percent googl negative 5.5 percent msft negative 5.3 percent amzn negative 4.6 percent nflx negative 3 percent spy negative 5.3 percent,1 +2020-03-26,many leading stocks have rallied hard this week right into their 10 week sma the best thing that could happen here is the market goes sideways for a few weeks to let the leaders build right sides to bases volatility is still sky high and not conducive to position trading yet,2 +2020-03-04,as we enter the last fifteen minutes i am wondering whether yesterdays highs around dollars 14 on spy and dollars 19 on qqq to represent some resistance and whether we will trade in the SP500 range of 3050 to 3140 for the next few days just writing and talking out loud,2 +2020-03-26,with about 135 mins left in the trading day the market is about where it was at lunch time a little bit of selling but keeping most of the gains so far dow up positive 884 points all are up about 4 percent nasdaq is the laggard today only up about 3 percent good action today lets see if it holds,3 +2020-03-16,today was a good 40 percent alpha day being short some absurd names is finally paying off after a brutal last year tsla tslaq cvna cmg shop cacc frpt run rol okta nflx,1 +2020-03-20,spy spot just a 5 minute opening bell view please don’t ask for lottos just let me put them out when i feel like it that’s how they work you don’t just find them at any time have to wait,1 +2020-03-16,ett axplock av stora fall bland attraktiva bolag autodesk negative 30 percent paycom negative 35 percent facebook negative 30 percent 247 to 50 percent ansys negative 30 percent trade desk negative 45 percent alteryx negative 45 percent instalco negative 35 percent fortnox negative 35 percent admicom negative 35 percent cardlytics negative 50 percent vitrolife negative 40 percent lvmh negative 30 percent moncler negative 35 percent align negative 40 percent lifco negative 35 percent bts negative 40 percent ping negative 40 percent,1 +2020-03-19,with 90 minutes to go dow is up positive 407 points but nasdaq is up almost 5 percent oil also having a big day up 25 percent very good action today almost a 1100 point swing from lows to highs,4 +2020-03-28,spy spx aapl amzn zm vxx nvda oil unh vix this doesn’t bode well for stock markets covid relief bill allows withdrawing money from 401 thousand and ira accounts with no penalties,1 +2020-03-10,is back with his next round of stocks to watch ko gs aapl hd intc ibm jnj jpm mcd mrk msft nke,5 +2020-03-06,i made a watchlist incase we don’t open up negative 5 percent most are inside weeks “stronger” stocks to play noc lmt pg mcd aapl amgn nflx if we tank i just short spy and long vxx which my followers already understand laugh i’ll chart them later to might be a waste of time laugh,1 +2020-03-09,nasdaq unofficially closes down 600.58 points or 7.00 percent at 7975.03 dow jones unofficially closes down 1912.96 points or 7.40 percent at 23951.82 SP500 500 unofficially closes down 215.95 points or 7.27 percent at 2756.42,1 +2020-03-24,zm tdoc amd docu sdgr vips onem ttd shop twlo uber work nflx amzn qqq spy day 1 of a new rally attempt on comp after undercutting the prior low a couple of standout leaders snap backs from prior leaders and a few new potential leadership names emerging,4 +2020-03-15,the consensus is expecting the stock market to rise strongly on monday and in the coming weeks after fed just threw a kitchen sink 0 percent rates dollars 00 billion qe swap lines at the market i dont know what will happen next but im wondering what if the market doesnt like it spx qqq,1 +2020-03-11,baycrest “. the spx closed with just 13 percent of components above their 200 dma while this has happened just seven times since the 2009 lows the spx was higher 100 percent of the time looking out on any time frame from one week to one year the average 1 week return was positive 6.87 percent ”,1 +2020-03-11,good evening spx closed at 2882 but is down 30 after hours 2800 needs to hold tmrw otherwise we can see another fade to 2734 aapl rallied towards close it needs to hold over 281 otherwise i would consider a short position levels above are 285290294 have a good night,3 +2020-03-17,for those who think stocks cant fall further fb 22.72 pe amzn 73.47 pe msft 23.58 pe aapl 19.13 pe goog 22.06 pe nflx 77.62 pe cmg 46.18 pe and this is trailing pe not forward so lets bust out those forward pes now,2 +2020-03-14,one thing going completely unnoticed this week imo is the fact that technology continues to rip to new multi decade highs relative to SP500 the relative uptrend is still very much intact and nothing the past month has changed that xlk spy qqq aapl msft v ma intc csco adbe,4 +2020-03-01,mkt epic week coming last 2 weeks were insane stmp 1 to 6 tsla life changing lower broke secondary so simple gave you thing on here went 4 to 100 2 to 100 etc etc so many layers and sam buys regn stk at 400 goes to 450 is anyone in sam league,1 +2020-03-20,strong stocks that are outperforming the market significantly vs spys negative 30 percent as of today zm net team nflx amzn okta coup docu mrna baba,2 +2020-03-03,spy spx being in this business i come across a lot of indicators if i could pick only one indicator and have to live with it for rest of my life it would probably be anchored vwap just look at how perfect it has been on spy,3 +2020-03-10,🚨🚨🚨 i expect earnings pre announcements the bad kind from at least a few of advertisers fb twtr pins snap ttd roku amzn googl hardware aapl roku infra nvda amd intc tscm xlnx fsly akam net its ok the stocks are pricing a slowdown short term,3 +2020-03-19,2 here are some incredible wide moat us companies which are off a fair bit from their highs yet are likely to survive and thrive over the long run adbe amzn fb googl ma mcd msft now sbux v usually these companies arent marked down but the sale is now on,5 +2020-03-24,highest to lowest price new rs line highs and closing above 200 simple moving average and over dollars 0 that you didnt list amzn shop dpz adbe ntes vrtx stmp cbpo fnv sgen lite atvi hli shen nem ccxi pdd pets mnta virt egov,1 +2020-03-01,futures sunday night 6 pm est dow futures dropped more than 400 points indicating a loss of nearly 500 points at monday’s open SP500 500 and nasdaq 100 futures fell 1.6 percent and 1.9 percent respectively 🤔 qqq,1 +2020-03-18,spy below yesterday’s lows oil financials and airlines didn’t support the earlier bounce attempt now looks spx 2351 after the halt can’t rule out 2150 to 2200 soon,1 +2020-03-06,heavy selling in the growth stocks at the open today but on a positive note thus far iwo qqq spy have held up above last weeks lows,3 +2020-03-11,market update negative 785 goodbye 500 day moving average hello abyss depressing headlines cancellations there might be blood there might be donuts there might be naps 😉🍩 spy,1 +2020-03-11,dont me with but the SP500 is just back to last august or whatever dumb shit i have a bloomberg i can see what im saying is for the median stock so basically excluding mega tech the current price action is nearly analogous to that period,2 +2020-03-23,3 off the top of our heads tonight the family mentioned the following dis nflx aapl amzn googl fb cost i added others to consider nke jnj hd mcd jpm cost sbux etc,1 +2020-03-23,some other companies that look particularly appealing right now and im actively considering alphabet googl amazon amzn guardant health gh microsoft msft the trade desk ttd,3 +2020-04-07,airi price now above all short term emas and macd is still bullish looking for dollars .16 breakout this week for dollars .40 point entry over dollars .04 or between dollars .97 dollars 99,1 +2020-04-27,today were waiting and trading on earnings reports for ups nyse ups 3 million nyse mmm alphabet nasdaq goog southwest nyse luv ford nyse f caterpillar nyse cat amd nasdaq amd pepsico nasdaq pep starbucks nasdaq sbux and merck nyse mrk,1 +2020-04-30,all about perpective for the long holds a bad stock market is good it allows you to buy more of the shares that you already own for alot lower than your entry price point and you get to bring down your cbps cost basis per share average down,3 +2020-04-12,eltk big breakout continuation idea this week macd and stoch bullish and price is shooting for dollars .40 entry over dollars .40 or between dollars .15 dollars .21 pullback,1 +2020-04-14,ontx to breakout today and expecting a continuation once dollars .34 breaks entry over said price for dollars .41,1 +2020-04-30,investors will see if amazon and apple’s earnings will follow the patterns of strong numbers from facebook microsoft and tesla here’s what we’re watching in the markets today with,4 +2020-04-01,tcon chart is setting up for a big continuation especially once 20 expontential moving average clears at dollars .75 macd curling higher and price is above emas813 dollars target over dollars .75,2 +2020-04-06,aapl goog amd amzn ba fb ibm intc msft mu nflx nvda baba tsla twtr sq my short term SP500 500 futures index expectations are as follows if index could break the 2780 level in the upcoming days this analysis will be garbage i predict that,1 +2020-04-18,during the upcoming week 96 SP500 500 companies including six dow 30 components are scheduled to report results via highlights ibm nflx ko t intc luv vz axp lly,4 +2020-04-26,1️⃣ googl fb msft aapl amzn earnings 2️⃣ ba mcd tsla amd twtr f sbux gild also report 3️⃣ us first quarter gdp jobless claims data breaks down what you need to know on wall street this week dia spy spx esf qqq nqf vix,1 +2020-04-25,big week ahead for us earnings 172 SP500 500 companies including 12 dow 30 components are scheduled to report first quarter results highlights include amzn tsla msft aapl amd ba fb mmm ge aal ups twtr pfe cbsh pep googl gild sbux v mcd xom f cat via,5 +2020-04-27,no change in my overall analysis is the key i think negative divergence on esf bearish price action on crude oil todays stock market rally is suspicious and possibly terminal spy spx,3 +2020-04-15,teslas stock keeps rising after goldman sachs gives shares dollars 64 price target tsla via,1 +2020-04-03,is price based on speculation as much as the is or are there other factors,3 +2020-04-21,tsx drops as energy sector slumps after oil price crash via,1 +2020-04-27,a mega week for maga stocks big tech names reporting this week msft amzn googl aapl heres what to expect,5 +2020-04-21,a maga meltdown hitting wall street today with microsoft apple alphabet and amazon all leading the broad market lower shares his thoughts on the tech giants msft aapl googl amzn,1 +2020-04-13,the trends in technology stock in the us remain intact with amzn as the leader followed by nflx,5 +2020-04-26,relative performance ranking since may 2017 fang man equals fb aapl nflx googl msft amzn nvda 1 fang man up 101 percent 2 xlk up 61.7 percent 3 xly up 24.5 percent 4 spx up 18.7 percent 5 xlp up 6.8 percent 6 rsp equal weight flat 7 xlf down negative 8.1 percent market cant go up with xlf and rsp lagging this much🧐,3 +2020-04-04,it was just the other day when tsla went parabolic spce was trading on 2030 possible earnings lk was the next sbux shop was going to be the next amzn ge was turning the corner nflx was about to breakout after 1.5 years of sideways action aapl straight up action,1 +2020-04-24,the dollars .1 trillion countdown is on as tech titans alphabet facebook microsoft amazon and apple prepare to report earnings next week heres what to watch,1 +2020-04-27,big week for 🇺🇸 with some favorites reporting amzn tsla msft aapl amd ba fb luv ge aal ups twtr pfe ma googl gild sbux ual v spot mcd xom cat abbv whr qcom bp nok 💰🇿🇦 🥩,5 +2020-04-21,lows in for the day at key pivot with momo div now wait for first of the big fang earnings nflx,2 +2020-04-29,deserves a repost for any short fools still paying attention to news and not charts and context and feel and market internals and ruling reason and momentum and faang and market profile and anything else shadowtrader teaches,5 +2020-04-22,it’s exactly a month ago the and hit their lows to they’re now positive 20 percent despite recession huge jobless spikes etc the fed’s super charged mkts to how long will it last on tonight,1 +2020-04-23,i shared this chart on last nights video its qqq compared to etf that covers 85 percent of total us market cap equally weighted since the peak where the period of higher volatility started 2 chart gaps in performance usually get filled with both going 📉,2 +2020-04-30,p and l dollars 4.8 thousand 🔥 killer day today recovering almost of yesterdays losses‼️😎 capr bagholder panic pop short big winner today at the open uavs nailed the longs out of the gate then flipped short and nailed that as well thmo padder amzn ah fun bucks👍,5 +2020-04-14,increased our long exposure today as momentum along with big tech continued to put on a strong sho current positions with entry and remaining size sq long 62.0 full zs long 65.16 .75 nflx long 401.0 .75 aapl long 272.6 .3 docu long 95.69 .75 contd .5,5 +2020-04-27,dow back above 24 thousand SP500500 just 17 percent away from record highs big names have received most of the investor 💵 a record dollars 50 billion ln rotated in just 1 week 😯 earnings this week from the biggest ones addictive including this,1 +2020-04-17,📈wall street wraps up another volatile week📈 ⬆️dow positive 2.2 percent second straight weekly advance ⬆️SP500 500 positive 3.0 percent second straight weekly advance ⬆️nasdaq positive 6.1 percent second straight weekly advance all three averages are up more than 25 percent from their march low dia spy qqq,1 +2020-04-29,msft and fb earnings caused the es and nq to rally close to the shorting areas that we have been looking at in our morning sessions in the markets there must be a buy order to fill every sell order market rallies facilitate short term selling of course no certainty just odds,2 +2020-04-14,stock market recap jp morgan massive defaults are coming tesla don’t care amazon don’t care SP500 500 don’t care nasdaq don’t care apple don’t care 😉 amzn tsla,1 +2020-04-09,similar to the nasdaq chart posted yesterday i think the same scenario could potentially play out in the SP500 500 as well spx spy qqq ndx,3 +2020-04-17,nflx netflix a lot of really smart technicians out there have been all over this one going back to monday official aths today good stuff,5 +2020-04-15,in america tech stocks are soaring again the nasdaq is back to february end levels same level as in november before anyone had heard of coronavirus,1 +2020-04-26,it’s a big week for earnings no less than 140 SP500 500 companies are due to report this week including big tech google kick things off on tuesday microsoft and facebook follow on wednesday apple and amazon then report on thursday qqq spy googl msft fb aapl amzn,1 +2020-04-26,lot of charting work to do earnings super week amzn tsla msft aapl amd ba fb luv mmm ge aal ups twtr pfe cbsh pep ma googl gild sbux ual v spot mcd xom f cat tdoc amat awi chkp mrk abbv whr qcom bp khc clx has antm nok cms cnx aprn,5 +2020-04-21,good evening spx down 51 points today if spx fails at 2822 it can drop to 28002762 nflx reports earnings tmrw 55 point move priced in 480 calls can work its possible to see 500 shop 593 key level broke today and run to 544 if 552 breaks it can see 600 have a gn,1 +2020-04-14,continuing this week strong 📈 💪 amzn 2200 calls dollars .20 dollars 5.35 tsla 700 calls dollars .35 dollars 7.05 amzn 2300 calls dollars .70 dollars 0.70 nflx 400 calls dollars .65 dollars 2.35 aapl 285 calls dollars .33 dollars .25,5 +2020-04-19,weekend review confirmed uptrend nasdaq reclaims its 200 day and 50 day lines SP500 500 reclaims its 50 day line both indexes show a cluster of accumulation nasdaq has 3 in the last 4 days while SP500 500 has 3 in the last 6 days charts via qqq spy,1 +2020-04-17,this bounce is 100 percent fed driven a few trillion gets you a 50 percent and retracement but the largest 500 companies in the us are 16 percent below the perfectly priced record levels they sat at a few weeks ago earnings will shake some sense into these market soon enough am i wrong 📊🎓📉 spx,1 +2020-04-24,stahks spy down in the post after closing down for the 3 day in 4 this week and down negative 17.4 percent from where the spider monkeys chased charts in feb,1 +2020-04-20,earnings dates for every company in the index company date nflx googl fb tsla amzn aapl twtr bidu baba nvda,5 +2020-04-13,nflx amzn tsla huge runners for the day feels good to catch these with my custom range break scan thanks to when you have high rvol at open and over 20 percent volume traded in first 1530 mins its cue for the orb long trade have one for bearish range break as well,5 +2020-04-30,some of best premarket movers vxrt uavs cpe sngx while twtr drops into red and traders wait for amzn and aapl earnings results 🧐,5 +2020-04-27,interestingly the nasdaq turned red on the 6 of march at dollars 08 on qqq but then turned green again on the 6 of april at dollars 96 on qqq a much larger and quicker bounce than the SP500500 so lets dig into the few companies that are driving all of this growth post 8,4 +2020-04-29,nasdaq now overbought for the first time since february 21 and at the same level after hours that it was trading on february 3 up 15 percent and yoy and 200 dma at new highs qqq,1 +2020-04-15,still not stopped on my dia short or any of my longs that i added last week with the nasdaq above the 200 day on a gap but less than one quarter of nasdaq stocks above their own 200 day a pullback is likely to occur,3 +2020-04-23,investors and traders love affair with tech continues as the nasdaq 100 outperforms 16 of the past 17 weeks have seen the nasdaq 100 SP500 500 ratios rsi exceed 70 the only other time tech persistently outperformed this much was at the height of the dot com bubble in 2000,5 +2020-04-26,weekend review confirmed uptrend nasdaq is down marginally closing near high of the week holding above its 200 day SP500 500 closed above its 50 day line on watch if the indexes can clear its handle distribution day 0 charts via qqq spy,1 +2020-04-21,qqq relative to spx is showing a massive momentum divergence right when it seems like everyone is piling into semiconductors software cybersecurity etc seems like a crowded trade watch your 6,1 +2020-04-18,state of the market video where i give my opinion on what i am seeing in the stock market spx qqq iwm dja xlf smh valug xsw hack xlv i tried zoom this week to record the video check it out 👇👇👇👇👇👇👇👇👇👇👇,1 +2020-04-30,“aint nuthin but a v thang baby” says but the spx rally “puts it in a difficult spot have we seen that before somewhat in 2000 the ndx fell 40 percent from the march high to the may low and then rallied 43 percent to the september high ”,3 +2020-04-26,💥notable to watch this week via 💥 mon amat tues googl amd luv sbux mmm cat ups pep f pfe mrk wed msft fb tsla ba ge ma tdoc spot yum aprn qcom thurs aapl amzn twtr gild mcd v aal ual mgm fri xom cvx hon abbv clx,5 +2020-04-16,lots of people sitting in home that are new traders they are buying amzn nflx and calls on these we all know how this ends but impossible to know when the number of blown up stories are going to be staggering over the next 3 months,2 +2020-04-15,still not stopped on my dia short or any of my longs that i added last week with the nasdaq above the 200 day on a gap but less than one quarter of nasdaq stocks above their own 200 day a pullback makes sense here,3 +2020-04-16,market v shaped recovery jobs and consumption will roar back also market bid up amzn because every other retail store is dead and nflx because nobody gonna ever leave their house again,1 +2020-04-07,also have to remember the SP500 is not really an economy trade it’s a tech monopoly fwd multiple trade if you are bearish better today build index of garbage and trade that basket short,1 +2020-04-14,u s stocks on tuesday closed sharply higher on the back of strong gains in prominent tech shares which helped the nasdaq exit bear market territory,1 +2020-04-01,for daytrades the top stocks to focus on are still the same so the usual tsla nflx ba nvda shop ttd baba roku twlo aapl sq amd fb those will always be my top 10 for the most part year after year best combination of liquidity and range by far so perfect 4 weeklies,5 +2020-04-16,here’s some excerpts from my smaller morning note to i reach it each day and goes out 0 spy spx qqq jets jpm nflx amzn aapl msft point on work,1 +2020-04-26,the conundrum is 2021 eps will almost certainly be lower than 2019 but msft amzn and aapl earnings will be higher as the first two in particular become greater percent of spx earnings they will likely pull the multiple higher,3 +2020-04-29,this market is pretty much giving covid 19 the middle finger tech stocks almost at levels they were before this pandemic crazy tsla fb amzn aapl goog,3 +2020-04-29,after the close tsla msft fb tdoc qcom ebay now vrtx algn rig uri bmrn cci agnc nly cree caci afl mpw fico am agi mtdr point c uctt adm cone holx inov rjf oln pega frta gil ar hig krc sci qep klic dre,1 +2020-04-20,earnings dates nflx googl fb tsla amzn aapl twtr bidu baba nvda,1 +2020-04-16,tech stocks surge led by nflx and amzn netflix jumps 2.91 percent higher to record high of 439. amazon rises 4.36 percent to record high of 2408,1 +2020-04-25,after big selloff and recovery drawdowns of market indices nasdaq negative 10.4 percent spx negative 16.4 percent dowjones negative 19.4 percent that gives hints abt dominance to continue in future,1 +2020-04-27,all of the biggest names aapl amzn googl msft fb which were making overall market go up past days are red today while spy still at highs keep that in mind and be careful 🧠,5 +2020-04-30,dow futures drop more than 200 points after earnings drive apple and amazon lower if 2 of our most valuable companies post disappointing earnings look out below,1 +2020-04-25,for the week amzn tsla msft aapl amd ba fb luv mmm ge aal ups twtr pfe cbsh pep ma googl gild sbux ual v spot mcd xom f cat tdoc amat awi chkp mrk abbv whr qcom bp khc clx has antm nok cms cnx aprn,4 +2020-04-14,i suppose the lesson is to never sell market leaders in high growth sectors nobody is smart enough to judge what valuation is appropriate to shop amzn asml nflx nvda msft,1 +2020-04-24,ding ding ding man what a day we played spy calls for a potential 6 times twtr calls for a potential 3 times ba for easy 3 points tsla calls for easy 2 points nflx calls for an easy point ino some of the squad got for an easy runner to zoom on the fb news,1 +2020-04-14,there have been big recent moves in many names and the indices recently today amzn amd nflx tsla zm and gold led higher in large caps all up over 5 percent there is only one way to get in ahead of those moves and it isnt by looking at 1987 charts or predicting new lows,2 +2020-04-26,happy sunday squad enjoy the day cause tomorrow we start the bank making party back up be back in the evening with the watchlist after we see some futures action we’ll be watching tsla googl ttd fb amd aapl sbux and many many more,5 +2020-04-07,todays powerful follow through day improved many of the charts on my watch list especially in big cap tech were not out of the woods yet but its definitely a step in the right direction amzn msft nflx nvda and a few others closed above their 50 day moving average,4 +2020-04-04,my haiku delicious bacon from the pigs that got slaughtered bottom has not hit spy qqq djia aapl tsla tvix,1 +2020-04-28,earnings about to get serious five of the top six spx by market cap report in the next 48 hour rs aftermarket goog 1.6 percent weight exp 10.33 to 33.6 billion ln wed msft 5.6 percent exp 1.26 to 33.7 billion ln fb 1.9 percent exp 1.75 to 17.5 billion ln thu aapl 4.9 percent exp 2.26 to 54.5 billion ln amzn 4.1 percent exp 6.25 to 45.5 billion ln,1 +2020-04-14,tslas performance indicates feds money printing is at it again to kiting up stock prices to this time with orders of magnitude more money printing than before pre market futures indicating nasdaq 100 index now down only 3 percent ytd despite global disaster fangs back too thanks fed,1 +2020-04-11,a batch of names showing up running through a few screens lvgo sdgr chwy msft docu dxcm tsla amt sbac cci gold nem fnv vrtx zm tdoc etsy pdd point on net amzn iphi stmp veev nflx wing nls pld dea ppd exp eqix acad qlys,3 +2020-04-22,the spy is having trouble with the wtd red avwap and is also below the 5 dma which tells us further caution is warranted after finding trouble at the 50 displaced moving average and vwap anchored from the dec 2018 low the last couple of days from,2 +2020-04-17,spx strong move into close next week is setting up for another move higher i will be posting more charts and my thoughts and plan this sunday have a great weekend everyone aapl nflx nvda shop,5 +2020-04-28,if goog can go up dollars 00 on pretty weak results tsla should be able to pop dollars 00 tomorrow on anything better than expected and pop more on any surprises,2 +2020-04-25,intc projected declining eps for 2 q loses some aapl business the stock rallies 5 percent off the open and closes higher on the day googl announces cutting ad spending by 50 percent social media predicts the end on thur night stock closes higher not exactly bear market price action,2 +2020-04-26,setups and watch list now coup team amzn nflx tsla swch lscc nvda amd following charts courtesy of spy qqq iwm,1 +2020-04-06,dow jones unofficially closes up 1652.80 points or 7.85 percent at 22705.33 SP500 500 unofficially closes up 177.87 points or 7.15 percent at 2666.52 nasdaq unofficially closes up 543.08 points or 7.37 percent at 7916.16,1 +2020-04-16,aapl msft helped lead the rally from oct feb and now amzn nflx are leading this rally notice how the entire market is being concentrated into a few equities,4 +2020-04-13,select growth names showing constructive price action today outperforming the market nflx lvgo vrtx amd nvda iphi tsla docu amzn net point on zm shop,5 +2020-04-30,of course facebook shares are up by more than 9 percent after beating estimates turns out it helps big tech when everyones glued to their screens faang or fanmag including microsoft shares still charging ahead as earnings beat expectations amazon and apple report after the bell,2 +2020-04-28,good evening spx slow grinding move higher for most of the day if spx can break and hold over 2882 it can test 2900 tmrw nvda tested 300 today but failed amd reports earnings tmrw if amd beats nvda can move to 306 bynd under 100 can drop to 9182 next have a gn,3 +2020-04-15,carbon copy market of monday no one on twitter will teach you this monday amzn zm nflx tsla and techs positive spx rip back up exact same mkt,1 +2020-04-30,after declining 35 percent in 24 trading days the spx is now up 35 percent in 27 days from intraday low to intraday high this looks very much like a v or i need to brush up on the alphabet the big q is it sustainable given the economy and earnings may not have the same kind of recovery,2 +2020-04-19,watch list tsla shop veev coup docu nvda amd roku rgen team cvna earnings wl nflx snap dpz cmg lrcx i’m watching for gaps and pullbacks this week in leaders good luck y’all this is what we’ve been waiting for,5 +2020-04-27,5 largest stocks in SP500 msft aapl amzn googl and fb all reporting earnings this calendar week for only 2 time in history weeks of and SP500 to 3.7 percent and negative 3.9 percent respectively those weeks past performance is no guarantee of future results,1 +2020-04-21,observation those who said no way we can retest cuz look at msft aapl etc last week not saying that now smpt,1 +2020-04-30,both amzn and aapl lower and that is a good thing for this market we arent going to get good corrective action until those stocks are no longer de facto money market funds,3 +2020-04-13,amzn heading towards aths nflx 52 week high nvda holding 260 aapl over 272 goes shop over 450 tsla near 650 becoming harder and harder to be bearish on this market imo,1 +2020-04-27,so the ultimate “stay at home stock index” amzn zm work nflx jd aprn docu baba shop roku atvi ea cci amt team okta w ostk missed any,5 +2020-04-13,why did nasdaq end up amazon apple tesla netflix and intel index heavyweights driving train per with decliners running at 1. vs advancers it’s pretty clear this is one of those days where the green on your screen leaves a lot to be desired nothing has changed,3 +2020-04-26,with amzn aapl goog googl msft and fb all reporting i think this week the direction of the market will be set for the next few months these 5 represent 20 percent of the spy and even more of qqq,1 +2020-05-22,facebook stock price is up dollars 0 last 4 weeks facebook shops and facebook workplace are looking serious checkout this tweet about in los angeles …,1 +2020-05-13,forward pe ratio circa 23 times equals highest level since 2001 since bottom on march 23 spx forward 12 month has declined by 17 percent while price has increased by 29 percent buy spy,1 +2020-05-20,do you want to learn more about price action and candlesticks join our chatroom link in bio,4 +2020-05-01,to everyone this tweet did not drop teslas stock price the stock closed down yesterday negative 2.33 percent its just a continuation,1 +2020-05-22,facebook stock price is up dollars 0 last 4 weeks facebook shops and facebook workplace are looking serious,1 +2020-05-01,tsla stock price is too high you are right elon needs more downside,3 +2020-05-19,market is strong here s1 has long signals on nq and es with that we should see higher prices just follow price and keep it simple,5 +2020-05-19,how many years would be needed so that the total net profit of a company becomes equals its market cap check out the price and earning pe ratio ratio but first check out our powered predictions,4 +2020-05-22,1 of the best performers on 🆙100 percent and since march depths high demand nvda chips used in computing 💾 meantime sales ⬆️65 percent since   maybe a cheaper pltn bike but not stu in pls 🚲,5 +2020-05-06,the sell in may and go away anomaly is at confluence with underrated recession risk rekindled us china trade tension and unprecedented balance sheet growth latest forecast dji spy spx esf ymf,1 +2020-05-27,the stock indices move up since the swing lows in march has been lead by the nasdaq index as it was near all time highs yesterday we may see a upward rotation in the other indexes now the early morning pivot in the es is 3019 below my major pivot is 2982 spy,2 +2020-05-28,the stock market to amd better price and performance value via advanced micro devices,5 +2020-05-15,chinese giant jd announced the first quarter report fourth quarter report in 2019 brought a 12.44 percent increase in price how will it do this time read more,5 +2020-05-28,ktov .53 kitov pharma ltd nasdaq ktov has a beta value of 2.15 wall street analysts have a consensus price target for the stock at dollars 2 which means that the shares’ value could jump 1939.08 percent from current levels the projected low price target is dollars 2,1 +2020-05-18,look at amzn in today’s it is on its way up to be 2500 price zone more volume and strong rsi macd retweet this if you are amzn fan from this non profit,1 +2020-05-30,is netflix nflx stock a buy fundamental stock analysis and price via,5 +2020-05-22,price is nearing the historical resistance level at 325.00 what will happen next you can find out in our 🦈 newest analysis,4 +2020-05-06,in addition to or algo long and short day trading oscillator we publish algo time price pivots prior to market open all algo pivots on this chart were published for subscribers prior to the day session open spx spy qqq,1 +2020-05-06,pinterest stock price target cut to dollars 9 from dollars 0 at susquehanna spx spy,1 +2020-05-07,the big 5 faaam make up well over 40 percent of qqq and over 20 percent of spy the rest of the us stock universe including the equal weight SP500 500 has sagged ytd while those big 5 hold up the cap weighted major indices,2 +2020-05-12,spy rejected at big spot not good for the spx bulls under here and the down sloping 200 day but lots of stocks industries looking great i still have plenty of longs but tightened stops as needed and added index puts today,2 +2020-05-20,there are times i dip my toes and there are times i jump in completely with both pajama feet on sure extremes can always become more extreme and set some one in a hundred year record but is that the smartest bet i for one and building a short position in smh qqq long vxx,4 +2020-05-29,last week i gave 2970 to 96 and 3006 yesterday i gave 3032 multiple opportunities at these levels this week next week if above 9500 expect 3091.75 above it we have 3117 and 3175 spy spx qqq ndx iwm aapl nflx googl amzn have a great weekend,5 +2020-05-26,yes sir lots of data going way back to the 90 it does have periods where it flips ironically during downturns many times,3 +2020-05-03,spy esf gapped down with open below the 2790 level and rejected off 20 displaced moving average with curling downwards macd trying to bearcross for first time since the big flush,1 +2020-05-09,my weekend summary bollingers percent b 202 show spx .92 ndx 1.01 smh 91 vix 0.00 it would be enough of a long volatility signal to have vix at 0.00 but the indices at close to or over 1.00 is a great combo to signal a short swing trade 50 cent vix buyer was active friday too,4 +2020-05-01,hacked tumbles after musk twitter account says stock price too high spy qqq djia dia slv twtr gld aapl tsla amzn nflx intc amd,1 +2020-05-01,msfts price moved above its 50 day moving average on april 8 2020 view odds for this and other indicators,1 +2020-05-01,says tesla’s price is ‘too high’ and down it goes,1 +2020-05-13,updated p and l dollars 7290🔥 i usually dont trade ah but man ah has been good to me lately codx ah squeezer was too good to resist off the washout longs and even got a couple off mgnx ah as well cbay crex fwp mgnx nvac sif slgg vtiq,3 +2020-05-04,📈mondays most actively traded stocks📉 tsla amzn aapl msft ba baba amd fb nflx dal,5 +2020-05-30,this graphic takes your breath away it doesnt make any sense the market price today spx spy personal consumption expenditures durable goods,1 +2020-05-23,💥at current levels the nasdaq is now up 40.6 percent from its march 23 low 💥the index is now just 5.2 percent away from its ath reached in february 💥year to date the nasdaq is up 3.9 percent so far in 2020 qqq ndx,1 +2020-05-20,💥breaking wall street ends higher with the dow and SP500 500 hitting their highest levels since march ✅dow ends ⬆️369 points or 1.52 percent ✅SP500 500 ends ⬆️1.65 percent ✅nasdaq ends ⬆️2.08 percent ✅russell 2000 ⬆️1.72 percent ⛔vix ends 🔻8.65 percent dia spy qqq iwm vix,1 +2020-05-19,🚨 breaking wall street ends lower to snap 3 day winning streak as investors mull mixed retail earnings ⛔dow ends 🔻390 points or 1.59 percent ⛔SP500 500 ends 🔻1.07 percent ⛔nasdaq ends 🔻0.54 percent ⛔russell 2000 🔻2.45 percent ✅vix ends ⬆️ 4.23 percent dia spy qqq iwm vix,1 +2020-05-29,🚨breaking wall street ends wild day up slightly as markets monitor us china relations stocks close the week month with strong gains ⛔dow ends 🔻17 points or 0.07 percent ✅SP500 500 ends ⬆️ 0.53 percent ✅nasdaq ends ⬆️1.29 percent ⛔russell 2000 🔻0.79 percent dia spy qqq iwm,1 +2020-05-27,esf 3042 was my target white bar is 3046 spy 304.22 was also my target any confirmed base above these prices expect a move these levels are precious resistance levels and are key nothing more nothing less amt aapl bynd uri baba gs,5 +2020-05-04,breaking wall street ends higher to start the week with big tech leading the charge ✅dow ends ⬆️ 26 points or 0.11 percent ✅SP500 500 ends ⬆️ 0.48 percent ✅nasdaq ends ⬆️ 1.23 percent ✅russell 2 thousand ⬆️ 0.74 percent ⛔vix ends 🔻 3.39 percent dia spy qqq iwm vix,1 +2020-05-13,repeat after me nasdaq is not safe heaven nasdaq is not safe heaven nasdaq is not safe heaven nasdaq is not safe heaven nasdaq is not safe heaven nasdaq is not safe heaven nasdaq is not safe heaven nasdaq is not safe heaven nq qqq,1 +2020-05-02,for the week shop roku dis tsn cvs bynd pypl sq atvi w uber src pins mrna regn l jblu gold enph swks spce race ttd wab gm point on alk znga teva syy oxy wynn nem plug twlo tree lyft tmus wing insg chgg,5 +2020-05-06,🚨 stocks on wall street struggle for direction in last hour of trade amid labor market pain tech jump🚨 dow down 30 points or 0.1 percent SP500 500 up 0.1 percent nasdaq up 1.1 percent russell 2000 down 0.1 percent 💥 point on lyft sq pypl report earnings after the closing bell dia spy qqq iwm,1 +2020-05-29,tsla 710 calls 4.50 to 25.00 pep 3 billion ags spy 302 calls 303 to 304 calls 5 to 10 billion ags kmb 141 calls .10 to 1.00 chtr 10 to 20 billion ags amt 10 billion ags if i missed anything have a great weekend i’m off here all week,1 +2020-05-19,tuesday night pointing to a lower start when markets open on wednesday target fed meeting minutes highlight tomorrows agenda dia spy qqq iwm vix tgt,1 +2020-05-14,one of the charts i create for each sector and index in my thrasher analytics letter quantitatively looks at divergences within the indiv stocks the nasdaq 100 now has 56 percent of its stocks with a bearish divergence the most since february 14 qqq,5 +2020-05-02,amzn in much better shape than aapl here despite an earnings gap down yesterday technically still in a very strong uptrend as it tests the 20 day ma needs to hold this 20 day ma next week if fails to hold likely headed back to test dollars 000 area,2 +2020-05-03,there are 114 stocks in the SP500 500 that closed friday above their respective closing price from i think its a great place to start if youre looking for stocks to own heres a short list of few of those stocks tsco mktx aapl unh mco msft amzn adbe,1 +2020-05-11,stocks on wall street recover from earlier losses with nasdaq SP500 500 in positive territory as big tech shares rise dia spy qqq iwm aapl amzn fb googl nflx,5 +2020-05-17,💥notable to watch this week via 💥 mon bidu iq bili trvg tues wmt hd kss urbn aap wb ntes wed tgt low lb ttwo expe boot mck adi huya thurs nvda m bby tjx rost bj panw splk intu a hpe fri baba de fl dia spy qqq,1 +2020-05-02,check out the cup with handle on the nasdaq weekend stock market update explains the details hopefully the attached charts will help put it all into context thanks for another great weekly summary mike,4 +2020-05-12,as discussed over the weekend the nasdaq posted its first demark sequential 13 today following an aggressive sell ysty combo indicator 2 days away caution warranted,1 +2020-05-21,aapl to demark 13 sell today aapl has chewed through these signals in the past but risk and reward seems decent given we are into past top resistance rsi and slo sto and obv negatively diverging on this last move,3 +2020-05-19,as discussed over the weekend potl demark 13 sell seq countdowns remain in play spy qqq and ndx can see it as early as tomorrow the could put in a combo 13 sell by thursday lots of confluence here and requires a strong close tomorrow to trigger,4 +2020-05-02,watching aapl closely for a pullback into the dollars 50±5 area green box if holds true should find support there and continue upward to aths and beyond 📈📈 spy spx nqf qqq ndx dji dia,3 +2020-05-11,good evening spx held 2900 today but failed to break through 2942 lets see if it can reclaim this level tmrw and push towards 3000 shop nice breakout above 739 if it gets thru 752 it can run to 768781792800 aapl possible to see 327 if spx can move to 3000 have a gn,3 +2020-05-15,alert more alligator jaws divergence on a fomo rally notice that new high to new low for all 3 exchanges especially nasdaq new lows equals 114 new highs equals 22 only fang man stocks 🧐🤦‍♂️ also on nasdaq more stocks were down than up adv dec equals negative 22,1 +2020-05-20,todays strength sealed the deal for the and qqq which both now have demark 13 seq sells can put in a 13 combo sell tomorrow to go with the seq 13 sell on sox see earlier tweet sw etf igv and tech etf xlk to all have 13 as well be cautious,5 +2020-05-20,just a great day twtr just paid the bills for me sq was nice and dis late just fabulous names out performed the indexes today great action not around much next 2 days daughter graduating college so proud to her and the class of 2020,5 +2020-05-24,state of the market video where i go over spx qqq iwm dja xlf smh as well as secondary indicators wood hg gc tlt iei hyg pcce valug check it out 👇👇👇👇👇👇👇👇👇👇👇,5 +2020-05-23,i am seeing a pattern with ultra strong stocks as they power higher on earnings then rest a bit only to trade higher in the following weeks it makes sense as analysts recalibrate their models and algos program to buy pushing prices higher twlo is the most recent example,3 +2020-05-27,heres an example i created faang i reiterated them endlessly if you bet against these stocks you are in the poor house but i am sick of hearing otherwise its a big joke and i dont give a damn that jvini lives in nj now back to jimmy chill had to get it off my chest,1 +2020-05-06,the list of companies either warning about future profits or pulling their earnings guidance altogether features some iconic names — such as amazon and apple — that have driven the remarkable rally since markets bottomed out on march 23,1 +2020-05-27,it may not seem like it because tech stocks have been so strong but the nasdaq 100 was down 29 percent at the lows now it’s down just 2.7 percent from the highs and up almost 9 percent on the year the window to buy these stocks much lower was extremely small,2 +2020-05-22,watchlist baba 🎉 beat on earnings nvda 🎉 beat on earnings mrna 🎉 more positive news on vaccine for covid fb 🎉 currently at all time highs after e commerce news ba 🎉 amzn 🎉 tsla also on watch,1 +2020-05-21,after the close today nvda splk panw intu hpe rost a elf nymt deck ramp agys plus prsp crmt svm xene cthr dl fph caap lgf a,4 +2020-05-06,after the close pypl sq point on lyft etsy znga twlo wynn grub tmus ayx mro sedg insg rng cvna save exas fsly opk fit apa lvgo ftnt gddy hubs ddd irwd srpt rgld met nbix eqix iipr lpi fnv amed sono two awk,1 +2020-05-27,watchlist tsla 🦋 point increases and spacex launch to happen today t 🦋 hbo max to launch today warnerbros is parent company nflx 🦋 on watch with hbo launch news jpm 🦋 ceo stated recovery process could be short nvda 🦋 ba 🦋 also on watch,1 +2020-05-25,fb nvda tsla twlo fsly lvgo sq pypl bynd twtr ttd work team chgg chwy ddog spot splk arct zm net okta coup docu is leadership at work for me with more setups at tiers just below this highest quality that is a lot says a lot about this new bull mkt,5 +2020-05-19,contrarían thinking says to buy when there’s blood in the street but if 68 percent believe this is a bear market rally there’s inevitable upside in stocks too many staring at the water waiting for it to boil conversely the tech trade being most crowded since dec’07 screams downside,1 +2020-05-20,watchlist there are a lot of potential stocks to watch hd 🔹 multiple point increases wmt 🔹 beat er multiple point increases bidu 🔹 beat er multiple point increases spce 🔹 raising 900 million in funds for rescue deal nvda 🔹 er report tomm point equals price target er equals earnings,1 +2020-05-17,roses are reds 🌹 violets are blue 💐 good morning to you spy aapl msft nvda nflx shop etsy lvgo zm tdoc pray for the virus to go away 🙏🙏🙏❤️,1 +2020-05-11,watchlist dal ✨ stoping services you 10 airports until sept tsla ✨ sales down 65 percent in china to down pre market nvda ✨ multiple price target increases ea ✨ new to my watchlist price target increase nflx and ba also on watch ✨,1 +2020-05-08,tracking smart money has been my fav way to trade markets and this week few good trades were captured tsla after good results and ve remarks by and after news broke of buffett sold his stake in major airlines study price action and volume in daily and 15 million combination to learn,1 +2020-05-29,monday will be a significant down day we will give back all of the rally today and some whether that will be a dip to buy or not cant see that far spx spy qqq dia esf nqf anyone who thinks you cant model this market is wrong remember this tweet on mondays close,1 +2020-05-28,today is the first time ever that aapl msft amzn googl fb all gaped down 0.35 percent and but spy gapped up 0.35 percent,1 +2020-05-15,duquesne druckenmiller 13 f amzn 14 percent 7 times more shares nflx 13 percent positive 45 percent wday 9 percent add fb 8 percent positive 75 percent msft 7 percent negative 31 percent googl 7 percent positive 51 percent atvi 4 percent trim pypl 4 percent new baba 3 percent positive 709 percent gold 3 percent reta 3 percent ge 3 percent sold half abt 3 percent hd 2 percent se 2 percent negative 32 percent fis 2 percent positive 90 percent,1 +2020-05-02,ibd top ten 1 amd advanced micro devices 2 nflx netflix inc 3 veev veeva systems inc cl a 4 vrtx vertex pharmaceuticals 5 fnv franco nevada corp 6 adbe adobe inc 7 team atlassian corp plc cl a 8 now servicenow inc 9 lly eli lilly and co 10 nvda nvidia corp,5 +2020-05-18,well this is different netflix google amazon zoom teladoc all red industrials transports materials banks energy et al flying the strongest stocks today have been the weakest ytd and vice versa,3 +2020-05-19,bullish new highs in industry leaders today amzn nvda nflx pypl jd now nem strong uptrends in strong stocks,1 +2020-05-10,SP500 info tech reached a new relative high last week with the feb absolute high in sight incredible eps from the likes of shop pypl dbx ftnt twlo etc simply amazing,5 +2020-05-30,trade stocks until momentum fades esports has momentum now dkng winr gmbl gan aese slgg i would wait for a pullback on these names before taking position for a swing high i’m long aese slgg and am interested to get back into other names on a pullback,2 +2020-05-16,my watchlist for the week ahead on the us market and the sentiment i have towards each of their earnings se bidu trvg wmt hd ntes aap low adi snps ttwo jwn rcl expe mdt nvda intu splk elf baba fl,5 +2020-05-04,market bids up category winners a few no with team to it service nflx streaming dxcm to diabetes cgm shop to ecomm nvda and amd to gpu tsla to ev and battery pypl and to digital payment fisv and sq to rebuild smb cday and payc to hcm tyl to muni saas msft amzn to cloud lulu to athleisure add away,5 +2020-05-18,good morning futures up big as powell say fed has more ammunition left sq d and g underperform bac jd point upped to 59 barclays twtr point uppedt to 30 citi,2 +2020-05-18,the markets up almost 900 points on 8 yes only 8 people being tested with potential covid candidate a bit overbought when theyve tested on 1000 then time to get excited these were low risk patients tsla aapl fb nflx amzn goog ba nvda spy,2 +2020-05-08,i still find it hard to believe that the nasdaq is back to b and e after we printed a 21 million job loss and still dont have a vaccine for covid 19 this market is a bit overbought i moved my portfolio to about 70 percent cash this week just in case tsla,2 +2020-05-08,101 us stocks with market caps above dollars 00 mln have hit 52 week highs since the start of may and none of them are named microsoft apple amazon alphabet or facebook,1 +2020-05-22,two reasons why this market is not like the late 90’s 1 tech now runs nearly every industry 2 high valuations are more sustainable as growth from tech is much higher than other sectors however this is what the market is missing qqq,2 +2020-05-04,nice intra day reversal for us with the major indices all ending higher on the day breaking a 2 day losing streak once again names out performed pushing the up 1.2 percent relative to 0.4 percent for the SP500 and 0.1 percent for the the 10 year yield closed at 0.63 percent,3 +2020-05-16,our recent top trade alerts page has been updated with screenshots when posted and current charts including shop positive 88 percent zm positive 62 percent docu positive 48 percent nem positive 41 percent atvi positive 27 percent nflx positive 22 percent,5 +2020-05-07,qqq now up 4 percent ytd today became 5 member of the dollars 00 billion club joining spy ivv vti and voo it got dollars 2 billion of it from flows and dollars 8 billion from mkt gains its returned 417 percent since launch in 99 vs 228 percent for spx heres story on it,1 +2020-05-30,this past wed 11 am growth stocks looked and felt like death when you go through the charts this weekend you will just see a lot of bounces from the 10 week sma nothing like experiencing those bounces in real time to toughen your gut hope everyone has a great weekend,5 +2020-05-05,as a tech investor this socialism thing really seems to be working nasdaq 100 up 3 percent on the year while the world is in a bear market carry on qqq over spy until who knows,1 +2020-05-29,a few of toadys big movers i own include regn dpz work i still hold a few fang names including amzn msft nflx the market has come a long way and sentiment is shifting but im focusing on stock picking not the indexes,3 +2020-05-10,i feel it this week man like i felt friday but this week and next you all haven’t seen anything i’ll just let the suspense build spx spy esf tsla uri ba,1 +2020-05-17,setups and watch list gold frpt pypl nflx fb splk now amd nvda eps gap ups fsly twlo chgg ddog point on wix following charts courtesy of spy qqq iwm,3 +2020-05-01,so many pundits are extrapolating todays weakness and predicting the market goes a lot lower i disagree i think we will see the market at new rally highs next week i continue to like amzn and would be a buyer here also semis miners industrials oil stocks and even regional banks,2 +2020-05-01,good morning futures down after a massive earnings week aapl point raised to dollars 88 barclays aapl point raised to dollars 10 piper amzn point raised to dollars 700 key amzn point raised to dollars 000 susq,1 +2020-05-14,daily wrap alert and trade ba 115 puts positive 58 percent wix 190 calls negative 40 percent hi 150 percent noalert msft 180 calls positive 25 percent sq 180 calls positive 50 percent chart alerts msft 178 greater than 180.50 sq 77.30 78.20 bo wix 182.30 greater than 189 swing nvda 318.17 greater than 321.50 ah others codx 23 31 ah29.70 hi vbiv 1.09 2.10 spy levels all timestamped,1 +2020-05-30,the latest stock market update is out in the prior life on twitter as,4 +2020-05-19,w break mon low gap at 134 ctxs if 139 breaks looking to go outside month 136.30 etsy break mon low looking to go outside week at 76.89 cah daily megaphone target 54.20 myok break mon low pivot machine gun to 94.10 nvda break mon low gap 340,1 +2020-05-24,breakouts holding fb semis group near highs nvda medical onem sdgr software team security software okta xbi iova friday was encouraging qqq all solid gdx gold names look good may need a quick shakeout lets see could be more broad but hard to be bearish,3 +2020-05-13,anyone got a cool way to see which equities are leading the spx down seems like tsla and amzn are still relatively high,3 +2020-05-15,incredible week next week is setting up to make a big move i will be posting more charts and my plan here this sunday have a great weekend everyone and stay safe amzn nflx nvda aapl,5 +2020-05-11,literally no explanation anymore for the nasdaq run i read all day and i know less i’m just enjoying it and trying not to think too much like i said last week feels like 1999 with even lower rates better business models and less public supply qqq over spy,5 +2020-05-09,watch list fsly tsla amd nflx avlr splk earnings wl ddog dt cybr ripley says don’t chase or he’ll nip at your heels 🐕 🦆,1 +2020-05-16,watch list dt amd tsla ddog crwd sq bynd earnings wl splk nvda good luck this week everyone ripley says he loves everyone of you and wants to slobber your faces if you don’t follow your rules 🐕 ❤️📈,5 +2020-05-22,if i was looking to initiate i am watching these today amd crwd etsy ayx tsla splk dt bynd ddog lots of eps gapper bull flags out there that i am seeing with minimal selling pressure,2 +2020-05-12,huge reversal very straight forward now if zm nflx go lower tomorrow mkt implodes if they dont buy the virus stks they sell everything and limit down happens but fed lurking,1 +2020-05-01,charts tomorrow morning on spy qqq iwm vix xbi xle xlf fb amzn aapl nflx goog dis shop roku twtr lulu gdx slv btcusd ethusd ltcusd wmt nke what am i missing,1 +2020-05-02,i think a big market clue for direction will be to follow these closely amzn nflx tsla if these continue to distribute other stocks will follow assuming this happens keep an open mind to new leadership what will hold up the best well see,4 +2020-05-11,its a market of stocks zm tdoc dxcm ew aapl msft vrtx lvgo nflx roku etsy okta enph mrna shop crwd 🥰 would u plz type for me,4 +2020-06-12,husn to liking this for a big move soon price riding short term emas and looks like its about to breakout entry over dollars .65 for dollars swing target,2 +2020-06-05,feeling bad for all those stock traders out there who told me they were short on this over bought market i tried 2 tell them 2 not listen to the news but focus on price action which showed a strong market spy iwm dia smh ibb,1 +2020-06-24,the nasdaq’s recent record highlights the differing performance across the three major u s stock indexes here’s what we’re watching in the markets today with,5 +2020-06-27,this weeks how i see it comes from tom mcclellan on understanding ‘rogue waves’ in the as in the ocean “rogue waves” can impact the stock market affecting price movement and,5 +2020-06-22,another record session for the 🆙2.5 percent finishing at highest levels ever 1 virtual delivered with aapl making its own chips in pcs shipping end of year and features getting lots of buzz 🐝 aapl,5 +2020-06-09,as the crosses 10 thousand for 1 time 📈 is overvalued 38 percent of the ndq is expected to make money 🆙1.5 percent this year whereas spy SP500 expected to ⬇️20 percent also not as expensive as the bubble in 2000 📊,1 +2020-06-15,june 15 plan 📌 click on picture to expand spx spy iwm dia xlk xlf aapl fb amzn nflx msft googl htz tsla nvda amd dis save bynd,1 +2020-06-10,the weekly chart is a force to be reckoned with tsla stock price went from dollars 5 to dollars 025 in less than 10 years from 2010 to 2020 congratulations to and the team spy dow btc eth,1 +2020-06-18,june 18 plan click on picture to expand 📌 please feel free to share or like i appreciate your feedback spx spy iwm dia xlk xlf aapl fb amzn nflx msft googl ba,4 +2020-06-23,tesla discounts autopilot upgrade option for current owners ahead of fsd price increase via tsla,5 +2020-06-09,the 18 record close for the nasdaq in 2020 saw tech and communication stocks preform well with most others struggling the dow slid 300.14 points snapping its 6 session winning streak the SP500 500 dropped 0.78 percent,2 +2020-06-04,total put and call ratio .69 very heavy call buying and a ratio not seen since 2016 spy bollingers stretched to 1.00 very overbought smh also 1.07 and qqq and iwm almost to 1.00 we hit 1.00 on various indices multiple times over the last 2 to 3 weeks and shorts worked each time,1 +2020-06-15,tomorrows plan coming soon stay tuned spx spy iwm dia xlk xlf aapl fb amzn nflx msft googl htz tsla nvda amd dis save bynd,5 +2020-06-10,i had to scroll through my multi page list of scalps today ameritrade must love me at dollars . i was just kind of humored making dollars 71 on mnq micro short🤣 nat gas was kind to me as well as making back some losses on qqq puts i was down about dollars k mon so yest and today almost flat,3 +2020-06-11,june 11 plan click on picture to expand spx spy ndx qqq aapl baba iwm ibm fb googl tsla amzn msft nvda amd nkla bynd htz ba uvxy lulu cmg,1 +2020-06-09,rt stockfamily wll a little secret play not the price i showed at called and now current price 3.98 🧝‍♂️🧙‍♂️🐐💯👀 aapl spy amd,1 +2020-06-10,as promised heres the mid morning report please rt or like so everyone can benefit from it spx spy qqq aapl amzn baba fb htz bynd fb googl msft nflx nkla tsla,5 +2020-06-08,up 3 weeks in a row spx higher high 85 percent of the time add when 3 week equity put and call near .52 when up 3 weeks in a row up upside very limited and most corrected over the next month spy qqq ndx,2 +2020-06-16,mid morning update click on picture to expand📌 spx spy iwm dia xlk xlf aapl fb amzn nflx msft googl ba,1 +2020-06-02,rule of thumb price book value p and b if below 1 it indicates that the stock is undervalued but dont invest without analyzing why if it is below 3 its still considered to be good yet whats good or not varies depending on the company,3 +2020-06-03,amzn daily candlestick chart i created this around 3 weeks back it is observed that it beautifully respects trend lines watch it is ready to pass 2500 price wanna get more join ufa 501 calls non profit stock tips group,5 +2020-06-16,spy esf daily food for thought bulls looks good right reclaimed 20 expontential moving average and dma riding above 50 displaced moving average bears fought to wick it below 10 displaced moving average and closed it down near .618 fib5 displaced moving average still pointing down bottom line it looks better than it really is well see what tomorrow brings,4 +2020-06-01,googs price moved above its 50 day moving average on april 29 2020 view odds for this and other indicators,1 +2020-06-01,dows price moved above its 50 day moving average on may 7 2020 view odds for this and other indicators,1 +2020-06-01,aals price moved below its 50 day moving average on may 29 2020 view odds for this and other indicators,1 +2020-06-01,zoom stock zm topped dollars 00 today i sold the last of my shares not even i saw that coming and ive been their biggest advocate for months its in tesla territory now where id never touch it at this price but hey i was wrong with tsla at dollars 00,1 +2020-06-03,nflx in uptrend price expected to rise as it breaks its lower bollinger band on may 26 2020 view odds for this and other indicators,2 +2020-06-02,nflx in uptrend price may ascend as a result of having broken its lower bollinger band on may 26 2020 view odds for this and other indicators,3 +2020-06-12,if aapl and msft hold the boxes itll be hard for the market to move lower that 2.5 percent negative 7 percent if the boxes are lost there could be significant issues if they both hold the boxes this is a blip,2 +2020-06-02,aal in downtrend its price expected to drop as it breaks its higher bollinger band on may 26 2020 view odds for this and other indicators,2 +2020-06-03,amd in uptrend price may jump up because it broke its lower bollinger band on may 1 2020 view odds for this and other indicators,3 +2020-06-24,spy after 6 days of sideways trading the market finally tipped its hand with spy breaking downward in what should be the start of a c wave down while qqq moved to new highs over last week neither spy nor dia were able to get above their respective island gaps from to 11,1 +2020-06-15,i don’t like to do this since this is not the purpose of my twitter account i will share this this one time in the spirit of transparency since i’ve been getting so many requests for it execution could have been better though spx spy qqq aapl ndx tsla nflx fb,3 +2020-06-11,pre bell update click on picture to expand like or rt if you like this type of content and help bring it to everone spx spy qqq iwm aapl nflx tsla,3 +2020-06-11,while the market was bleeding we were making money congrats to those that made some today🤑 we will take 1 day at a time and wait to see what tomorrow brings us spy nflx,1 +2020-06-12,recap click on picture to expand spx spy qqq ndx nqf iwm uvy cost aapl fb amzn nflx tsla baba ba htz bynd googl msft nvda amd xlk xlf xlv,4 +2020-06-15,dramatic turnaround in the monday dow ⬇️762 points at its lows now 🆙180 points with less than 45 mins to go in the session heavy rallying ⬆️1.5 percent lead by the biggest companies which were down roughly 3 percent to start this morning 👇,1 +2020-06-05,stock just hit a record high aapl 🆙 dollars 26 biggest company in and biggest heavyweight on SP500500 account for 5 percent of the index so gains in the stock lift ⬆️spy 📈,5 +2020-06-24,important technical levels im watching on qqq and for nasdaq 9715 as support for SP500 500 2972 the 200 day average as support,5 +2020-06-22,many things can happen before tomorrows rth open but as of right now this is an update of what im seeing good night everyone click on picture qqq ndx spy spx,1 +2020-06-03,if all you did today was watch the financial media youd think the nasdaq made an all time high the reality is that nasdaq futures stayed in a relatively small range barely eclipsing yesterdays highs just another reminder to trade whats real lets work on developing an edge,2 +2020-06-25,💥breaking wall street ends higher after stocks shake off earlier declines to stage a last hour rally ✅dow ends ⬆️299 points or 1.18 percent ✅SP500 500 ends ⬆️ 1.14 percent ✅nasdaq ends ⬆️1.09 percent ✅russell 2000 ⬆️0.76 percent ❌vix 🔻5.5 percent dia spy qqq iwm vix,1 +2020-06-29,💥breaking wall street ends higher to start the week as boeing shares rally ✅dow ends ⬆️579 points or 2.32 percent ✅SP500 500 ends ⬆️ 1.46 percent ✅nasdaq ends ⬆️1.2 percent ✅russell 2000 ends ⬆️2.4 percent ❌vix ends🔻7.92 percent dia spy qqq iwm vix ba,1 +2020-06-06,✅the nasdaq is up 48 percent from its low set on march 23 ✅the index reached a new all time high on friday eclipsing its recent peak from february 💥year to date the nasdaq is up 9.3 percent in 2020 qqq ndx,1 +2020-06-10,the nasdaq — an index that includes the top faang stocks microsoft tesla and many other titans of tech — topped 10000 for the first time ever tuesday it failed to close above that level but still finished at a new record high,5 +2020-06-01,the g mafia is carrying the major us markets higher thats google microsoft apple facebook intel and amazon over the last 5 years the g mafia returned 207 percent while the SP500 without them is up just shy of 29 percent winners win,1 +2020-06-23,💥breaking wall street ends higher with the nasdaq closing at an all time high as big tech shares rally ✅dow ends ⬆️130 points or 0.5 percent ✅SP500 500 ends ⬆️ 0.46 percent ✅nasdaq ends ⬆️0.74 percent ✅russell 2000 ⬆️0.38 percent ❌vix 🔻1.35 percent dia spy qqq iwm vix,1 +2020-06-15,quick look at futures gapped down i have a feeling we will have a fun and profitable week if we don’t let greed get to us 💰 goodluck to all and green trades aapl amd spy nkla izea sne btc tlry nio,4 +2020-06-21,some bullish and bearish patterns to follow mark gnus ampe visl aal amzn appl inxp trnp axas,3 +2020-06-05,meanwhile nasdaq just got an all time high thats right all time high talk about decoupling of whats happening on wall street vis a vis the real world confounding indeed plenty of liquidity pumped in and few big companies leading the market up still all time high,2 +2020-06-16,portfolio is now fully invested since yesterday after we reduced our exposure last week current positions twlo tdoc ftnt point on fb aaapl zs charts shared ftnt aapl fb point on,5 +2020-06-30,💥breaking wall street ends higher for second day in a row as stocks wrap up their best quarter since 1998 ✅dow ends ⬆️216 points or 0.85 percent ✅SP500 500 ends ⬆️ 1.52 percent ✅nasdaq ends ⬆️1.87 percent ✅russell 2000 ends ⬆️1.67 percent ❌vix ends🔻4.5 percent dia spy qqq iwm vix,1 +2020-06-19,alright everyone thats it for tonight over 30 charts posted below spy qqq iwm xbi vix fb aapl amzn nflx goog ba ge dal save penn dkng shop spot twtr amd nvda mro cron cgc atvi tsla roku dis,3 +2020-06-19,vips up again today 4 percent up 5 days in a row wing is my biggest portfolio gainer this morning i still own some ddog tal added to my mnta,5 +2020-06-11,2 points away from 3032 level 143 points shared for free from 3175 with 1 point mae plan was sent out last night at 4 pm ct i will call it a day will be back this evening spx spy iwm qqq ndx aapl baba nflx googl tsla bynd htz amzn,1 +2020-06-09,i actually count 12 times the qqq nasdaq hit or got close to the upper trendline and was met with a retracement over the past 11 years will this time be different,1 +2020-06-23,when you think about which stock has the next dollars 00 gain would you think that would be in aapl fb nflx goog or amzn i would put money its on tsla or amzn therefore why go long on an already overbought i chose tsla,1 +2020-06-02,spx closed at 3055. its trading in a range between 3 thousand and 3070 spx needs to get thru 3070 to test 3100 tsla if this gets through 900 it can test 968 aapl through 324 can test 327333 zm and crwd earnings tmrw crwd can see 110 and zm to 225 to 230 can come have a gn,1 +2020-06-09,“today was the third straight day with over 6 billion n shares traded on the nasdaq all of which would have been higher than any day in history to put that in perspective from 2009 until 2020 there wasn’t even one day with 5 billion n shares ”,1 +2020-06-30,strong finish to todays session capped an impressive 2 quarter for nasdaq again out performed on the day gaining 1.9 percent compared to the dows 0.9 percent and SP500 1.5 percent chart best quarter chart for SP500 20 percent since 2008 nasdaq 31 percent since 2001 dow 18 percent since 1987,5 +2020-06-23,with an 8 straight day of gains the set a new intra day high the continued out performance of 1 chart is not the only thing that has surprised those favoring lagging names and sectors also the us continues to out perform both europe end 2 chart,4 +2020-06-26,even in a choppy week we still managed to find some excellent trades 💰 📈 nflx 465 calls dollars .20 dollars 2.55 aapl 360 calls dollars .60 dollars 3.57 spot 250 calls dollars .00 dollars 8.63 tsla 980 calls dollars .00 dollars 7.40 fb 222.5 puts dollars .22 dollars .50,1 +2020-06-09,many mkts at same level as a year ago but uncertainty and stakes are now higher like it or not we are in the super bowl or maybe the hunger games and many are watching i guess u either want to be here or u dont regardless may the odds be ever in your favor peace ✌️ 23,3 +2020-06-18,boss this doesn’t look like bear mkt rally stocks going up on results and mgmt interview during bear mkt stocks fall even on good news no idea what future mkt holds,1 +2020-06-06,1 well its made a series of higher lows cleared the 50 displaced moving average the 200 displaced moving average and a couple of key levels still leaves 3200 and 3400 for an ath spx spy,2 +2020-06-20,ive been asked for my swingtrader watch list here you go webbys st universe screen if you dont have ms ive included the stocks☮️☮️☮️,5 +2020-06-08,cant say i would ever have imagined tesla near and the nasdaq at aths given the pandemic civil unrest and the yet to be truly felt economic shit storm that we are at the beggining of i dont understand this market and im gonna sit on the sidelines until it makes sense to me,1 +2020-06-07,view from the deck and dock of my house its not the compound but it works paid for buy the spom 2 runs and help from aapl stocks have been good to me again im messy,4 +2020-06-08,watchlist tsla 🌻 sales for model 3 up in may amzn 🌻 drone delivery launch date set to aug 31 ba 🌻 point increases airline stocks overall up pre market aal 🌻 dal 🌻 jblu airline stocks to watch aapl 🌻 at ath and news on new patent for device,3 +2020-06-08,another strong session sees the three major us stock indices end higher the out performed positive 1.7 percent as the rotation trade continued the SP500 1.2 percent gain made year to date returns just positive after marchs v sharp fall and the positive 1.1 percent set a new record high,4 +2020-06-02,a main theme this year is growing divergence to whether between high and low income families or stronger and weaker companies in stocks this translates as a 16 percent gain for apple amazon facebook microsoft and alphabet vs a 12 percent loss on an equal weighted version of the SP500,3 +2020-06-26,trade machine members this is what i have set as alerts for three inside up and a couple other triggers nvda googl tsla msft intc cost mu twtr fsly ayx lvgo pins work nvta mdb okta point on,5 +2020-06-18,aapl point raised to dollars 10.00 from dollars 54 at china resistance tsla point raised to dollars 200 from 650.00 at jeffries shop point raise rbc to dollars 000 from dollars 25.00 pypl point raised citi to dollars 86 net u and g equalweight ms 34 pcty u and g outperform rbc dollars 55,1 +2020-06-27,now as far as where and how to find them early its the same permawatchlist i always post spy tsla nflx nvda ba baba shop ttd twlo fb aapl amd etc their otm options do these retarded moves damn near every day and week especially spy since it expires 3 times a week,5 +2020-06-10,apple market cap just topped dollars .5 trillion nasdaq above 10 000 microsoft at a record high tesla worth almost dollars 00 billion lets party like its 1999,1 +2020-06-23,apple microsoft amazon alphabet and facebook together account for about 40 percent of the nasdaq and 20 percent of the SP500 of those stocks only apple and microsoft are in the dow,1 +2020-06-10,tech with a vengeance 10000 usd 1000 all time high all time high,5 +2020-06-22,this will mark the 4 straight day of negative breadth and while indices seem resilient financials energy healthcare real estate all down 1 percent with notable breakdows in casino and cruiseliners high yield cdx unchanged so the large cap tech surge is a bit of a mirage today,2 +2020-06-11,3126.75 target filled gap fill 50 points with 0 ticks mae 📌 now back to my previous 3117 level will be back in a bit with an update spx spy googl qqq ndx iwm aapl nflx tsla,1 +2020-06-07,spy dia iwm aapl msft qqq soxx gm to all my friends at twitter i have gained 800 new friends since frid night 😊❤️ 10.8 thousand followers have a happy day with your loved ones always be kind,5 +2020-06-05,spy esf wow dont think anyone expected this gap up at the same time had to expect 4 time quadruple top wed go through remember keep it simple dont chase gap up dont short til 4 hour red or 1 hour engulfing to start so u dont get run over busy today wont be trading gl,1 +2020-06-17,perma bears blame the fed for the stock markets gains here is the ttm eps for spx since 2000 eps was 50 in early 2000 its now 140 in 2020 in march 2000 spx peaked at 1550 its now at 3124 chart from,1 +2020-06-05,aapl hit a new all time high today dollars 28 a share dollars .43 trillion market cap just a bit confused as to why tim cook needed to pull 2020 guidance when clearly everythings so swell in the world maybe not able to forecast how high the record sales and eps will be in 2020 thanks fed,3 +2020-06-29,what are you guys watching for the week i’m watching — fb ba mu shop nflx zm tsla amzn dis fdx amd,5 +2020-06-22,aapl point raised to dollars 00 from dollars 35 at cowen chgg point raised to dollars 0.00 from dollars 5.00 maintained buy jeffries lvgo keybanc maintains overweight point 85 mpwr rosenblatt maintains buy point 270 nke point raised to 104 jpm point on point raised to 62.00 stifel,1 +2020-06-22,uwl names tdoc tsla chgg dxcm ayx okta nkla dkng bill gan are set up for frisky upside behavior continue watching for constructive pullbacks and sporty advances in lvgo etsy shop spot zs twlo now nflx vrtx amd roku bynd mrna wix sdgr ddog fsly net crwd zm chwy,5 +2020-06-24,happy to see suggest that home gamers take some profits after the huge run and get a little more defensive he wasn’t turning bearish but wanted his viewers to reduce risk as stocks are trading off 2024 earnings which is concerning amzn aapl fb msft,4 +2020-06-21,setups and watch list nvda ftnt twlo crwd tsla nflx point on wst vrtx tdoc dxcm following charts courtesy of spy qqq iwm,3 +2020-06-29,potential tmls showing strong rs nvda 21 ema undercut and upside reversal shop nice reversal chgg nice reversal approaching pivot again tsla reclaim of green line on low volume dxcm 50 sma acted as support again se looks to keep trending higher,4 +2020-06-09,we are already off to a record breaking week nasdaq composite broke 10000 for the first time amazon hit a record high after gaining 3.04 percent apple hit a record high after gaining 3.16 percent how long do you think this hot streak will last,1 +2020-06-05,all time highs apple analog devices autodesk t mobile home depot danaher perkinelmer thermo fisher roper united health equifax carrier global otis worldwide rockwell kla corp skyworks microchip,5 +2020-06-12,open for us 3 major indices up 2.5 to 2.7 percent confirms underlying strength of the market technicals in play for a while now that is some mix of tina fomo and btd they are supported and conditioned by central bank policy but face the notable uncertainties of covid economics,3 +2020-06-12,pm study check retweet and favorite this if youre still up studying and making your watchlist or made a trade and papertrade on today it was a very ugly dia spy qqq market but as wafu izea llit zhud ssft eman and ctib prove there are still some big spikers,3 +2020-06-28,🔥 hot off the press equitorial to one time free edition to facebook fb visit or via to see this edition and become a member 📈spy qqq aapl amzn goog msft,1 +2020-06-29,combined facebook amazon netflix alphabet apple and microsoft which are often grouped together to create the fanmag stocks make up 48 percent of the nasdaq 100,5 +2020-06-09,said on friday in room i was taking 3 massive and i mean massive shots tsla shop and googl tsla netted x xxx xxx you w freak if all 3 hit just build a shrine and kneel,1 +2020-06-29,hopefully we are through selling caused by quarter end rebalance stocks still in hands of buyers spy dia qqq cc dow surges more than 400 points as boeing and apple rise,1 +2020-06-26,“bulls remain unphased if you look at some individual stock names the pc ratios are amazing aapl 0.5 amzn 0.73 msft 0.5.” just wow,5 +2020-06-29,my new article is out the nasdaq qqq has outperformed the SP500 500 spy by 252 percent in the last decade some think that this is because of a dotcom like bubble but the earnings growth of tech supports the huge outperformance,1 +2020-06-23,call me crazy but this market at quarter end has lost its ever loving mind trimmed some of the big winners like aapl msft nvda etsy sq pypl amzn shop and added to some boring names i still have plenty sexy i want more boring for now,2 +2020-06-30,my current trading watchlist aapl agq amzn brk b bynd ddm dia dis etsy fb gld googl gs ibb iwb iwc iwm kmx mnst pets qld qqq sso spce spy uwm vix,5 +2020-06-21,good morning everyone did a small chart session last night on spy qqq iwm xbi fb aapl nflx goog tsla spot shop lulu enjoy make sure to give us a like if you enjoy these chart sessions,5 +2020-06-22,spy aapl msft nflx okta docu dxcm zm lvgo tdoc sq etsy ew fsly se zs crwd lvgo docu the list its a market of stocks and u have the list,5 +2020-06-07,the time has arrived please enjoy my first weekend analysis using the amazing charting software spy qqq djx work nvta now crwd snap pins tsla rubi sq msft amd,5 +2020-06-15,the updated stay at home stock index amzn zm work nflx jd aprn docu baba shop roku twlo atvi ea team okta w ostk tdoc point on lvgo wmt pso chgg etsy dpz crwd net missed any lets complete the list,3 +2020-07-30,the reasons i bought amd 1 see the weeks up on volume not your aunt buying the stock 2 huge eps growth 3 tight price action,2 +2020-07-18,in times of fluctuation trust your research price action of stock is not in direct correlation with company value or the market would not be profitable join the wolf pack invest accordingly clsk spy djia,2 +2020-07-18,peak of dollars 700 after momentum alert the market is uncaring of personal bias and you should be as well if the market is overvalued does it still stop you from exercising a profitable entry and exit price no tsla spy nio,1 +2020-07-14,does anyone know a penny stock that’s gonna double or possibly triple it’s share price within the next 1 to 2 years,1 +2020-07-23,this article is really good not just on tesla but good overview of the current market tsla teslas insane stock price makes sense in a market gone mad,4 +2020-07-31,tech stocks jump after blowout earnings 🤯 facebook positive 7 percent amazon positive 4 percent and apple positive 5.5 percent surging in trade today after reporting better than expected quarterly results 🔖 nasdaq has hits all time high,1 +2020-07-01,gilead sets price of coronavirus drug remdesivir aapl amzn btc eth fb goog msft qqq spy tsla,5 +2020-07-17,there is a 67 percent probability that netflix stock price will increase above its current value of dollars 27.39. nflx current market structure is bullish and will remain bullish as long as price stay above dollars 71.50,1 +2020-07-05,trump will pay a terrible price in novembers aapl amzn btc eth fb goog msft qqq spy tsla,1 +2020-07-21,wkhs workhorse group stock price down 0.4 percent on insider selling,1 +2020-07-13,it’s that time of the week prep those alerts and key price levels how do we end every week stock market update and getting all his key levels for comp on,5 +2020-07-30,wed add that typically stock splits do result in an increase of share price due to the better entrance price and more shares a person has as a part of their position,3 +2020-07-16,curious about why stock price tumbled for this we need to understand what the is how it works and what are i laid it out in my video 👇 nflx,3 +2020-07-08,see how this neck breaking run in the stock price was amplified by the short covering discover more at,2 +2020-07-23,coronavirus vaccine – here’s why the biontech stock price is having an insane 740 percent rally bntx,1 +2020-07-26,heres what will move markets this week with amzn aapl googl earnings pfe mcd ba also report to fed meeting u s second quarter gdp watch now dia spy qqq vix,1 +2020-07-30,💥big tech earnings take center stage after the close amazon reports at 0 pm et google reports at et facebook reports at 5 pm et apple reports at 0 pm et 💥track the earnings in real time spy qqq,1 +2020-07-22,update review weekend post no change higher prices no clear upside breakout or failure emotions high tsla msft earnings fed to meet next week to discuss economy admin discussing more stimulus china escalation trade market generated info not emotions spy,1 +2020-07-25,when i shorted nq above 11 thousand on jul 13 kraken had a nice setup that nasdaq suckers didnt know about at all they are now in agonizing pain as evident from comments ndx hit a weekly support this week the index will probably break out of this range after fed and big tech earnings,1 +2020-07-12,my quick video analysis of tech stocks tsla aapl amzn msft overall market spy 👩🏼‍🏫📈📊 apologies for my english its my third language i am learning and will get better soon 😊,5 +2020-07-16,stocks fell on thursday as shares of the major tech companies struggled once again and traders digested a mixed batch of corporate earnings and economic data the dow was down 0.50 percent the SP500 500 fell 0.34 percent the nasdaq fell 0.73 percent,1 +2020-07-27,it’s the biggest week of season with major like aapl amzn and fb issuing results here’s a day by day breakdown of what to expect trade with tradestation,1 +2020-07-31,beat big crush estimates as the pandemic drives demand and even ups flew to new highs our recap has everything you need to know aapl amzn fb googl amd ba ge pg pypl,5 +2020-07-19,potential change for the week ahead last week saw a pause relative to tech and remainder of the market big earnings week including tsla msft amzn twtr and much more can expectations be met the following link is to our upcoming primer spy,3 +2020-07-09,this market looks so bad internally at least acknowledge that anyone calling for new highs at this point is only making individual stock predictions for aapl msft amzn 🤷🏻‍♂️,1 +2020-07-28,dow jones is flat since jan 2018 dow transports flat since 2017 with lots of volatility still leads the way down but i’m told dow theory is dead because of techthe fedpretty bad sign that aapl can go parabolic and it still can’t save the swirling garbage below the surface,2 +2020-07-13,qqq found resistance at the upper boundary of trend channel found resistance at minor high nasdaq can pullback to lower boundary SP500 500 towards 200 day average,3 +2020-07-10,good morning mixed global trade nasdaq closed at an all time high as amazon jumped 3 percent to a record microsoft apple and netflix were also higher but the rest of the market struggled the dow dropped more than 300 points erasing its week to date gains,2 +2020-07-06,💥breaking wall street ends higher as big tech rally powers nasdaq to record close 🚀🚀 ✅dow ends ⬆️459 points or 1.78 percent ✅SP500 500 ends ⬆️1.6 percent ✅nasdaq ends ⬆️2.21 percent ✅russell 2000 ends ⬆️1.27 percent ✅vix ends ⬆️0.83 percent dia spy qqq iwm vix,1 +2020-07-27,💥breaking stocks on wall street end higher to start the week as apple amazon lead big tech share rally ✅dow ends ⬆️114 points or 0.43 percent ✅SP500 500 ends ⬆️0.74 percent ✅nasdaq ends⬆️1.67 percent ✅russell 2000 ends ⬆️0.89 percent ❌vix ends 🔻4.1 percent dia spy qqq iwm vix aapl amzn,1 +2020-07-06,breaking nasdaq composite rallies to a new all time high as tech continues to shine amazon shares end up 5.7 percent apple shares end up 2.6 percent facebook shares end up 2.9 percent microsoft shares end up 2.1 percent qqq amzn aapl fb msft,1 +2020-07-22,u s stock index futures point to higher open as wall street braces for msft tsla earnings 🚀dow futures gain 125 points or 0.5 percent 🚀SP500 500 futures rise 0.4 percent 🚀nasdaq futures jump 0.5 percent 🚀russell 2 thousand futures rally 0.5 percent dia spy qqq iwm vix,1 +2020-07-30,interesting gamma cusp setup in qqq with big tech reporting tonight weekly options large in qqq and similar spy situation we should have some post er iv drop in amzn aapl fb which adds to the dynamic h and t,4 +2020-07-31,amazing how multiple asset classes match up to marking turns my contrarian bend has me expecting more dollar strength i bought uup at dollars 5.12 this morning choppy stonk action that resolves down into middle of august and i’m long nly intc short smh short qqq into close,5 +2020-07-10,💥breaking wall street ends higher as big tech rally powers nasdaq to another record close 🚀🚀 ✅dow ends ⬆️368 points or 1.43 percent ✅SP500 500 ends ⬆️1.07 percent ✅nasdaq ends ⬆️0.66 percent ✅russell 2000 ends ⬆️1.14 percent ⛔vix ends🔻6.46 percent dia spy qqq iwm vix,1 +2020-07-20,💥breaking wall street ends higher with the nasdaq jumping more than 2 percent as markets brace for big tech earnings ✅dow ends ⬆️8 points or 0.03 percent ✅SP500 500 ends ⬆️0.85 percent ✅nasdaq ends ⬆️2.51 percent ⛔russell 2000 ends🔻0.76 percent ⛔vix ends🔻4.4 percent dia spy qqq vix,1 +2020-07-24,last chart msft major tl breach like aapl best case is sideways chop for 6 to 8 weeks thats 2 juggernauts that wont be contributing to index strength over the medium term,2 +2020-07-08,with apple hitting a record market cap of dollars .653 trillion the disconnect between the broader stock market and the faanmg facebook apple amazon neflix microsoft and google widens,1 +2020-07-06,the nasdaq 100 jumps 2.5 percent bringing its 2020 gains to more than 21 percent as amazon netflix tesla apple shares all rally to record highs ndx qqq amzn nflx tsla aapl,5 +2020-07-12,⚠️ a lot of traders also have been asking me what these trading emojis all mean here is the list of the top 20 you must know amzn fb aapl nflx ibm msft ge tsla baba nkla wmt cost gnus uavs idex ino apt nvax lk wkhs tlry rcl ccl bac cphd f dal ba wfc,5 +2020-07-11,while the tech stocks are still rising rest of the market has been struggling for months underneath the surface breadth is weak despite new record highs similar to what happens during previous corrections furthermore nasdaq is the only index above the feb 2020 high,2 +2020-07-31,💥breaking stocks on wall street are set to open higher with the nasdaq jumping 1 percent after big tech earnings blow past estimates 💥track the action in real time dia spy qqq iwm vix aapl amzn fb,1 +2020-07-10,market watchlist for friday 7 to 10 to 20 amd roku shop googl tsla fb amzn dis spy spx esf nqf dji comp qqq vxx please feel free to retweet and share have a good evening everyone and see you all tomorrow😃,5 +2020-07-18,investor’s trader’s super bowl of earnings is almost here comment below your reaction when seeing this list in a gif snap tsla twtr intc t cmh aal luv ibm,1 +2020-07-19,💥notable to watch this week via 💥 mon hal ibm tues snap ko lmt pm ual txn ibkr amtd wed tsla msft cmg biib ndaq algn csx lvs thurs twtr intc t aal luv alk bx ctxs fcx etfc fri vz axp hon slb dia spy qqq,1 +2020-07-12,⚠️ a lot of traders have been asking me what these short trading acronyms all mean here is the list of the top 20 you must know amzn fb aapl nflx tsla baba msft ge wmt gnus idex wkhs uavs xspa nvax wimi solo nkla shll ostk,5 +2020-07-16,spx tested 3233 again but failed spx is still stuck in a range between 3200 and 3233 i would consider going long over 3233 and short under 3200 for this week nflx earnings are after hours tmrw theres a 54 to 55 point moved priced in 580 calls can work if nflx beats have a gn 😁📈,1 +2020-07-13,market watchlist for monday 7 to 13 to 20 shop tsla googl fb nflx roku wmt lulu spot dis gs ba amd spy spx esf nqf dji comp qqq vxx please feel free to retweet and share have a good evening everyone and i will see you all tomorrow morning,5 +2020-07-26,💥notable to watch this week via 💥 mon has nxpi tues amd mcd pfe mmm v ebay sbux rtn wed fb ba shop ge gm pypl spot qcom tdoc thurs amzn aapl googl f ups ma pg azn gild mgm ea fri cat xom cvx mrk pins spy qqq,1 +2020-07-21,did you see my qqq nasdaq 100 index percent weight chart that i posted last week tsla is number 6 on the list if goog and googl counting as one company tsla is bigger than intc fb and nvda in other words any correction on tsla stonk bulls favorite qqq would tank bigly,5 +2020-07-13,• tech and growth technicals are extremely overbought • investor sentiment is widely bullish • valuations are ridiculously outlandish now the nasdaq index posts a major bearish outside day reversal pattern what could go wrong qqq,1 +2020-07-31,amazing results from amazon and other faang stocks nasdaq futures is up by 2 percent amazon is up by 5 percent in after market trades will there be any short covering in bank nifty after sbi results,5 +2020-07-24,some stops getting hit today but my is popping nicely and my qqq short is paying off as i said yesterday market is getting a little top heavy,3 +2020-07-05,do we believe 2020 brought a bear market and a new bull market past 10 to 20 years aapl amzn nflx googl equals leaders a new bull market could bring new leaders for the next 10 years have they emerged in tsla zm shop docu twlo we must be open 2 grader knows purple line is a winner,5 +2020-07-06,amzn aapl msft tsla baba nvda nflx so many stocks making new highs,5 +2020-07-31,tech earnings week ended up being the best week of july here are a few highlights from the week💰 aapl 390 calls dollars .30 dollars 6.10 aapl 410 calls dollars .32 dollars 4.62 shop 1100 calls dollars 1.80 dollars 4.35 qcom 104 calls dollars .32 dollars .00 fsly shares dollars 7.36 dollars 7.14 hagw,4 +2020-07-09,today’s video recap and look ahead if u want to grab a beverage get a bit of education maybe profit from it spx qqq tsla amzn aapl googl spce jmia amd dis wmt,1 +2020-07-25,judgment week 😱 thu aapl amzn googl 3 companies make up 30.2 percent weight of qqq and 14.34 percent of spy,1 +2020-07-21,ndx qqq soxx nasdaq futures climb above 11000 for first time in history as big tech shares extend rally 🚀🚀🚀 aapl msft fngu nflx nvda shop spot twlo docu adbe ttd okta crwd zs fb amzn the list,5 +2020-07-30,major indexes close mixed big tech pushes nasdaq higher ahead of earnings djia negative 0.85 percent at 26315 nasdaq positive 0.43 percent at 10587 SP500 500 to 0.37 percent at 3246,2 +2020-07-25,aapl amzn amd googl fb pyp shop now sfm dow jones futures three cheers for coronavirus stock market rallys bad week apple amazon amd lead earnings flood,1 +2020-07-15,the highest nyse volume of past 4 trading days big drop off in nyse and naz shares making all time highs amzn adbe nvda zm can eat tails to the downside 1466.40 over and under for rus,1 +2020-07-31,when mega cap stocks like amzn aapl and fb crush estimates pms underweight the names often chase them after the fact we may see that today with aapl 5.8 percent of SP500 500 amzn 4.8 percent and fb 2.1 percent it won’t be lost on SP500 that adding a mega cap like tsla reduces that concentration,2 +2020-07-06,breaking has just kicked off after a winner of a session where nasdaq hit all time record on huge tech stock wave dow futures .11 naz futures flat to slightly higher,1 +2020-07-25,going thru my weekend review and noticed most major tech related cos reporting second quarter results to date were roughed up despite eps beats nflx negative 68 points in 2 weeks msft fell 2 points last week intel negative 9 txn negative 4 points citrix negative 13 swks negative 2 tsla negative 84 momos wont like it if trend continues,1 +2020-07-13,aapl point dollars 50 from dollars 25.00 wedbush aapl point upped to 419 ms amzn point raised to dollars 450 from dollars 500 barclays fb point raised to dollars 75 from dollars 60 barclays googl jeffries raises point to dollars 800 from dollars 450 googl point raised to dollars 600 from dollars 400 barclays nflx point raised to dollars 25 bmo,1 +2020-07-25,for the week amzn aapl amd fb shop ba pfe mcd ups mmm pypl has ge spot v apha ebay ma sbux rtx azn f sap qcom cnc mo xom pg abbv goog tdoc rpm gild now khc dxcm abcb bud jblu clf pins antm wing lrcx,4 +2020-07-28,with the focus on the trillion dollar club of aapl amzn and googl this week dozens of companies less than dollars 00 billion in market cap will get little or no coverage this earnings season including gems such as adsk lrcx anet veev panw zbra fivn cien iivi,1 +2020-07-13,stock market rally open strong but closed with an ugly reversal along with leaders such as tesla fastly netflix and shopify tsla nflx fsly nflx amzn jpm,1 +2020-07-23,its not the first time we had a bad day what happened in the past market will go higher again i have been reading everything i can skipped eating nothing makes sense for this monster drop in tech today aapl msft nflx nvda u now the names weekly uptrend,1 +2020-07-30,big 4 mega cap growth stocks amzn fb goog aapl all crushed it ah amzn fb aapl up 4 to 5 percent boosting qqq 1.7 percent ah which should help tsla tomorrow aapl ‘s stock split “to make stock more accessible to a broader base of investors” increases odds tsla does same in sept,1 +2020-07-26,spy qqq fb aapl amzn googl i dont play earnings no way ill gamble with inflated premium for a less than 50 percent chance to win while losing mental capital if im interested in a ticker i wait until after they report no drama option prices back down to earth trade the chart,1 +2020-07-30,nasdaq futures are exploding expect tsla to ride the wave with big tech tomorrow ahs is a good entry,3 +2020-07-12,the narrowness of the market is worth noting so far in july fb aapl amzn msft nflx goog to represent 20 percent of the spx market cap and have been responsible for over 80 percent of the returns,4 +2020-07-02,video stock market analysis for week ending spy qqq iwm smh ibb xlf plug fcel bntx insg aaxn ⚓️vwap,4 +2020-07-02,aapl point 370 evercore was 375.00 amzn point 3400 from 2900 independent research atvi needham maintains buy point 90.00 shop point 1100 baird was 820 tsla point 1250 wedbush was 1000 street high flir int buy canaccord point dollars 0 akam u and g outperform cowen point dollars 50.00,1 +2020-07-09,not sure how many posts i have read about a ‘bearish divergence’ in qqq over the last few weeks and months while large cap tech singles explode higher better idea focus on price and trend and single stock charts follow the trend try to predict the end,2 +2020-07-10,since feb 19 the stock market peak SP500 500 index 3393 amzn has soared 1030 points adding dollars 00 billion to its mkt cap dollars .6 trillion pe ratio ratio 153 in the interim amzn had 1 crummy earnings report missed eps estimates by 20 percent but powell and fed cant see any bubbles,1 +2020-07-30,tomorrow is gonna be an interesting day amzn goog fb aapl all reported good earnings most other tech stock are up after hours rising tide lifts all boats laugh,1 +2020-07-15,8 pm study check retweet and favorite this if youre still up studying making your watchlist right now or if youve already made your watchlist for tomorrow the dia spy qqq markets looks to surge nicely thanks to overnight positive mrna data so be ready for action tomorrow,5 +2020-07-04,apple microsoft google amazon and facebook have been responsible for a large portion of the SP500 500 and nasdaqs gains and that doesnt look to change anytime soon,5 +2020-07-12,what’s up guys ready to crush it 🚀🚀🚀🚀🚀🚀🚀🚀🤑🤑 tsla 1800🎯🤑🚀 aapl 400🎯🤑🚀 jpm 110🎯🤑🚀 wynn 90🎯🤑🚀 dis 130🎯🤑🚀 shop 1100 🎯🤑🚀 amzn 3500🎯🤑🚀 nflx 650🎯🤑🚀 nvda 450🎯🤑🚀 dxcm 500🎯🤑🚀 mrna 80🎯🤑🚀 lvgo 150🎯🤑🚀 🎯🤑💵💵🚀,5 +2020-07-27,tech stocks in rally mode led by apple tesla and video game stocks lots of earnings this week as well the worst gdp number in american history is coming out another trump milestone aapl tsla atvi ttwo ea,1 +2020-07-11,the stock market goes up because of the fed’s “money printers” but also because consumers keep buying 📲 iphones aapl 🍔 food mcd 👟shoes nke 🖥 netflix nflx 💳 amazon amzn ☕️ coffee sbux the consumer also drives the stock market spy,1 +2020-07-20,tech stocks in full rally mode before earnings tesla microsoft and amazon going full tilt granted these are some of the best companies tsla amzn msft,5 +2020-07-31,good evening aapl up 25 points after earnings those 390 calls i mentioned last night are going to pay if aapl can hold over 400 it should run to 425 amzn is set up for a move to 324032733300 if it can hold over 3200 lotto friday should be an explosive one have a gn 😄📈,1 +2020-07-30,fb amzn aapl goog all report earnings after the bell today thats 16 percent of the SP500 500 and 35 percent of the nasdaq 100 who in their right mind allowed this to happen,1 +2020-07-20,crazy days for tech stocks tesla amazon shopify and microsoft going parabolic people paying up for companies with growing earnings tsla amzn msft shop,5 +2020-07-10,good morning happy friday futures down slightly as asia markets cooled nflx point to 670 gs was 540 amzn point raised to dollars 550 from dollars 700 citi,3 +2020-07-15,reduced risk took many larger profits into strength still holding some names with decent gains akam sam bj tndm amgn pzza to and a few with small gains abt ctxs chtr ibb only holding one showing a small loss fb still short qqq from 267.99 with tight stop,3 +2020-07-27,good morning futures up ahead of a very busy week earnigs stimulus and fed on tap ddog needham maintains buy point 105 on needham maintains strong buy point dollars 6 aapl point raised to dollars 25 from dollars 65 jpm,5 +2020-07-06,qqq continue to outperform aapl amzn fb tsla nflx sq roku nvda stay where the action and volume is,2 +2020-07-23,im still short the qqq but ok with getting stopped because i have much more long exposure market is getting a little top heavy to especially nasdaq on thin participation laggards been popping up lately fang stocks under some pressure,3 +2020-07-16,nasdaq must lead us out need bounce but dow names will be stalwarts watch disney to see if it can shrug off downgrade jnj for upside unh for better than expected reward,3 +2020-07-04,nasdaq qqq and below many leading stocks hit ath yesterday amzn msft nvda tsla pypl sq docu shop ttd twlo now adbe atvi ea zm and some talking about limit down or revisit march low get a life 🤦🏻‍♂️🤣,1 +2020-07-01,iwm red djt red usdjpy down vix coiling amzn up 85 nflx up 24 msft up 1.00 and change aapl up 1.60 fb up 9.00 and this is your market bubble which when it goes look out below,1 +2020-07-29,good day overall took small gains today as market went in my favor nflx positive 1 percent wix positive 2 percent point on positive 1.2 percent qld positive 1 percent four positive 4.7 percent sq positive 2 percent etsy breakeven reduced portfolio exposure from 97.5 percent to 60 percent with enough cash to trade explosive earnings movers,4 +2020-07-18,some implied moves for earnings next week tsla 15.0 percent twtr 11.5 percent snap 14.5 percent msft 5.7 percent intc 5.5 percent cmg 7.6 percent ibm 5.7 percent axp 5.2 percent biib 5.8 percent isrg 6.4 percent chkp 8.8 percent logi 10.5 percent ko 4.1 percent lmt 5.1 percent aal 13.1 percent luv 9.0 percent nvs 5.6 percent ndaq 8.1 percent tsco 6.4 percent ctxs 5.6 percent via,3 +2020-07-01,tech stocks are making the rest of the market look silly the nasdaq composite closed at another record high today while the SP500 500 closed 8 percent below its own that’s the furthest spx has been from a record on a nasdaq comp record high day since jan 1980,1 +2020-07-22,i like going with the acronym fanmag to represent big tech dominance of equities to facebook apple netflix microsoft amazon and google adding a t to that since tesla is now poised to enter the SP500 and if its considered more tech than auto and we get fangmat,4 +2020-07-13,what is this sorcery nasdaq down 1.2 percent but high growth saas down 6 percent and overall saas down 5 percent this cant be in all seriousness days like today are healthy needed for longer term bull runs if youve got some extra cash put a little in some stocks you like,1 +2020-07-10,next week notes 1 SP500 500 if 3160 to 70 holds cta momo chasers will add nomura 2 watch dow past two sessions i have noted unusual buying activity in this index so far looks like banks and airlines are the recipient 3 tech seems insane but you can not short it right now,1 +2020-07-12,datacenter and gaming nvda iaas amzn goog fsly saas ayx crm crwd ddog okta docu zm team mdb adbe coup fintech meli ma pypl sq v programmatic ttd roku pins ecommerce shop etsy baba se healthcare lvgo tdoc streaming nflx services aapl,3 +2020-07-09,what we’re seeing with faangs is the dark side of mkt cap weighted indices the more capital flows into them the more benchmarked managers need to buy them in turn creating even more interest and inflows self reinforcing dynamic that is distorting the mkt aapl msft goog,5 +2020-08-13,stats top 10 changes in daily positioning aug 12 vs aug 11 nvax srne tops rkt stock price ⬇️ accounts⬇️ tsla mrna aapl msft nio amd,5 +2020-08-02,stats top 10 changes in weekly positioning july 31 vs july 24 kodk to more than 10 times increase in of accounts holding it almost 10 times increase in stock price aapl kndi mrna ge li adma nflx tlsa ocgn,5 +2020-08-19,if applapple and tslatesla stock prices have been to high for you to invest in them on both companies will be performing a stock split that will bring down the price per share it will be a great time to get in at a lower price per share,3 +2020-08-03,stock xom is back around the price i bought it at about march possibly buying more xom,2 +2020-08-03,bigcommerce holdings inc will debut on on 05.08.2020 i expect the stock price to increase 🚀 by at least 100 percent on debut will be doing a detailed tweet on bigc tomorrow before the 🔔,1 +2020-08-27,anybody else jumping on this corsair gaming stock crsr any guesses what price it rolls out at,5 +2020-08-27,price to book ratio 💲📗 a youtube lesson 🙂👇 video link 📗 📗 spy spx amzn aapl tsla qqq nvda amd fb googl,4 +2020-08-04,spot stock price consolidates after eps news like this but then the monthly avg users go up and churn rate goes down the stock price makes new highs following the nflx playbook,3 +2020-08-13,posted for all when price was 22 cmp 54 😎 nifty50  ,1 +2020-08-20,nasdaq tsla share price reached dollars 000 🚀🔥 the electric carmaker announced 5 to 1 stock split recently the split set to go into effect on august 31,1 +2020-08-20,hey if apple gets to a 10 trillion dollar market cap the fed will still say there is no asset bubble and analysts will raise price targets,1 +2020-08-06,verb targeting dollars .50 on this chart macd curling up and price is above all short term emas swing for dollars .50,1 +2020-08-25,nnvc expecting a 20 percent negative 50 percent move this week entry over dollars .10 next support is dollars .70 so if it drops again tomorrow try adding around that price point,1 +2020-08-24,tsla will tesla stock price crash,1 +2020-08-26,tesla tsla battery day anticipation increases jefferies price target,4 +2020-08-26,dow jones futures tilted higher late tuesday along with SP500 500 futures and nasdaq futures,1 +2020-08-19,plag weekly chart shows a price target of at least dollars a breakout over that and we could get dollars .00 closed at dollars .06 in ah,1 +2020-08-03,leading us gains rallying🆙another 4 percent that adds another dollars 0 billion to its dollars .8 trillion dollar market value already the biggest company on the planet aapl getting bigger in buying up challenger mobeewave for dollars 00 million ln sq 📲,1 +2020-08-01,amazon stock price target raised to dollars 050 from dollars 000 at j p morgan why not raise the price target to dollars 000 who cares about evaluations they do not matter the fed is backing the stock market,1 +2020-08-01,apple stock price target raised to dollars 70 from dollars 70 at monness crespi hardt why not raise the price target to dollars 000 who cares about evaluations they do not matter the fed is backing the stock market,1 +2020-08-16,markets week ahead wmt tgt nvda baba earnings to u s jobless claims to fed minutes breaks down what to watch on wall street this week dia spy qqq vix,1 +2020-08-31,just incredible rallies another 2 percent after 4 for 1 📲 aapl rallies another 8 percent after splitting 5 for 1 🏎 tsla while ⬇️over concerns the deal might be slowed down because of news rules 🎶 love 💕 geeking out,1 +2020-08-27,highly recommended aapl intc msft tsla nio bac amzn nkla mrna ba tsm mu baba fb pfe aal nvda t spce wfc nflx jpm twtr vz snap work,5 +2020-08-28,today on the take wmt and msft moving to the upside because of tiktok news amd and semiconductors continue moving to the upside incredible movement in the tech space and a lot of unusual option activity watch the episode here,5 +2020-08-19,video stock market analysis spy qqq iwm smh ibb xlf smh pgny gddy ncr ps spt ⚓️vwap dont take my word on what a double top is the image is from pg 60 of john murphys book,1 +2020-08-19,us stock markets reach all time high driven by technology stocks especially amazon apple reaches dollars t with a t market capitalization,5 +2020-08-10,august 10 plan 📌 click on picture to expand hope everyone had a nice weekend good luck tomorrow attached is a 30 min rth only chart spx spy iwm qqq aapl tsla ba nflx amzn msft,1 +2020-08-26,look at what tech stocks are doing in the us today sales force up 28 percent netflix up 9 percent adobe up 9 percent facebook up 5 percent ofcourse not to forget tesla up 5 percent,1 +2020-08-23,ark has 5 etfs arkk arkw arkf arkg arkq here are the stocks that appears in at least 3 of them today aapl amzn docu fb ice nvda onvo pins pstg se splk sq tcehy tdoc tree tsla tsm twlo twou vcyt work xlnx z,5 +2020-08-04,tech full candle outside bands yesterday heading into aug and sep also note global resistance vs declining 200 dmas france spain italy brazil turkey thailand philippines vietnam etc longer term put and call ratios extreme into fun seasonality aapl and big tech monthly parabola,5 +2020-08-26,jump in implied volume vix can also be due to a wee bit of short squeeze on out of the money call options nflx fb roku nio amzn msft goog etc,3 +2020-08-18,amzn indeed holding this market together it is one of the top three weightings in the naz 100 so the tail can wag the dog good odds it has upside followthrough tomorrow,5 +2020-08-04,look at amzn and aapl both beat big last thursday pm fed money printing in theory should help amzn more than aapl since higher pe ratio since the print amzn up 2 percent aapl up 14 percent,1 +2020-08-21,💥its time💥 big tech shares power SP500 500 nasdaq to new all time highs ✅SP500 500 is up 54.5 percent from its march 23 low ✅nasdaq is up 69.8 percent from its march low ✅ tsla positive 378 percent ytd ✅ amzn positive 78 percent ytd ✅ aapl positive 61 percent ytd spy spx esf qqq,5 +2020-08-25,etf xlk with a demark combo 13 on the weekly chart which has worked well in the past rsi crossing over in to overbought for more info visit aapl msft nvda,4 +2020-08-30,very soon tsla will be in the big 6 “magaft” with the other great tech innovators i can’t see how the SP500 index comm ignores this much longer in billions mkt cap as of 1 aapl dollars 138 2 msft dollars 714 3 amzn dollars 703 4 googl dollars 100 5 fb dollars 35 6 brk dollars 18 7 tsla dollars 17,5 +2020-08-04,august 05 plan📌 click on picture to expand ive attached a 30 min rth chart showing the spike the overlapping value and the gaps we have above and below gl to everyone tomorrow spx spy iwm qqq aapl tsla ba nflx amzn msft,1 +2020-08-24,nasdaq composite index hits new record closing high of 11379.72 as apple leads big tech rally qqq aapl amzn fb googl,5 +2020-08-27,reason catalyst fed speech tomorrow aapl amzn fb at ridiculous valuations levels spy daily overbought we will see a vaccine headline soon and sell the news it became way too easy to make money buy calls on dips sell on rips,1 +2020-08-04,market watchlist for tuesday 8 to 4 20 nflx nvda shop amd zm cost msft lulu baba roku sq spy spx esf nqf dji comp qqq vxx please feel free to retweet and share have a good evening everyone and see you all tomorrow morning😃,5 +2020-08-14,august 14 plan 📌 click on picture to expand attached is a 30 min rth only chart good luck to everyone tomorrow spx spy iwm qqq aapl tsla nflx amzn msft,1 +2020-08-07,august 07 plan 📌 click on picture to expand good luck to everyone tomorrow feel free to like share or leave feedback it is truly appreciated spx spy iwm qqq aapl tsla ba nflx amzn msft,5 +2020-08-22,watchlist next week amd bynd fb v zm msft economic calendar thursday will be very important spy several earnings to keep on watch and market sentiment moderate greed,2 +2020-08-16,august 17 plan 📌 click on picture to expand attached is a 30 min rth only chart hope everyone enjoyed their weekend good luck tomorrow spx spy iwm qqq aapl tsla nflx amzn msft,1 +2020-08-19,market watchlist for wednesday 8 to 19 to 20 sq aapl dkng amzn tsla fb zm googl tdoc spy spx esf nqf dji comp qqq vxx have a good evening everyone and see you all premarket 😃,5 +2020-08-31,the nasdaq 100 up 94 points aapl tsla and amzn good for 118 points of gross upside the other 97 stocks a 24 point drag the public is betting the favorites against the field today,1 +2020-08-21,aapl touched 499.47 sorry could not get 500 as promised🤪 wrapping friday here hope you all made some money on nvda and aapl lottos galore today cheerz look forward to weekly wrap see below for aapl idea history,1 +2020-08-19,good evening spx tested 3393 again and failed spx is now in a range between 3355 and 3393 calls can work 3393 puts can work 3355 aapl i would wait for 465 otherwise it can trade in a range between 458 to 465 if aapl fails at 458 it can drop to 450 have a gn 😁📈,1 +2020-08-21,wow what a friday and 300 thousand plus week alters did it dsgt positive 450 percent rbii positive 100 percent vmnt positive 40 percent my all time maket high special thanks to aapl and tsla my god,5 +2020-08-26,my mutual funds dont clear till after 6 pm altine high and over the 1.92 mill point much credit to aapl tsla amd the otcs 2.0 tomorrow,1 +2020-08-07,market watchlist for friday 8 to 7 20 msft fb nflx sq shop amzn zm baba avgo nvda spy spx esf nqf dji comp qqq vxx please feel free to retweet and share have a good evening everyone and see you all tomorrow morning😃,5 +2020-08-14,market watchlist for friday 8 to 14 to 20 tsla roku lrcx aapl wmt amzn qcom googl spy spx esf nqf dji comp qqq vxx have a good evening everyone and see you all premarket😃,5 +2020-08-31,bizarre to see tsla and aapl trading at a fraction of their share price from last week we havent seen a high profile old fashioned stock split in a long time,1 +2020-08-17,market watchlist for monday 8 to 17 to 20 aapl tsla ba amzn fdx nflx fsly ups qcom msft mcd spy spx esf nqf dji comp qqq vxx have a good evening everyone and see you all premarket😃,5 +2020-08-21,spx closed at 3385 tmrw can be an explosive day if spx breaks thru 3393 aapl googl msft were very strong today they can lead tmrw if we see the market breakout aapl setting up for a move to 500 the 480 calls can work as a lotto aapl needs to get through 475 have a gn 😁📈,1 +2020-08-13,market watchlist for thursday 8 to 13 to 20 tsla nvda lrcx aapl qcom baba nflx spy spx esf nqf dji comp qqq vxx have a good evening everyone and see you all pre market😃,5 +2020-08-05,market watchlist for wednesday 8 to 5 20 nflx amd zm aapl shop pypl lrcx baba lulu spy spx esf nqf dji comp qqq vxx please feel free to retweet and share have a good evening everyone and see you all tomorrow morning😃,5 +2020-08-21,true story the market cap added by aapl just since reporting and announcing its stock split at the end of july is equal to the combined total market cap for the bottom 77 stocks in the spx,4 +2020-09-14,show continues strength for same reasons before gold will price after meeting and if 👇 gold☝️all the roads lead to 2100🎯,4 +2020-09-08,tesla shorts are down dollars 4.5 billion for the year but up dollars .1 billion so far in september want to know what to expect if tslas stock price continues to decline watch the video below for expert ’s insight,2 +2020-09-18,went through my last night nothing interesting yet but ill start buying if they pullback more my top 5 interests are msft pep bmy abbv cvs pic below shows them with my buy target in the center and current price to the right,3 +2020-09-03,history shows epic parabolic ascents on overconfidence experience similar ends herd keeps increasing position despite valuations p and s resembles 1999 to 2000 dopamine rush tsla 17.5 times msft 12 times fb 11 times aapl 8 times goog 7 times amzn 5 times my sentiment has turned extremely bearish for nasdaq,5 +2020-09-14,hey seeing discount50 to 70 percent on your app i went to your offline store to shop but i see that not a single product is given discount price is completely mismatching on your app and offline store more ever discount put on board also not given to me,1 +2020-09-15,clsk is a lower price that i trade it seem to tsla here is the last 2 days 5 min chart,2 +2020-09-08,i can’t even imagine tsla stock price the day musk will annonce spacex ipo,5 +2020-09-15,seeing lots of stuff trading down to the 50 dma and stabilizing or bouncing would be nice to get a nasi buy signal eventually syx oiim educ cyh eman intt cde ung litb himx crnt aapl ktcc tsla,3 +2020-09-23,wednesday marked 6 months since the SP500 500 reached bottom on mar 23 since then the has climbed 🆙45 percent 📊best 6 month stretch since 2009 meantime more mania skyrocketed in debut ⬆️53 percent software and all saw huge day 1 spy,1 +2020-09-18,stock price drops by 15 percent after short seller activist hindenburg accuses of misinformation and fraud nkla tsla,1 +2020-09-16,no snow no problem we have frog nice short here on a break of the open price took dollars .50 there,5 +2020-09-14,rally thanks to 🆙recovering from worst week for since march buying arm holdings for dollars 0 bln nvda 🎮 flying on hopes🏎️tsla tuesday likely to unveil new aapl,1 +2020-09-21,u s stock futures were little changed on sunday night as the market attempted to bounce back from its longest losing that is weekly in about a year,2 +2020-09-09,on the rebound 📊 after a bruising 3 sessions stocks are back ⬆️ 🆙5 percent after record drop 🚗 ⬇️over dollars 0 billion losing over 30 percent tsla higher after losing dollars 00 billion ln in 3 sessions so shedding a 📱 aapl dji spy ndq,1 +2020-09-04,that is how the us markets closed yesterday all reds across the boards nasdaq dow SP500 all diving tech sector led the fall violent times ahead jobs data comes out today,1 +2020-09-01,parabolic worth dollars .6 trillion now bigger than all of russell 2000 aapl helping drive broader SP500500 to best august since 1986 and the gains continue falling after dollars bln share sale tsla just 1 away from surpassing brk spy,1 +2020-09-02,tsla bofa raises tesla price target by 57 percent no need for internal funding via,1 +2020-09-28,update steller start on wall street dow surges more than 400 points as shares of major tech names rise broadly facebook and amazon each climb 1.8 percent apple netflix up more than 2 percent each alphabet up 1.8 percent and microsoft 1.7 percent,1 +2020-09-10,today on the take vix pulling back tsla adbe zm nvda driving the nasdaq lulu bouncing today dkng rallies as nlf opener approaches yesterdays unusual option activity in zm pays off watch to see what uoa i have today watch the episode here,5 +2020-09-15,today on the take tsla nflx goog fb exploding to the upside financials and industrials pulling back aapl virtual event may not include the iphone little bit of movement in gold and silver and some unusual option activity watch the episode here,2 +2020-09-29,once below never above the level of the day is a level i gave the highest level 3363 is a level i gave and its below the 3343 and 3337 i gave i gave nq 11379 i also gave nq 11298 amzn sold off 30 points from my update if you like my work ❤️ and 🔁 spx spy amzn aapl,1 +2020-09-14,here’s my final pm indication update of the night • tsla up 2.27 percent • nkla down negative 3.35 percent • aapl up 2.69 percent • nvda up 3.85 percent have a great night everybody 😴,5 +2020-09-25,p and l dollars 4.1 thousand 🔥 slower day but still happy with the profits a nice day to end the week tatt nailed that short out of the gate sgbx got one of the bounces spi a gift of a bagholder short opportunity and scalped tsla for some,4 +2020-09-01,googs price moved above its 50 day moving average on august 5 2020 view odds for this and other indicators,1 +2020-09-01,normally when a company is issuing more the price goes down you know not in the case of tsla though if a is worth 25 percent why wouldnt a dilution worth 5 percent,3 +2020-09-01,dow in uptrend price may ascend as a result of having broken its lower bollinger band on july 31 2020 view odds for this and other indicators,3 +2020-09-30,p and l dollars 3.5 thousand 🔥 a slower day but a nice way to end my best month of all time ctic got a couple of nice shorts on this at the open jfin got a wallet padder on it on the short side and scalped tsla of course still for some more 😎,4 +2020-09-24,p and l dollars 52.6 thousand 🔥 3 best day of all time🏆 what a crazy couple of days nailed spi panic pop short for a huge win out of the gate nete didnt get that 17 pop for mega size but got a win there tsla nailed the long but piked it sunw headache but got out green,1 +2020-09-09,tuesday nasdaq fell 4.1 percent taking the index into correction territory at 10 percent down from recent highs tesla fell 21 percent dollars 2 billion n wiped from its market capitalisation apple and microsoft fell 6.7 percent and 5.4 percent respectively the broader SP500 500 index shed 2.8 percent asia has opened lower,1 +2020-09-22,tech heavy nasdaq dipped just 0.1 percent on monday after being down as much as 2.5 percent while SP500 500 fell 1.2 percent and dow jones industrial average dropped 509.72 points or 1.8 percent investors roared back into big tech at the cost of small caps and cyclicals us futures positive now,1 +2020-09-11,scan of mark minervini’s trend template criteria top 40 results sorted by rs txg gfi pfsi snap bld imvt pins z cyrx cmg celh apps wkhs catch the eye on the initial walk through 👍🔁,5 +2020-09-09,tsla tied with fb as cheapest of selected mega cap growth stocks at 49 times 2022 eps vs street 2021 to 2025 eps growth of 42 percent 1.2 times peg aapl remains most expensive mega cap growth stock at 2.8 times peg amzn now trades at just 1.3 times peg avg r1 g now 1.7 times peg SP500 500 now 2.9 times peg,1 +2020-09-21,SP500 500 index overall up positive 2.7 percent year to date thru friday’s close but there is a stark difference in the performance of the five largest stocks apple microsoft amazon facebook and google and alphabet which are up nearly positive 29 percent and the remaining 495 stocks which are down negative 3.4 percent,3 +2020-09-25,video stock market analysis spy qqq iwm smh ibb xlf aaxn aapl amd gnrc sdc ⚓️vwap markets stabilizing and looking a lot better,4 +2020-09-09,good morning brace yourself the global picture isnt looking good dow slid 632.42 points nasdaq lost 4.1 percent nasdaq is down 10 percent in 3 days shares of facebook amazon dropped more than 4 percent each apple lost 6 percent microsoft 5 percent tesla plunged 21 percent for its worst single day,1 +2020-09-03,📈 chart of the month 📉 xlk vs spx comparison is the ultimate guide to relative value of technology vs the broader index the only other time it rose this high was during the dot com bubble once it hit that level today happened 🤯🤭🤔 es aapl msft,5 +2020-09-08,⚠️u s stock index point to lower open to start the week ⚠️nasdaq futures sink 2 percent as tech selloff continues 💥track the action in real time dia spy qqq iwm vix,2 +2020-09-08,sitting on the sidelines with cash since last thursday weak bounce attempt today morning was met with further profit taking leaders tsla aapl amzn and sq looks like they want to go lower before higher following a cautious approach until the dust settles,1 +2020-09-24,global cues world market sentiment looks weak as us indices closed lower tech shares dragged the us markets and seen heavy selling nasdaq closes 3 percent lower lower as apple amazon nvidia slides 4 percent traders fretted over uncertainty around the corona and stimulus,2 +2020-09-25,many market leaders amd aapl amzn fb esf spx look to have bottomed and pose great upside 📈 in the short term i will be trading nflx as it has been consolidating above previous all time highs and looks ready to begin its next larger degree wave 5 🌊 higher target 650 🎯,5 +2020-09-25,friday’s watch spy qqq iwm dia aapl sq tsla fdx dkng snap ba amd cost cpri lulu lvs wynn msft nflx nvda penn point on skx splk tap wkhs tjx wdc 💖✅,5 +2020-09-04,stocks to watch 1 frontkn 2 fpgroup 3 mi 4 uwc tech stocks listed on the main and ace market have recorded gains in their share prices ytd factors supporting the rally 1 5 g 2 iot 3 shift in the supply chain due to the trade war,4 +2020-09-24,good evening spx big fail at 3300 and closed at the lows if spx closes under 3233 it can drop towards 3154 spx needs back above 3300 to see a bounce to 3355 aapl needs back above 110 otherwise it can still move lower to 103100 puts under 106 can work have a gn 😁📈,3 +2020-09-10,qqq starting off with the general markets we need tech for a true move higher while the sp500 rallied almost to fridays close the nasdaq held back in relative amounts we are reaching anchored vwap from the move starting after the june crash bouncing perfectly wants more,2 +2020-09-11,amd appl googl fb same look everywhere on daily if you see there are all hanging under 20 to 21 ema only long when that reclaimed all are bear flagging if flag breaks on daily we see downside for some put trades for now if not scalping better to be on sidelines,3 +2020-09-03,good evening big sell off today in spx and qqq a multi day and week pull back can come if the market cant hold up tmrw if spx fails at 3393 it can drop another 80 to 100 points amzn if this fails at 3344 it can drop to 332033003275 amzn can poss bounce at 3320 have a gn 😄📈,3 +2020-09-24,⚠️breaking stocks on wall street close in positive territory as apple leads tech shares higher ✅dow ends ⬆️52 points or 0.2 percent ✅SP500 500 ends ⬆️0.29 percent ✅nasdaq ends ⬆️0.37 percent ❌russell 2000 ends🔻0.77 percent ✅vix ends ⬆️0.1 percent dia spy qqq iwm vix,1 +2020-09-23,happy wednesday here are my stocks set for higher open to fed chair powell testimony to day 2 nke soars 12 percent after big earnings beat tsla falls 5 percent after battery day to manufacturing services pmis dia spy qqq vix,1 +2020-09-23,alone among the nasdaq giants alphabet shares threatening their 200 day average googl has lagged both on the way up and down both macro and company specific factors worth watching,2 +2020-09-16,if mkt stays bid i like the following to trade amzn coup fb googl ntnx team splk wday intu vrm amd 8 demark counts slo sto oversold could print 9 buys 9 only print on closing basis so if too strong tomorrow could negate charts shown equals favs,1 +2020-09-28,qqq close over 50 simple moving average and near the highs of the day brings back some confidence to the bulls we now have an upside gap cushion after todays move 60 min and daily chart shared,5 +2020-09-27,aapl to trade idea to oct 2 115 calls to bid and ask 1.47 to 1.51 closed at 112.28 on friday aapl needs to break above 114 to set up for a move to 116 119 122 next i would consider buying dips if 106 holds amzn amd ba baba fb tsla msft roku spx spy nflx zm nvda bynd,1 +2020-09-29,good evening spx closed at 3351 today i would consider calls above 3355 target 3393 i would consider puts under 3337 target 3300 aapl is almost up 10 points after touching 106 if aapl can break above 116 it can run to 122 to 125 the 117.5 calls can work above 116 have a gn 😁📈,2 +2020-09-06,first things first for tonight watch the weekend video of faang stocks from yesterday fb amzn aapl nflx goog and a look at the dal chart at the end watch here,5 +2020-09-11,some very nice wedges emerging in qqq and spx on the 30 and 60 min charts here ideally would like to see one more gap down open on monday to really set up these wedges for a nice upside pop next week,4 +2020-09-30,nasdaq the index is 8 percent off its high everyone is yammering for a follow through day and we have not had one since the pink rally day that does not mean we cant make money in a sideways market though many stocks are at or near their highs stick with the leaders,1 +2020-09-18,like clockwork and we undercut the recent lows last night if the nasdaq doesnt reclaim the range early next week tech stocks are going to puke,1 +2020-09-08,aapl rkt watching for bigger dips to scale in longer term holds and tsla for a dead cat bounce but big if on that one i rather be a bit late or miss it than early there with the bs going on in the name ie kimbo and SP500 news,3 +2020-09-09,stocks are off to good start on wall street a day after more steep drops in big technology companies pulled indexes sharply lower some of those tech giants were climbing in early trading including apple and microsoft,1 +2020-09-15,stocks open higher on wall street building on gains made over the previous two days traders will be watching apple which is set to announce updates to its ipad and apple watch later in the day,1 +2020-09-08,big technology stocks open sharply lower on wall street continuing a pullback that started last week the deflation in high flying tech stocks comes after an eye popping rally this year for the sector that many market watchers said was overblown,1 +2020-09-19,anyone and everyone is welcome to steal my levels all i ask for is u to acknowledge my greatness each time you do so is still fun for me too altho i do admit i want to take a short few day break this game has me growing many white hairs spy qqq spx tsla,5 +2020-09-09,tesla apple microsoft and other tech shares rebounded sharply wednesday helping the nasdaq gain 2.7 percent and the dow jones industrial average rise more than 400 points,2 +2020-09-22,بندرالمحسن our stocks for today tsla aapl msft wkhs vrm cvna ino nio iphi join us for free in our daily live stream,5 +2020-09-04,q razy qqq broke its all time volume record today with dollars 2 billion and came closest to reaching spys volume since dotcom days meanwhile tqqq set the all time volume record for a levered etf with dollars b while sqqq saw dollars b by far a record for it all on the friday before labor day weekend,1 +2020-09-28,make no mistake though high yield spreads widening out as nearly half our us sectors fell to multi mth lows last week arent something which can normally be erased right away by just buying into 10 percent nasdaq decline and all is saved thats a little too cute quite a few issues remain,3 +2020-09-16,from the date the fed announced zero interest rate policity mar 15 this is the volume weighted average price vwap of the following tickers es equals dollars 000 nq equals dollars 950 aapl equals dollars 0 nvda equals dollars 70 googl equals dollars 360 fb equals dollars 25 nflx equals dollars 50 amzn equals dollars 630 shop equals dollars 50 tsla equals dollars 30,1 +2020-09-28,a few names moving today from our buy alert list include dkng originally bought on bcli lpro and oprx still own snap and pins still short the qqq from,3 +2020-09-02,its not just a record dia spy qqq every day i dont trade aapl tsla zm but now otcs have come alive so ive picked the biggest percent gainer 4 out of the last 5 trading days with bant ttcm alyi and paso so pressures on today laugh kidding i just take it 1 trade at a time,1 +2020-09-15,tech led wall streets tuesday morning rally apple aapl ⬆️ 2.3 percent microsoft msft ⬆️ 1.4 percent amazon amzn ⬆️ 1.6 percent alphabet googl ⬆️ 2.4 percent netflix nflx ⬆️ 3.3 percent facebook fb ⬆️ 3 percent tesla tsla ⬆️ 5 percent the nasdaq composite traded 135 points higher,1 +2020-09-16,spy rejecting off daily 1020 displaced moving average and amzn googl both failed inside up daily aapl lower high rejection at 10 displaced moving average everythings looks ready for more push down ill feel stupid not to swing puts here,1 +2020-09-03,the fang crash big declines following even bigger gains at todays lows aapl had retraced 36 percent of the advance from the late july low amzn 31 percent goog 37 percent and msft and tsla 44 percent as noted nothing really abnormal yet key is if we get followthrough in next few days,1 +2020-09-03,retweet and favorite this if you want a video lesson today reviewing all this ugliness in the spy dia qqq with big percent losers like tsla aapl zm and alyi gaxy brtxq along with some big percent spikers like kcac knos aawc wksp tcon too ive made a nice safe dollars 752 so far today,5 +2020-09-15,aapl events usually create a sell off of shares after tim cook takes stage been watching this happen for 10 years watch the nasdaq qqq follow it down as well tsla,1 +2020-09-08,i think today may signal a temporary bottom in nasdaq qqq and tsla i think we could see a nice afternoon rally in the tech stocks and tsla will follow along,3 +2020-09-15,nice close market can rally after fed tomorrow hopefully i am looking at aapl testing dollars 20 tsla continuing ramping baba having nice overnight move axp spiking with banks after fed and roku getting back to ath and above dollars 90 this time laugh,1 +2020-09-23,i dont do it often but im calling a temporary bottom for tech right now past 10 min i think well see a nice bounce tomorrow tsla aapl amzn fb nflx qqq,3 +2020-09-01,good morning futures up qqq raging amd price target raised to dollars 4 from dollars 0 at goldman sachs zm u and g neutral gs point 402 was sell aapl apple price target raised to dollars 40 from dollars 17.50 at bac,1 +2020-09-12,the five largest stocks in the market fb amzn aapl msft googl – have returned 42 percent ytd compared with negative 3 percent for the remaining 495 SP500 500 constituents,5 +2020-09-18,not sure how anyone can be surprised by this nasty nasdaq pullback but with rates at zilch and the printer as our vaccine this dip will get bought soon there has been a good amount of ipo and spac supply hitting the markets qqq im looking to nibble,3 +2020-09-23,be careful big reversals on lots of tech stocks aapl fb amzn googl very weak now spx possible to see a drop under 3200 by friday if it closes under 3233,3 +2020-09-09,bizarre premarket trading did someone upgrade qualcomm did someone downgrade nike or is that just spillover from a perceived disappointing q from lulu,1 +2020-09-14,good morning spx gapping up 38 points today if this can hold above 3355 it will set up for a 3393 test nvda gapping up 30 acquisition news regarding arm for dollars 0 billion nvda setting up for a move towards 534 if it can hold above 514 this week good luck everyone 😁,1 +2020-09-01,10 pm study check retweet and favorite this if youre still up studying making your watchlist for tomorrow or made 1 to 2 trades or paper trades on today the market is totally insane now from the top with aapl tsla to the bottom with alyi axxa wksp psv so enjoy,5 +2020-09-17,well choppy day quad witch tomorrow not helping spy ex divy in the am traded early aapl dkng x3 ba and tqqq late in some bhc for a swing great day but sat on my hands for 4 hours laugh enjoy yoru evening,2 +2020-09-22,good morning spx up 5 if it breaks through 3300 it can run another 30 points under 3259 can test 3233 aapl closed at the 110 level i mentioned yesterday now gapping up 2 114116119 coming next tsla battery day later today needs 450 to run towards 480 good luck 😁,1 +2020-09-25,weekly chart review going into friday these stand out the most from uwl nvda sq amd pins etsy ddog crwd docu zm nvta expi tsla qcom z fdx dkng fsly zs bynd net roku fvrr point on penn,5 +2020-09-08,good morning spx down 46 if spx fails at 3355 it can drop to 33373300 next lets see if it can get back above 3393 today nkla up 10 points premarket on gm partnership news if this hold above 45 it can test 525558 aapl above 116 can test 119122 good luck everyone 😄,1 +2020-09-25,good morning spx down 8 today can get choppy if spx continues to stay under 3233 puts can work under 3200 if spx can get through 3279 it can move to 3300 aapl up 1 lets see if this can close above 110 on the daily chart it looks like 106 may be the bottom gl 😁,3 +2020-09-09,good morning spx gapping up 29 points so far this morning if it can get through 3393 in the first hour we can see a bounce towards 3450 by thursday zm setting up for a bounce towards 381 if it can get through 367 aapl possible to see 119122 if it holds 116 gl 😄,4 +2020-09-21,good morning spx down 55 points premarket theres still no signs of a bottom yet if it cant hold above 3259 it can drop near 3200 this week id watch to see if it can reclaim 3300 aapl down 2.5 premarket under 103 can test 100 needs over 106 to consider calls gl 😁,3 +2020-09-02,if you ignore the markets and focus on the names in play this market continues to pay today dkng 3 trades intc 2 trades fb 2 trades msft one small win vix elevated yes but play the action until we break now who wants some pizza and a drink,2 +2020-09-24,another day down cant say i liked how much we gave back into the close but spy held the 100 days for now kept it simple today pounded sq and tqqq for nice wins amd aapl basically break even and took a lose chasing sqqq enjoy your evening,5 +2020-09-30,ddog broke through 100 now at 104 115 can come next spx getting closer to 3393. strong move from the lows spx through 3393 can test 3426 aapl strong today finally broke above 116 119 to 122 next big levels to get through,1 +2020-09-10,daily wrap alerts and ideas myt 2.10 2.34 2.00 failure cat 151.50 155 152. positive 80 percent spy 338 341 nvda 501 512 touching 514 ah holding feas 12.76 13.20 12.80 flat lpmx 17 18.48 ah openideas fmci lmnd dkng fb all timestamped on feed,1 +2020-09-04,the u s stock market has grown top heavy the top five stocks in the SP500 500 index account for 24.4 percent of the index — the most since at least 1972 the SP500 500 would be down if not for the fanmag stocks fb aapl nflx msft amzn goog,5 +2020-09-25,daily wrap alerts and ideas jks 34 greater than 35.50 hold amzn 3070 greater than 3100 amzn 3080 calls positive 300 percent amzn 3100 c positive 300 percent tsla 400 greater than 408 swings ilmn 282 greater than 301 zi 33 greater than 40 others spy vix qqq guidance spy 327 to 328 greater than 329.50 discord fran loser week omi bigc zi amwl ilmn big wins💸 alltimstamped,1 +2020-09-17,witching this friday spy goes ex dividend index rebalancing with aapl new weighting on spy qqq djia be interesting to how it all shakes out should be some moves as things get bought and sold,1 +2020-09-25,pins snap are still holding my stops still short qqq from a few names that have held up well include nvta gh z tptx zm,3 +2020-09-24,we are not yet out of the woods and i wouldnt rule out another leg down for the major market averages even if the general market was to recover here quickly currently there are few stocks in buyable position caution is still advised yes im still short the qqq from,2 +2020-09-11,friday wrap no alerts today qqq and fang charts and levels to hope that helped lzb lmpx swings holding amd five ideas open bearish on market until my levels reclaim great green week thanks to auvi cat lmpx dkng tcon spaq all timestamped have a great weekend,5 +2020-09-14,market strong after first hour of the day will be strong today big money will move in since indexes spy ndx dia all above 50 moving average s and higher high vix in red house great day to but high quality lt stks the list fngu soxl arkk arkw,5 +2020-09-06,ul 9 to 6 2020 these are not all setups these are stocks that i am watching as they build bases aapl aaww adbe ahco amd amzn api apps bigc bj celh coup crm crwd dar ddog docu doyu drio enph etsy expi four fslr fsly fthm fvrr hznp immu inmd jd kc lmnd lvgo meli nari net nio,3 +2020-09-18,lots of chart tonight below in our feed have a great night spy qqq iwm vix xlf xli gld slv gdx fb amzn aapl nflx goog msft jpm tsla nkla dis cgc luv dal ba ge nvda amd twtr point on mmm mu clf wfc c,5 +2020-09-15,icymi via on euphoria “proshares ultra pro qqq tqqq which mimics ndx but 3 times daily exposure collected dollars .5 billion in past 8 trading days the most over this time frame since 2010 the money though came in as non leveraged qqq lost dollars .8 billion last week the most in 20 years ”,1 +2020-09-21,no podcast today but i hope the charts held you over techs have to act better for the general markets to move higher friday zm tsla meli and shop were all ripping means most of selling was rebalance and roll and quad witch imo specifically in fangs,2 +2020-09-21,indexes and tech leaders wayyyyyyyyyyyyyyyyyyyyyyyyyyy oversold aapl msft amzn fb nflx nvda doogl qqq soxx etc,5 +2020-09-24,after the correction in nasdaq i really believe very great risk and reward to add high quality lt stks here no one can catch exactly at bottom so dollar averaging in the way to go aapl msft nvda tsla tdoc lvgo crwd okta docu zs sq pypl etsy shop amzn spot,5 +2020-10-05,manic monday dow rallies 465 points nasdaq gains 257 amgen apple walgreens pace dow gainers union gaming gives vegas based caesars a dollars price target amgn aapl wag czr,1 +2020-10-23,dont keep up pace with the price appreciation of qqq vug xlk ivw,2 +2020-10-19,possible buy here for a cup and handle on qqq as it fills the oct 9 gap and strikes a huge dark pool level qqq spy vxx uvxy ndx aapl amzn fb twtr,4 +2020-10-28,qqq losing the final big 10 million dark pool level on sep 17 is very bearish if the brakes are not applied soon a total washout is coming spy vix spx uvxy vxx gld slv amzn aapl goog twtr twlo fb nflx,1 +2020-10-26,this gap down on monday was suspicious on ndx given earnings this week broke the descending channel aapl amzn goog fb nflx vxx spy msft,1 +2020-10-22,spx futures bouncing off an important gap fill ndx doing the same tsla is bouncing from blocks over the past few days went right down to test them qqq tlsa iwm vxx uvxy vix gld slv tqqq spy amzn goog fb twtr nflx,1 +2020-10-26,daily edge live alerts 26.10.20 1 stock blocks 📈 aapl 💻📱 📊 1184635 😱 💵 113.97 💚 positive 0.48 positive 0.42 percent big block on aapl right away fills weekend gap despite other indices being down negative 1 percent or more at the usa open goog fb nflx msft vxx qqq amzn,1 +2020-10-07,today on the take ba mmm hon cat all very strong intc mu also seeing green early aapl amzn tsla nflx leading tech to a 1.3 percent move to the upside and some unusual option activity in nflx which is already performing watch the full episode,4 +2020-10-06,could be the drugs tweeting stock market bears little connection to employment in fact stock price often goes up biz cuts workers and the dow is up a weak 13 percent since 2017,2 +2020-10-08,pump you too,5 +2020-10-17,during the upcoming week 96 SP500 500 companies including 8 dow 30 components are scheduled to report third quarter results via highlights include tsla nflx pg intc ko t pm vz ibm,4 +2020-10-13,olb price target recently bumped up to dollars and they have a webinar today,5 +2020-10-18,💥markets week ahead tesla tsla earnings to netflix nflx earnings to mnuchin and pelosi stimulus talks ⚠️ breaks down what to watch on wall street this week dia spy qqq vix,1 +2020-10-25,⚠️markets week ahead aapl amzn msft googl fb earnings pfe mrna gild ba cat sbux v also report to stimulus negotiations third quarter gdp data ⚠️ breaks down what to watch on wall street this week 🎬🎥 dia spy qqq iwm vix,1 +2020-10-12,fb is always the first of the to show up for profit taking this is starting to become a mini sep 2 softbank episode and vix is up 1.6 percent green now aapl twlo amzn nflx qqq ndx vxx uvxy spy goog,1 +2020-10-07,very very important video for all tesla tsla stock holders price target watch now,5 +2020-10-30,very very urgent video for all tesla stock holders exact price targets for tsla watch now,5 +2020-10-16,attention tesla stock is about to breakout new price target will shock you tsla watch now,1 +2020-10-29,today on the take some pressure on crude also pressure on gld slv ebay got hit early on zm wba in the red fb jd aapl qcom and tech showing strength and some in pins watch to see what kind of activity it was watch here,3 +2020-10-29,we are above the huge blocks in aapl from wednesday oct 28 i am assuming these were buy blocks for earnings cant help but wonder what some lotto calls on qqq will do today that expire tomorrow ndx amzn fb msft twtr baba ibm goog fb nflx yum,1 +2020-10-01,today on the take nice move from the nasdaq this morning being powered by nxpi swks mchp xlnx getting nice moves from ba intc msft fb amzn and some short term unusual option activity in nflx watch to see what it is watch the full episode,5 +2020-10-29,tech giants seeing volatile after hours trading on third quarter numbers apple misses on iphone sales apple negative 46 percent alphabet positive 6 percent amazon negative 1 percent fb 0 percent and twitter negative 11 percent nasdaq 100 fut negative 06 percent and spx fut negative 055 percent since close,1 +2020-10-12,from the trading floors technology is the clear leader with index futures higher followed by consumer discretionary eve of amzn prime day energy is down as lower crude tries to hang onto a dollars 0 handle financials off fractionally vix is indicated 25.11,1 +2020-10-25,ended friday net short but not by a big margin because i have little conviction for the next few days approaching tech earnings i see the bull case which largely rests on continued tech domination but is nflx amzn prime day canary in coal mine bull flag time cycle,2 +2020-10-16,a few minutes left still previewing next week earnings housing data tsla intc nflx luv to name a few but i want to say thank you friends for being with me today have a beautiful safe happy weekend,4 +2020-10-12,for those who still don’t get why equities are moving higher as i suggested last week 1 combo of zero int rates and massive fiscal stimulus with o inflation is very bullish 2 street raising third quarter tech estimates plus catalysts aapl iphone 12 launch and amzn prime day,1 +2020-10-31,aapl amzn qqq spy bearish warning was there last week election results likely get disputed somehow and dont think the market will like that uncertainty not betting on that though will just take it one setup at a time,1 +2020-10-05,aal in uptrend price may jump up because it broke its lower bollinger band on september 23 2020 view odds for this and other indicators,2 +2020-10-02,tsla in uptrend price may ascend as a result of having broken its lower bollinger band on september 8 2020 view odds for this and other indicators,3 +2020-10-05,aapls price moved below its 50 day moving average on october 2 2020 view odds for this and other indicators,1 +2020-10-05,fyi to stocks seeing losts of green today so far in one account schwab joint account nvda is up 188 percent year to date nvda nvidia corp 201 shares holding 52 week hi dollars 89.07 today price dollars 43.565 dollars 1.075 total acct value dollars 09596.78,1 +2020-10-03,weekly scan of mark minervinis trend template initial walk through tsla penn etsy mcrb plug w celh expi sq twlo nvta prpl nvda twst catch the eye,3 +2020-10-02,aapls price moved above its 50 day moving average on september 25 2020 view odds for this and other indicators,1 +2020-10-09,video stock market analysis for week ending just 3.5 minutes ⏱️ spy qqq aapl iwm smh ibb xlf dada grwg dsc spt irbt msft pypl ⚓️vwap⚓️,1 +2020-10-02,msft in uptrend price may ascend as a result of having broken its lower bollinger band on september 8 2020 view odds for this and other indicators,3 +2020-10-01,amc entertainment shares aren’t worth the price of admission my article for amc spy qqq djia dia aapl tsla amzn intc nflx amd,1 +2020-10-12,the tech heavy nasdaq was set to lead wall street’s main indexes higher on monday as optimism about a deal in washington over more fiscal stimulus lifted sentiment ahead of the start of quarterly corporate earnings,2 +2020-10-30,⚠️breaking u s stock index futures accelerate losses with the dow set drop 500 points nasdaq tumbles 2.5 percent as apple amazon facebook shares drop after earnings aapl amzn fb dia spy qqq iwm vix,1 +2020-10-01,september was a month for apple investors to forget here is a look at how the stock performed compared to its benchmark and what drove the sharp share price movements aapl,1 +2020-10-01,aapls price moved above its 50 day moving average on september 25 2020 view odds for this and other indicators,1 +2020-10-12,great day 5 green in a row 14 of 15 day aapl new tsla no brainer s otc shmn up 79 percent after alert nspx up 70 percent and alerted couv up 38 percent and list alerted paso up 29 percent alerted and list cbbt up 8 percent list etfm up 27 percent list great day as predicted aapl phone out am,5 +2020-10-25,aapl to earnings trade idea to oct 30 121 calls to bid and ask 1.32 to 1.34 closed at 115.04 on friday if aapl can hold above 114 it can start to bounce into earnings er thursday ah 7 to 8 point move priced in amzn amd ba snap fb tsla msft roku spx spy spce nflx snow bynd,1 +2020-10-07,nyse comp index recorded 231 demark 9 sells today and 160 for the naz thats quite a lot to most of ive seen in a while i would be on guard for some retracement despite many calling for a breakout here basically more than the last 5 days combined,3 +2020-10-29,stocks on wall street extend gains with the dow now up more than 300 points nasdaq jumps 2.3 percent ahead of apple amazon alphabet facebook earnings aapl amzn fb googl dia spy qqq iwm vix,1 +2020-10-17,💥its time💥 ⚠️markets face big test in the week ahead as mega cap tech earnings loom ⚠️nflx ⚠️tsla ⚠️googl ⚠️msft ⚠️fb ⚠️aapl ⚠️amzn 👉 👈 dia spy qqq,5 +2020-10-24,corrected for thursday aapl amzn fb shop nok twtr mrna spot googl ostk atvi penn apps sbux khc opk vrtx gpn bud yum,3 +2020-10-28,today is a good day to run the rsnhbp dots scan stocks that attempted to outperform the markets today may have had an institutional bid look for themes in this list 68 names made the scan to a future tml maybe here do your 🤍🔂,4 +2020-10-25,monstrous week coming up twlo etsy fsly shop lvgo in my portfolio thursday after the close might set the tone for the foreseeable aapl fb amzn interested observer in pins,5 +2020-10-01,nflx calls paid well on the 510 break hope you all caught this one spx qqq both moving lower qqq needs back above 282. spx 3393 tough level tsla setting up for a run to 500,1 +2020-10-15,spy tagged the median of this pitchfork which acted as resistance and is now hovering above the trailing sar a break below 341 will trigger a downtrend the fact qqq and aapl are far from their pitchfork medians leads me to believe spy will grind to the median again to test aths,1 +2020-10-20,qqq now has a 5 day handle price above 291.50 gets me very bullish again many growth names are holding up very well there is elevated risks in the market earnings season stimulus deal and presidential election i am still stalking some names and keeping a neutral stance,2 +2020-10-24,nasdaq the market in in a confirmed uptrend at last check of ibd its been a pretty tough tape lately with earnings stimulus and election ahead of us some say the chart is a cup with handle others say double top i just try to make money every day and week you decide,3 +2020-10-30,spx closed at 3310 futures are red after aapl amzn fb moving lower after reporting earnings if spx fails at 3259 its possible to see a drop to 3213 spx under 3213 can drop to 3154 the market is waiting for the outcome of the elections on tuesday have a gn 😄📈,1 +2020-10-24,is back 3 retweets equals 1 chart aapl amzn msft amd ups fb shop ba has pfe smpl mmm twlo ge fsly pins nok twtr mrna chgg etsy sap cat lgnd fvrr spot googl lly gild rtx tdoc ostk v atvi ma xom abbv hca shw f nvs nrz mrk,1 +2020-10-11,aapl to trade idea to oct 16 119 calls to bid and ask 1.75 to 1.82 closed at 116.97 on friday if aapl can break above 119 it can test 122 125 126 128 iphone event oct 13 10 am pst amzn amd ba baba fb tsla msft roku spx spy nflx cost zm nvda bynd snap sq wmt dkng,1 +2020-10-16,nflx point dollars 00 a dollars 30 por ms nflx point dollars 75 a dollars 70 por bac cost ug y point de dollars 21 a dollars 35 por jefferies penn point dollars 5 a dollars 3 por ms pins point dollars 0 a dollars 2 por wfc crwd point de dollars 60 a dollars 75 por piper cmg point dollars 250 a dollars 500 por credit suisse amd point dollars 4 a dollars 2 por rbc cat point dollars 59 a dollars 79 por cs,1 +2020-10-19,there are just a few stocks you have to monitor daily to understand the direction and momentum of markets i watch qqq ba aapl spy and amzn watching those will pretty much give you a quick gauge to where things are going each minute,3 +2020-10-14,day traders souring on tech sqqq a triple leveraged fund that tracks the inverse performance of the nasdaq 100 saw a record inflow this week its twin tqqq which offers three times the returns of the ndx posted a dollars 85 million outflow,1 +2020-10-13,powered by looking to build on yesterdays impressive 6 percent rise nasdaq futures point to solid gains at the open with the lack of new information this week analysts are again searching for a narrative to explain this market action a causation reversal thats intensifying,2 +2020-10-29,all bullish spy and qqq 🎯met today in the plan given in the morning subscription quality content easy trades all given for free 💦 earnings on basically half of entire value aapl amzn fb 🎉🎈,1 +2020-10-30,on watch tomorrow goog — beat earnings also got upgrades looking at all time highs here if we have a strong market pins to gap fill to the downside below dollars 0 crm — gap fill to the downside below dollars 34 nio — momentum play into all time highs a few more,5 +2020-10-10,amzn aapl zm closed first time over supply in over a month big breakout on nflx this week fb googl tsla on deck to confirm daily charts unless some curve ball kicks the bulls in the privates expect higher prices,1 +2020-10-25,markets week ahead what to watch on wall street big tech earnings parade covid 19 vaccine makers blue chips also report u s third quarter gdp data aapl amzn msft googl fb amd pfe mrna gild ba cat v sbux dia spy qqq,5 +2020-10-24,for the week aapl amzn msft amd ups fb shop ba has pfe smpl mmm twlo ge fsly pins nok twtr mrna chgg etsy sap cat lgnd fvrr spot googl lly gild rtx tdoc ostk v atvi ma xom abbv hca shw f nvs nrz mrk,4 +2020-10-30,this table shows the mega cap tech earnings announced today they each beat on both the top and bottom lines other than googl they are all trading down ah as the market digests the magnitude of the beats and in aapls case the lack of guidance fb amzn,1 +2020-10-20,fb point dollars 00 a dollars 20 por evercore fslr point de dollars 1 a dollars 00 por jmp gm point de dollars 4 a dollars 7 por citi jd point de dollars 3 a dollars 9 por barclays msft point dollars 20 a dollars 45 por stifel wday ug y point dollars 48 a dollars 75 por piper sandler,1 +2020-10-25,big earnings week aapl amzn msft amd ups fb shop ba has pfe smpl mmm twlo ge fsly pins nok twtr mrna chgg etsy sap cat lgnd fvrr spot googl lly gild rtx tdoc ostk v atvi ma xom hca shw f mrk via,5 +2020-10-30,growth stocks having a tsla moment today amzn fb and aapl all beat on third quarter revs and eps yet all are down sharply this am as investors decided it just wasn’t enough maybe the practice of bidding up tsla in front of earnings and selling the news has spread to the rest of qqq,2 +2020-10-12,nasdaq notches best day since april in kind of crack up boom ahead of third quarter 2020 earnings season apple iphone announcement amazon prime days and a general revaluation of tech stocks due to lower rates forever,3 +2020-10-29,are investors kidding themselves seems to be a belief that strong earnings and guidance from megacap tech tonight will change the trend markets not responding to strong earnings not so sure big runups already aapl up 55 percent ytd amzn up 72 percent goog up 16 percent fb up 37 percent,1 +2020-10-28,with the fed certain to keep int rates near zero for the future fiscal stimulus likely by january and a vaccine by early 2021 growth stocks look cheap and get even cheaper as long rates retreat tomorrow is super bowl thurs for growth with amzn aapl goog fb twtr reporting,2 +2020-10-09,my man was pumped about the semiconductors this week after the close big earnings beat by nxpi and now a potential blockbuster deal advanced micro amd buying xilinx xlnx the semi etf smh breaking out watch and make money with charles payne on fox business 2 pm,1 +2020-10-30,yes im up and just as predicted the pop sell yesterday was the right move going into today will be day trading again for quick wins tsla aapl fb amzn qqq nflx wynn ba,5 +2020-10-05,san gives every1 levels qqq spy this morning nke plug stock tips last night after chatting with trading friends all for free dollars 70 plug dollars .80 nke 🐂 🎯 qqq 🐂 🎯 spy what does san see at as reward negative 4 follower maybe bc too much gloating,1 +2020-10-21,do you love qqq then you will probably like the three new versions by invesco qqqm to same but cheaper qqqg to growth to actively managed with focus on 25 leading companies in the nasdaq qqqj to next gen to tracks 100 stocks next in line to join the nasdaq,5 +2020-10-07,spy ended the day with a bearish engulfing on the daily watch for 332 as next area of support if it continues lower next levels below that are 327.45 321 amzn aapl ba nflx shop tsla amd roku nvda fb etsy sq msft baba zm,1 +2020-10-29,good morning futures up but off the highs gdp 0 fslr d and g neutral jpm etsy point raised to dollars 60 from dollars 50 keybanc pins u and g to overweight jpm point dollars 5,1 +2020-10-12,aapl and amzn leading the charge likely see some short opportunities tomorrow with the aapl event hoping we push into the 130 level should line up with strong supply zone on spy,3 +2020-10-12,bought amzn on thursday nice day today up 10 percent right out of the gate megacaps on the move again aapl fb nvda msft pypl tsla all coming out of bases,1 +2020-10-30,good morning futures down but off the lows eurozone gdp comes in strong pzza u and g outperform oppenheimer nflx piper raises target price to dollars 43 from dollars 30 googl amzn fb price targets increases galore fb m,2 +2020-10-02,good morning spx down 59 possible to see a move lower to 3279 if spx breaks under 3300 aapl now at 112.71 108 can come next if aapl cant hold here tsla under 420 can pull back towards 400 be careful today dont try to guess the bottom good luck everyone 😄,3 +2020-10-16,good morning spx up 15 lets see if it can break through 3500 and test 3535 today amzn up 35 premarket if this breaks above 3400 it can run to 3448 to 3460 next tsla earnings next wednesday if this can get through 460 it can move towards 481 good luck everyone 😄,1 +2020-10-09,well another week down markets above resitance and grinding up aapl msft googl amzn real strong closes didnt do much today traded ddog and aapl enjoy your weekend charts saturday,5 +2020-10-27,good morning futures up slightly as we await earnings and economic data tsla point raised to dollars 37 from dollars 17 citi ups u and g buy ubs jks d and g sell ubs twtr point raised to dollars 2 from dollars 9 jpm sq point raised to dollars 15 from dollars 65 keybanc,2 +2020-10-30,another day when financial media misleads big indices like dia spy qqq are down because of aapl msft fb amzn goog price moves yet they claim its about the virus the economy etc watch the iancast today on my youtube channel for more o this,1 +2020-10-13,good morning futures mixed qqq up bynd d and g underperform bernstein atvi d and g market perform bmo cap csx u and g ourperform bernstein point 94 mu raised to buy at deutsche bank point dollars 0,1 +2020-10-12,amzn tsla amd nflx all have earnings in next 15 days and provided tickers in wl this morning usually u can ride some momentum into earnings so keep them on ur wl or use wl i shared,5 +2020-10-24,earnings this week updated mon twlo nxpi tues msft amd pfe cat wedn ba tdoc lvgo ma gnrc now thurs fb aapl shop twtr spot ostk penn googl sbux amzn etsy pins fri hon xom cvx abbv vix spy qqq,1 +2020-10-09,yes i gave you nflx on news they exploded today today just now thry dropped shop well if people get 1200 bucks they all spend aapl and shop go monster nuts,1 +2020-10-12,some days you kill it some days you dont green day but really just missed badly aapl amzn fb msft so strong and i missed traded twtr and ba tomorrow a new day drinks and football needed,2 +2020-10-11,ul 10 to 11 adbe amd amwl amzn api apps axnx band big bynd celh chwy coup crsr crwd dada ddog dkng docu eat enph expi flgt four frog fslr fsly fthm futu fvrr gdrx goco gogo grwg gsx hear home hznp jamf jd jks kymr lazy lmnd lvgo nari net nio nnox nova nvax nvda ostk otrk penn pins,3 +2020-10-28,financial media misleads people by making it seem like big moves in spy are because of the economy virus or some crisis truth is aapl msft and three other stocks amzn fb goog represent over 20 percent of spy big ve moves in these stock do not mean a crashing economy or crisis,1 +2020-10-06,qqq spy i cant stress this enough again and again that when trading large caps make sure u have spy and qqq chart qqq for tech mostly also vix and vxn those asking about nvda drop from highs please check qqq chart 🙏 dnt trade blind learn how market moves,1 +2020-10-28,i have to say the market looks pretty ugly here the september low is almost certain to get undercut on the dow maybe a trip to the 200 day the question is will the nasdaq undercut its recent low if it does there will be considerable damage in many individual stocks,2 +2020-10-22,thanks for checking out the charts tonight goodnight charts reviewed in our feed below spy spx qqq iwm gld slv fb amzn aapl nflx vix gdx flsy nflx msft pins etsy snow shop spot cgc dis amd,5 +2020-10-11,spy qqq djia events this week oct 12 to 16 amzn pride day 13 to 14 aapl iphone launch 13 zm zoomtopia 14 to 15 gwre analyst day 13 hpe analyst meeting 15,1 +2020-10-08,mkt gets stupid sometimes nflx raising prices stupid analyst doesnt know this and downgrades bet it get 10 upgrades in next 2 weeks and 600 prints,1 +2020-10-10,big liquids like amzn msft nflx googl and aapl are starting to move good action amzn tsla are two names i pay very close attention to,4 +2020-10-25,thats all i have this week lots of earnings on a lot of the names i hold and also the big tech names this week risk is to the upside for those growth that have sold off and risk is to the downside for those who havent imo big tech earnings will move all markets,3 +2020-10-02,important levels for next week over bullish to under bearish shout out to for providing a great service to everybody spy dollars 36 qqq dollars 75 amzn dollars 185 aapl dollars 14 fb dollars 64 tsla dollars 80 nkla dollars 7 nflx dollars 97 nio dollars 9 shop dollars 000 msft dollars 11,1 +2020-10-25,aapl amzn googl msft fb all reporting thats like half the nasdaq basically and .25 of the sp 500 get yourself ready before the earnings insanity that will come and dont forget to check out episode 14 of with our very very special guest,1 +2020-11-19,tsla yesterday a morgan stanley analyst who upgrades teslas price target 540 looks very bad,1 +2020-11-23,of note rallying 🆙7 percent after wedbush says base case its worth dollars 60 🚗 bull case dollars k 😳 tsla ⬇️despite calling it a dollars 28 thats up 30 percent from here 🎞️ nflx price hike means higher sales ⬆️on needham upgrade to dollars 15 taking over,1 +2020-11-11,the nasdaq has rallied 29 percent this year while the SP500 500 is up 10 percent through mondays close the dow jones index is up 3 percent and the small cap russell 2000 is up 4 percent covid has provoked some serious stock price realignment,2 +2020-11-18,really time to start paying attention to this spy qqq iwm vix fb amzn aapl nflx goog,1 +2020-11-18,stock price rises over 3 percent,2 +2020-11-09,msft microsoft corp our model has detected this company s stock price has an undetermined short term setup and has a neutral long term outlook,4 +2020-11-13,if i was an institutional investor id be looking at this setup nice hammer at the lower weekly band could have lowest pe of all the big tech plays well be shopping for xmas presents on the couch locked up at home while wearing our covid muzzles fyi chart the 200 dma,4 +2020-11-13,2021 technology sensitivity earnings in nasdaq been flat for two years 10 year us rates fallen 250 bps conclusion majority of gain in nasdaq is discount rate,1 +2020-11-17,tesla to join the SP500500 on december 21 the electric car maker’s share price rose by more than 11 percent in after trading hours tsla,1 +2020-11-05,a follow up for our previous apple aapl analysis the elections moved the stock price below the bottom channel and now that the process is getting to its end apple is getting recovered as entering back to the channel,4 +2020-11-09,videogameprices r goingup 4 the 1 time in 15 year ears dollars 0 video games date back 2 atleast the 1990 publishers press ahead with an industrywide effort 2 raise standard price equals dollars 0 the move coincides with the debut of 2 newgame consoles fr msft and sony achange that comes every 7 year ears,1 +2020-11-10,as the nasdaq continued its sell off today our traders play ‘trade it or fade it’ to determine which tech names are still worth holding qqq msft amd sq,1 +2020-11-18,russell gains 20 percent in 15 days right into the theoretically meaningful brick wall known as spiking covid cases and congressional gridlock what isn’t priced in fed reserve lbo of the entire remaining public market,1 +2020-11-16,from the trading floors energy financials and industrials are taking index futures higher other sectors are positive by more than 1.5 percent technology flat as so called stay at home plays are weaker following optimism over mrna vix indicated 23.20,2 +2020-11-25,from the trading floors energy and financials which had led recent rallies are trading lower today with the SP500 500 mixed technology is positive with the nasdaq modestly higher crude is higher dollar is mostly flat vix is indicated higher at 22.23,2 +2020-11-08,aapl to good price good long term prospect iphone12,4 +2020-11-16,■ last week ■ the tech heavy nasdaq under performed last week as we saw a rotation out of defensive tech stocks into shares more exposed to economic growth on the back of the vaccine news work from home” stocks were under pressure but recovered towards the end of the week,1 +2020-11-17,i didn’t even notice that the down jones punked the bulls with a 29999 tag today that’s probably not a good sign 🤣,1 +2020-11-09,on a bollinger basis not bands but percent b and rsi as of friday there was some room to stretch a bit higher it’s safe to say that further extreme was accomplished tonight in the futures market friday saw uvxy dip below lower keltner channel indices like smh over the top reversal,3 +2020-11-23,gap in aapl gap in pit session naz 100 equals magnets to downside rus just fell shy of full retest up major test reject in dax last night,1 +2020-11-20,given the seemingly endless headwinds continue to sit at aths plenty of reasons the be bearish but price is telling us otherwise dont know maybe more chop but if we leave this area shut the door spy qqq,3 +2020-11-27,bofa bull and bear indicator neutral ✔️ trifecta lens score positive 2 ✔️ sqn bull quiet regime ✔️ spx tape stair stepping higher ✔️ buy dips and buy rips ✔️,2 +2020-11-17,p and l dollars 8.2 thousand 🔥 good ol tsla paid the bills today after being a bit tougher to trade lately lxrx got a nice easy panic pop reject short right at the bell cbat couldnt get filled full size on ssr but got some there nio missed that 42.5 fill long ah,4 +2020-11-02,amazon price alert 🚨 topping up in to our stock 💰 still expecting a further decline so i’m not all in yet 📉 amzn,3 +2020-11-01,nvdas price moved below its 50 day moving average on october 28 2020 view odds for this and other indicators,1 +2020-11-04,googs price moved above its 50 day moving average on october 29 2020 view odds for this and other indicators,1 +2020-11-04,dows price moved above its 50 day moving average on november 3 2020 view odds for this and other indicators,1 +2020-11-01,ndaqs price moved below its 50 day moving average on october 27 2020 view odds for this and other indicators,1 +2020-11-03,tsla in uptrend price may jump up because it broke its lower bollinger band on october 30 2020 view odds for this and other indicators,3 +2020-11-04,tsla in uptrend price may ascend as a result of having broken its lower bollinger band on october 30 2020 view odds for this and other indicators,3 +2020-11-25,p and l dollars 16.4 thousand 🔥 its going to be a very courtesy of the as i just nailed back to back days anpc and yj easy straight forward panic pop shorts at the open and tsla just still the gift that keeps on giving all day long 😎,5 +2020-11-29,when tsla is added to the SP500 it will be a game changer for how i treat trading spy this isn’t about tslas future as much as it is about valuation at this point even the wildest dreams of tslas future success leave little room for sustained price appreciation hot potato 😀,4 +2020-11-04,msft in uptrend price expected to rise as it breaks its lower bollinger band on october 28 2020 view odds for this and other indicators,2 +2020-11-02,msft in uptrend price may ascend as a result of having broken its lower bollinger band on october 28 2020 view odds for this and other indicators,3 +2020-11-02,if youre wondering why the qqq is negative while the broader market is still higher today spy check out todays am meeting in which i discussed,2 +2020-11-24,like the action in large cap big tech names amzn aapl fb tsla today as small caps take a breather got long qld 101.02 target 110120 qld gives 2 times exposure to qqq qqq daily chart shared below,4 +2020-11-26,those 500 calls 5.0 did double they are trading 85 for a whopping 1600 percent gain congrats if you took😄 tsla tslaq aapl regn twtr roku work crm se btc zm spy qqq spce bidu pypl sq fsr pltr pins,1 +2020-11-05,p and l dollars 3.7 thousand 🔥 a little less conversation a little more action today nailed kxin apvo altm at the open apvo had to correctly read the level 2 games to avoid getting squeezed and getting dumped in the afternoon tsla wallet padders,1 +2020-11-27,mentioned this morning gap ups like this are meant to sell into strength not for adding to new positions we are now in a lot of cash and will wait for better opportunities enjoy your weekend spy qqq iwm amzn tsla bynd nflx googl fb appl c v point on,5 +2020-11-05,this is how strong psei stocks thursday no oversold stocks rsi 70 overbought sm gtcap jfc smph bpi mm dmc nikl mac mrc pxp fgen ssi fruit home eagle pha wpi chib ew maxs web spc pnb pizza apc atn bcor tbgi ore ni bsc ubp happy trading itraders 🌞 rsi 30 oversold to none,5 +2020-11-01,msft in uptrend price may jump up because it broke its lower bollinger band on october 28 2020 view odds for this and other indicators,2 +2020-11-10,u s stock index futures point to mixed open dow futures jump 200 points but nasdaq futures drop more than 1 percent as tech selloff continues dia spy qqq iwm vix,2 +2020-11-23,once the nasdaq and smh get going this amd should really breakout for real for the time they are only interested in squeezing the smaller cap momo names a game of rotation,2 +2020-11-16,market update as we head into next week the nasdaq tech heavy index looks poised to breakout into all time highs we saw rotation out of tech into other sectors this week such as energy retail transportation and finance keep an eye on new leadership qqq daily chart 👇,1 +2020-11-09,we witnessed a swift recovery last week with 3 gap ups in a row qqq is now printing a series of higher lows since recession lows and attempts to breakout into all time highs after 2 months of consolidation rsi has room to run,2 +2020-11-09,tomorrows gap up should be no surprise as price action in indices and leaders gave good clues for us last week every small dip was being bought up and leaders closed near the highs of the day on 4 consecutive trading sessions aapl 15 min chart tells this story clearly 👇,5 +2020-11-10,took 50 percent profit 3542 i have an unlisted 3546 level that’s appearing if spx trades back above 3546 and above the 11726 level in the nasdaq i will be looking to add back a move back above these levels should force a test of the 3577 and 11985 in ndx,1 +2020-11-21,nasdaq tightening under wedge res needs to break 12066 to commence next leg up the resilience in this tape is mind boggling there was rotation out of tech and index is loitering near all time highs,2 +2020-11-29,aapl looks ready to go to daily and weekly setting up well for a break out of the pennant getting tight now with volume drying up if it can get some volume next week look for apple to start leading again and push the market higher spy qqq,3 +2020-11-10,the spx has filled mondays gap but we have two in the qqqs to monitor this mornings which would take a rally to 288.12 to fill and november 3 s upside gap which would take a decline to 276.82 to fill and please remember theres no law that says gaps must be filled,2 +2020-11-01,sq to earnings trade idea to nov 6 170 calls to bid and ask 2.69 to 2.87 closed at 154.88 on friday needs back above 158 to test 163 170 er thursday after hours 17 to 18 point moved priced in amzn aapl amd ba baba fb tsla msft roku spx spy tdoc cost zm nvda bynd snap,1 +2020-11-24,tsla running this wants to test 600 next best to close above 550 today amzn keep an eye on 3151. above can move to 32003242 spx above 3644 can move towards 3700,5 +2020-11-29,if spx is 4 thousand nq gonna be 14 thousand plus ain’t no way you get spx 4000 without apple and amazon going parabolic too,1 +2020-11-15,weekly review and journal notes chart by market index review by check out the fundamental focus list by on his feed the ipo list on feed and video hagw hope it helps 👍,4 +2020-11-27,qqq nasdaq has gone no where since 3 weeks 3 weeks chops intraday has produced messy intraday trades bears have hope as long as under 300 or maybe if 287 level breaks but weekly chart bullish if 300 reclaimed room to ath if nasdaq makes next leg up to squeeze on tech names,1 +2020-11-11,u s stock index futures point to sharply higher open with the dow set to jump 200 points nasdaq futures up 1 percent as tech shares climb in pre market trade dia spy qqq iwm vix,1 +2020-11-24,spy qqq so someone asked my why amzn not big rally well simply because amzn was in a relatively weaker sector today to consumer discretionary sector was weak compared to energy and financials and materials that is why jpm chevron went crazy while amzn was ok,2 +2020-11-20,nq nasdaq futures yanked earlier due california curfew recovered since though over 11980 maybe we see small gap up or else stay flat into morning 12000 big level to reclaim for nasdaq as long as fed keeps pumping market might not care about covid rebound will see,2 +2020-11-29,good morning happy sunday we posted the following charts yesterday check them out in our feed just scroll down through our profile spy qqq iwm tsla pltr sq fb aapl nflx goog amd nvda amzn intc vz nlok,5 +2020-11-16,favorite names on radar next week amd amzn apps aapl bby dq fdx fvrr googl nvda pins snap tup u focus list and current positions can be found on page 1 to 3 portfolio allocation 55 percent cash 45 percent spotlight charts aapl amd dq fdx,5 +2020-11-01,qqq nasdaq has an important level at 260 under that is the 200 displaced moving average at 250 those are my levels i am watching to judge this market i think double bottom and sideways chop is the most likely outcome unless we lose those levels no predictions just levels of interest,3 +2020-11-05,qqq nasdaq seems to be in a range working off the big run up from the march lows the 300 level to the north and 265 to the south seems like the channel the prior trend is up so a breakout is the expectation at some point this may be choppy for a little bit longer,3 +2020-11-15,do you like charts amd apps calx coup crwd ddog enph etsy expi fslr fthm fvrr grwg meli net nio nls nvda pins point on qdel roku sam se shop snap snow sq tan tdoc tsla ttd twlo zm qqq spy iwm gbtc dia ffty gld vix xlf ⬇️⬇️⬇️,3 +2020-11-09,nq qqq nasdaq futures poised to see all time highs this week if it holds the bullish pivot 12240 will be bullish biased on nasdaq and tech if this level builds as volatility vix vxn breaks support look for strongest stocks in the index aapl msft amzn fb,1 +2020-11-26,qqq the nasdaq is acting very rationally big run up from the march lows sideways consolidation in a well defined range some shakeouts within the consolidation price hanging out in the upper .3 of the recent range maybe the nov 4 gap gets filled maybe not,3 +2020-11-23,this is the shakeout in fb amzn appl nflx googl before we get our nice x mas rally again try not to focus on every tick these dips are gifts,5 +2020-11-24,we havent even rotated into apple microsoft amazon and facebook yet all still below the september high so google tesla and spy will close and consolidate above the september high but aapl msft amzn and fb wont these are the largest percentage holdings of qqq and spy,1 +2020-11-13,qqq nasdaq chopfest continues the range is well defined so this is the time to really look for relative strength what is outperforming while the market goes sideways those should be the next market leaders,4 +2020-11-14,nasdaq all systems are go as the nasdaq is in a confirmed uptrend and above key technical levels where are the stocks to buy we may have a few,4 +2020-11-25,good morning futures flat but qqq looking strongest today look for faang to lead the way tbh it may be a very choppy day as the market is closed tomorrow i personally will be looking to raise more cash going into next week some stocks ill be watching,3 +2020-11-28,dont watch the fear and greed index for the rest of the year watch this video analysis of the nasdaq google microsoft and zoom qqq googl msft zm tsla,1 +2020-11-12,stocks open lower on wall street a day after indexes briefly flirted with all time highs before closing mixed banks and industrial companies were among those posting losses but there were gains in some big tech stocks including amazon and facebook,1 +2020-11-25,my googl aapl nflx fb and other large tech stocks i own have not been moving recently but these laggards i own charts i shared this evening been making a fast move recently thats why i think its better to find undervalued stocks rather than chasing overbought stocks,4 +2020-11-09,fang constituents aapl 117.18 to 1.27 percent amzn 3155.12 to 4.68 percent baba 291.63 to 2.76 percent bidu 144.74 positive 0.5 percent fb 280.75 to 4.33 percent goog 1774.14 positive 0.7 percent nflx 473.33 to 8.02 percent nvda 547.73 to 5.95 percent tsla 424.67 to 1.22 percent twtr 43.46 positive 0.79 percent msft 219.84 to 1.73 percent,1 +2020-11-10,wall st closes mixed with tech sell off weighing on nasdaq djia positive 0.90 percent 263.08 points at 29421 nasdaq negative 1.37 percent 159.93 points at 11553 SP500 500 to 0.14 percent 4.98 points at 3545,1 +2020-11-25,futures slightly higher after nasdaq hits record high several stocks flash buy signals but this should worry you amd shop etsy twlo pypl crm work msft,3 +2020-11-10,if you believe tech bubble has popped and the nasdaq 100 is about to crash better sell all your stocks this 20 year chart from shows tight correlation between qqq and spy to they move in the same direction without ndx participating spx unlikely to move higher,1 +2020-11-17,on watch tomorrow wmt to earnings before market opens hd — earnings before market opens tsla — gap play with SP500 addition news baba — watching below 257.5 qcom — dollars 50 level watch all time high volume increase today as well,5 +2020-11-16,impressed with pins net u upwk point on over 100 plug celh roku aapl and all of the semis nvda qcom amd love the look of jks arry needs time zi tsla apps zm and many more,5 +2020-11-09,spx is only up 2.2 percent on the day but check out some of these stocks under the surface axp positive 28 percent bac positive 14 percent dow positive 8 percent rtx positive 13 percent wynn positive 28 percent mar positive 15 percent vlo positive 31 percent while zm negative 16 percent amzn negative 4 percent tol negative 9 percent point on negative 17 percent recovery vs stay at home reversal,2 +2020-11-18,oh good lord cnbc just said the r word again recession i mean cmon that explains the nerves going into the close some idiot brought up that word again and freaked out the market even though it will never happen as the fed will not allow it to happen tsla aapl qqq,1 +2020-11-01,spy qqq aapl amzn googl some solid plays on the long side if we do start bleeding downwards with demand levels below at the least will give opportunities for clean relief bounces look for short trades following rallies into or wait for supply to form keep it simple,3 +2020-11-05,markets doing exactly the opposite of what most thought would occur qqq now back at highs and SP500 back as well seems a bit risky to jump in right now given the massive rally the past few days ill be watching closely today tsla,4 +2020-11-19,tsla caught this one on the move over 464 level today managed to continue higher through 479 and close over if 479 holds 502 is next spy amzn aapl ba nflx tdoc shop amd roku nvda fb docu crwd etsy sq msft baba zm,1 +2020-11-10,good morning futures mixed qqq red fed speak galore today ba jpm raises point to dollars 90 from dollars 55 levi u and g buy bac mcd point raised to dollars 35 from dollars 25 keybanc sq upgraded to buy from neutral at btig,1 +2020-11-16,good morning futures up another monday gap up nvda point raised to dollars 10 from dollars 60 susquenanna ttwo int outperform evercore axp kbw raises target price to dollars 39 from dollars 29 bmy u and g buy societe generale tlry d and g underperform jefferies,1 +2020-11-29,tech stocks’ return in 10 years tsla positive 8197 percent nvda positive 3789 percent nflx positive 1699 percent amzn positive 1700 percent adbe positive 1561 percent aapl positive 934 percent msft positive 749 percent goog positive 505 percent,1 +2020-11-09,tech getting crushed now as markets realize we may not need stimulus tech was safety trade and may now sell off hard tsla amzn nflx fb goog aapl qqq,1 +2020-11-12,good morning futures mixed qqq green wix eps beats by dollars .01 beats on revenue nke int outperform rbc point 145 uber point raised to dollars 0 from dollars 8 keybanc gm point raised to dollars 0 from dollars 7 citi crm d and g equal weight ms point 275,1 +2020-11-27,consumer engagement roku pins dkng fb nls googl aapl marketplace platform sq ftch meli amzn shop pypl ozon se technology enables adsk twlo okta allt fsly nvda insg crm docu health tech psnl nvta exas tdoc nnox flgt ytd 302 percent cash 41 percent total 302 thousand,5 +2020-11-23,an interesting market when large cap energy and tsla are my two top performers on the day and aapl is last stock pickers market is often overused but has been applicable the last few months as spx is at sept levels cyclicals have taken off and tech has bifurcated,4 +2020-11-29,scanned through my bigger watchlist of 88 stocks narrowed down my watchlist for next week to the following aapl amd amzn bidu chwy dkng expe fb hd nflx nvda se spot twlo unh favorite setups for next week are aapl amd bidu chwy spot unh,1 +2020-11-05,well 4 days of big gap ups hoping we chill here make it easier tomorrow fb plug and tna were my 3 trades all worked today see you guys in the am whos ready for some football,5 +2020-11-11,funky day choppy action some rotation back into tech and stay at home names see if it more than one day made some money on tqqq fb but really made it on baba today sitting in rkt red grrrr have a great night,4 +2020-11-17,spx strong almost red to green if it closes above 3619 it can open above 3633 and test 3644 early tomorrow sq stopped near 191. if it closes above this level it can move to 200 next amzn should be higher on the pharmacy news lets see if it can close near 3188,2 +2020-11-27,good morning spx setting up for 3700 next week keep an eye on 3644 today amzn if this breaks above 3242 it can run another 100 points into next week tsla getting closer to 600 good luck everyone 😁,1 +2020-11-30,reminder the overall market spy and qqq will have an impact on most of these plays im not a huge fan of playing bullish when the market is sitting right at all time highs with that being said play cautiously size accordingly and always have stops in place ❤️,5 +2020-11-24,aapl is down over dollars 0 from ath 135 tech is weak and its helped lead this market rally especially aapl now nq is very weak and will lead to a market crash i still maintain something ugly is lurking didnt expect it to take this long to emerge,1 +2020-11-04,good morning futures mixed qqq raging uber lyft prop 22 expected to pass in cali amzn u and g buy china renaissance point 4000 nio point raised to dollars 6.40 from dollars 3.20 amd added to conviction buy list gs intc point lowered to 38 gs was 46,3 +2020-11-05,lots of earnings tonight to and stocks are moving some to keep an eye on z to surging as housing booms insg 5 g gluu to gaming gh to liquid biopsy tpic to wind power sq to future of money irtc to hc ttd to sofware podcast dropping soon,2 +2020-11-27,vix spike here amzn fb nvda all took dip with the market spy qqq always keep eye on vix spy qqq when trading large caps its like covering your blind side,1 +2020-11-17,if current levels hold this will be only the 2 time in history that spy gapped down more than 0.75 percent and qqq opened higher the other was almost exactly 12 years ago november 19 2008,1 +2020-11-29,everyone’s eagerly waiting for market tomorrow what you holding i will start zm tsla spx net jks nnox googl amzn and more spx dollars 646 gap open and holds equals dollars 725 to 3730 comes,1 +2020-11-23,most tickers pulling back with spy qqq i know many of you still dont look at indices and then get shocked why sq and pypl are falling suddenly,2 +2020-11-23,for lt investors today is good to add buy big tech wayyyyy oversold ex aapl hrly dropped wayyy below bottom bb william percent r negative 104 no more roon to go lower rsi 22 is aapl out of business nonsense drop great lt calls same with msft etc qqq,3 +2020-11-30,crazy day in the market today but with that close looks like we bull this week happy to report amd is out of my dog house but what happened to aapl into the close,3 +2020-11-15,watch list pins tsla snap nvcr qcom amd algn net earnings wl wday nvda se good luck this week everyone not seeing much out there,1 +2020-11-21,run in dec aapl inside week fb double inside week consolidating for 16 wks amzn double inside week msft nflx inside week consolidating for 20 wks nvda inside week and consolidating for 14 wks googl inside wk,4 +2020-11-28,quickly scanned all stks in my shared portfolio to see which might have continued momentum into mon here are the 4 stks identified qs arct srne abus if any of them has an opening price near or higher than the fri closing price it may continue to run higher for 1 days,3 +2020-11-23,if you look at the nasdaq today positive 0.3 percent you might think ah a boring day for tech but looking under the hood there is fire pltr positive 15 percent sq positive 6 percent u and 5 percent mtch positive 5.8 percent pypl positive 4.8 percent spot and 3.6 percent meli positive 2.5 percent estc positive 2.5 percent,1 +2020-12-16,swinger system update back to longs again at a discount price from last exit long long long long,5 +2020-12-03,shares in tesla raced higher in post market trading after investment bank goldman sachs upgraded the stock and its price target learn more here 81 percent of retail cfd accounts lose money,1 +2020-12-17,⏫ stock price nearly 113 percent above its ipo price in debut 🤑 by raising dollars .5 billion and coming to a dollars 00 billion market cap airbnbs ipo is now the largest tech ipo of the year 🎉 more in this weeks memo👇,1 +2020-12-11,airbnb bumps share price to dollars 8 for stock market debut us media reports,1 +2020-12-04,tip google sheets allows you to include realtime price of a stock from most exchanges try equals googlefinanceaapl price,5 +2020-12-09,tesla inc shares tsla rose 0.79 percent in premarket trading to dollars 55 we will remain bullish on tsla as long as price is above dollars 43.88,1 +2020-12-08,crocs inc crox stock price has more than quadrupled positive 487 percent since march 18 the brand reported a record dollars 62 million in third quarter revenues and expects to report at least 20 percent growth in sales in its latest quarter ending december,1 +2020-12-02,the stock market has no correlation to the economy anymore the price of the dow jones is directly related to the availability of toilet paper at your local grocery store,1 +2020-12-11,yesterday teslas stock price down nearly 7 percent due to the spacex starship sn8 failed the test flight today its stock price up 3.74 percent would you buy it,1 +2020-12-24,stockorbit will track your individual contracts and calculate what the underlying stock price would need to be for you to be in profit check it out at spy baba pltr googl aapl nio gme,4 +2020-12-09,tesla inc shares tsla rose 0.79 percent in premarket trading to dollars 55 we will remain bullish on tsla as long as price is above dollars 43.88,1 +2020-12-04,tesla stock notches record close after goldman sachs price target upgrade tsla,1 +2020-12-11,the price of steel is rallying so is steel dynamics stock join and well both get a stock like aapl f or fb for free sign up with my link,4 +2020-12-06,looking at leaders vs laggards in the market using the volume shelf and symmetrical triangle patterns tsla fb amzn aapl nflx goog,4 +2020-12-01,rallies ⬆️3 percent 📲 could be worth 60 percent more in bull case aapl 🙀 meantime get a downgrade after a huge 🆙17 percent gs jpm bac while reports 300 percent but disappoints with high expectations 📴 zm set to buy crm,2 +2020-12-24,ends largely higher with dow ending up more than 100 points SP500 500 breaks 3 day losing streak inches up 0.1 percent after shedding most of its gains from earlier in the day nasdaq ends 0.3 percent lower as tech heavyweights amazon apple and microsoft all dip,1 +2020-12-18,this is a crazy high boeing stock price target watch now,5 +2020-12-30,review 1 10 point tight range for spx a typical feature of a w 4 likely part of a triangle 2 notably tsla and btc all set new ath while aapl msft amzn retraced 3 still no final signal for the top a waiting game now and patience pays 4 enjoy the calm bf the storm,3 +2020-12-28,aapl 1 now it is the generals duty to hold the indexes over the next couple of days 2 aapl and msft and amzn are doing the heavy lifting tdy while small caps retreated 3 the lines on the chart were drawn nov 18 and the green line has been spot on ideal target is 140 to 141,3 +2020-12-15,could 2020 mark the end of the faang trade a big divide is forming in the stocks with apples rally leaving the other names behind so if no more faang… what’s the next acronym,1 +2020-12-11,what was provided free this week to help u kick ass tsla positive 57 650🎯 met mrna aapl snap twtr 🎯 all met dis 155 met 🎯 double dip investor day oh my 🚀 wanted positive 7 got over 25🔥 nvax positive 12 twlo positive 20 pfe 43 met 🎯 and so much more 25 rt 4 more free 🔥 next week 🍿,1 +2020-12-06,watchlist is up for the week let me know what you all think regarding this current market 🤑🍟 spx spy qqq nq dji aapl intc,5 +2020-12-29,this is very reminiscent of the current environment where you see extremely valuable and legitimate stocks like aapl and amzn in fact the entire qqq wtd avg currently trading at 2 standard deviations over 15 year fwd pe ratio multiple averages,5 +2020-12-13,elliott wave 🌊 watchlist and market update 📊 nq is holding above key moving averages after the brief shakeout 👉 another move is expected higher to 13000📈 below are set ups to take advantage of 👇 msft 260 🎯 nflx 675 🎯 hd 350 🎯,3 +2020-12-07,⚠️breaking stocks on wall street close mixed nasdaq hits new all time led by tesla rally ❌dow ends🔻149 points or 0.49 percent ❌SP500 500 ends🔻0.20 percent ✅nasdaq ends ⬆️0.45 percent ✅russell 2000 ends ⬆️0.06 percent ✅vix ends ⬆️1.83 percent dia spy qqq iwm vix,1 +2020-12-07,one thing that helps me in trading tsla keep on my screen how tsla and qqq nasdaq 100 etf are trading that day it’s rare that qqq goes up or down without dragging tsla up or down with it the reverse of course is not true,4 +2020-12-10,the squeeze is on for aapl msft amzn and nvda bollinger bands contracted to their narrowest width in months as they consolidated aapl has a breakout working and is the strongest others are flat since 12 nov very tighter ranges the last 4 weeks,1 +2020-12-13,by popular demand sorry you handful of haters wes stocks a to z aapl amd amzn fb msft tsla wmt zm and many more in between also new additions fsly and tdoc get ready for what the current counts suggest will be a wild week,5 +2020-12-29,my latest photo shop creation aapl alpp tsla here is a pic from lap top oh my gains went up from my mutual fund ryvyx cleared after hours you happy now and other doubters,1 +2020-12-04,amzn is holding near the 50 and 100 sma as well as swing high avwap double inside day consolidating here on the volume shelf and getting tight in the pennant with declining volume to looking for a breakout over 3250 to send it higher towards 3400 to 3500,5 +2020-12-27,above 132 aapl to trade idea to jan 8 137 calls to bid and ask 1.69 to 1.72 closed at 131.97 if aapl can close above 132.71 early this week it can move to 137.98 by eow under 132 can test 125 122 amzn amd ba baba fb tsla msft roku spx spy pltr zm snap sq nio nflx spce,1 +2020-12-27,hot off the press wes weekend stocks a to z video catch it before futures open soon looking forward to another exciting week of trading glta aapl ag amd amzn baba cde dkng fb gdx gld goog hl iwm msft pltr spce spx qqq tsla zm,5 +2020-12-06,if you like charts i cover the amd apps celh crsr crwd enph etsy expi ftch futu fvrr grwg meli net nio pins pltr point on rh roku se snap sq tsla ttd twlo upwk zs along with qqq spy iwm ffty gbtc ethe,4 +2020-12-10,good evening spx rejection at 3700 triggered a sell off to 3660 if spx fails at 3644 it can test 36193588 spx needs above 3700 to move towards 3751 qqq broke below the sept 2 high at 303.50 if qqq stays under 303.50 it can test 298293 next have a gn 😄📈,1 +2020-12-28,here is the video from tonight thanks to everyone who joined ton of tickers amzn fubo baba ba lulu fb googl aapl rkt wish bigc and more sunday scoop live with psk,5 +2020-12-21,bulls stepped it up today to buy this dip as up trend remains intact on indices spy and qqq saw nice follow through today in current positions crwd zs grwg u and spwr,5 +2020-12-03,good evening spx closed at 3669.01 spx defended 3644 today spx should move to 3724 to 3751 in december if spx fails at 3644 it can pull back to 3588 to 3600 aapl the next time this closes above 125 it will set up for a run to 132 to 137 calls can work above 122 have a gn 😁📈,1 +2020-12-26,nasdaq when stacking the deck it is nice to have the m on our side most trade stocks and not markets we do not need to swim upstream the chart that is not marketsmith is from ibd live and shows power trend channel the naz is not overbought yet and oversold,5 +2020-12-07,markets on the move nasdaq dow SP500 einstein of wallst merch hitting the ground running go to my website or ig link in bio shop and hats are now available 📈📈💯💯👍👍,5 +2020-12-06,◽️stock market to week of ◽️ 🌐 economic data wholesale inventories jobless claims core cpi ppi final demand consumer sentiment 🚨 ipo’s abnb ai cert dash pubm ocg hyfm vvos ✅ earnings,4 +2020-12-04,started off december on a positive note let’s see if the santa rally starts next week 🎅 aapl 120 calls dollars .35 dollars .05 shop 1100 calls dollars 4.00 dollars 5.80 amd 90 calls dollars .56 dollars .73 ba 237.5 calls dollars .95 dollars .85 se 200 calls dollars .30 dollars 0.85 hagw,1 +2020-12-01,good morning remember gap ups are opportunities to sell into strength not to add on to positions progressively lock in those gains will wait patiently for setups to emerge throughout the day spy qqq net zm amzn fb appl tsla bynd ddog nflx crm ba amd nvda v,4 +2020-12-11,the ipo etf and spy had been tracking each other very closely over the past few years since the covid lows ipo has absolutely taken off versus the broad market ipo spy,2 +2020-12-26,ill be extremely cautious if spy is above 392 because that is the bull flag equal legs target but overall i think we top at this pitchforks median nvidia salesforce microsoft amazon and facebook are still below the same high that qqq spy tesla amd and google have broken,2 +2020-12-12,14 charts posted below this morning lots of information to check out watch the weekend video here charts reviewed this weekend spy qqq iwm vix fb amzn aapl nflx goog rkt crwd pltr zm tsla,5 +2020-12-01,aapl amzn fb msft the market is moving without some of the biggest names these megacaps have been moving sideways for almost 6 months if these breakout to the upside it could be like throwing gasoline on a fire,1 +2020-12-08,aapl last 5 closes 122 to 123 to 122 to 122 to 123 msft last 6 closes 214 to 216 to 215 to 214 to 214 to 214 amzn 4 of last 6 closes 3168 to 3186 to 3162 to 3158 nvda last 6 closes 536 to 535 to 541 to 535–542 to 544,1 +2020-12-09,stocks are off to a mostly higher start on wall street keeping several indexes near record highs but weakness in some big tech shares kept the gains in check,3 +2020-12-16,good evening spx looks like it may be setting up for a run towards 3800 spx needs to close above 3700 to test 37243751 first aapl strong breakout through 125 it looks like aapl wants to move back to 137 by the end of dec early august 130 calls can work have a gn 😄📈,3 +2020-12-09,tsla to dollars 000 📈 aapl to dollars 75 📈 30 percent higher 📈 👉 shares his bullish price targets for some of techs biggest names with,3 +2020-12-29,with apple now above the high bulls only have amazon facebook microsoft and nvidia left that need to follow google tesla and amd above the high too before the market has a major correction levels for bulls to get cautious spy reaching 390 to 392 aapl reaching 150 to 155,1 +2020-12-26,heres my weekend market column the stock market rally is showing healthy action with the SP500 500 index forming a 4 weeks tight apple has stepped up is this megacap next aapl msft tsm qcom adbe,5 +2020-12-06,a follow up from last nights aapl vs tsla post when looking for leaders vs laggards find a constant in this equation the constant is the symmetrical triangle and volume shelf aapl is lagging tsla but leading faang stocks nflx is lagging aapl keep it on watch,4 +2020-12-28,media 👨🏻 find me a stock that went down after s and p inclusion 👩🏻 looks like aol went down 👨🏻 tesla is now aol write that story 👩🏻 but there’s really no comparis 👨🏻 just make it work,1 +2020-12-07,aapl broke out of this wedge last week watching 125.39 for a move higher targets at 128.78 131.57 support at 119.25 spy amzn aapl ba nflx tdoc shop tsla dis amd roku nvda fb pypl docu crwd etsy sq msft baba zm,1 +2020-12-12,the SP500 quarterly rebalance feed will provide SP500 clients with new weights for each of the 500 stocks incl tsla and excl aiv each of the other 499 weights will be reduced by apprx 1.5 percent so if aapl was a 6.50 percent weight now it will be a 6.40 percent weight 6.50 x .985 watch spy,4 +2020-12-01,aapl poked out over the wedge today but failed to close over lets see if we can get back over this week watching for a move over 122 for entry targets at 125 129 spy amzn ba nflx shop tsla amd roku nvda fb sq msft baba zm,1 +2020-12-28,aapl tight range the last couple of days just under the 133.58 level watching for a break over for continuation higher targets at 138 143 support at 128.78 spy amzn ba nflx tdoc shop tsla amd roku nvda fb sq msft baba zm,2 +2020-12-08,spy new highs again followed by nasdaq and dow jones even if they have been at the peak for the past hour with no dips seems to me like pennystock type of squeeze is developing 😀,3 +2020-12-09,amzn seeing some large buy volume into the close cmon split the stock in ahs would be perfect day to do it and put the nasdaq back into beast mode tomorrow,3 +2020-12-20,what are some stocks you guys are watching for this week 🤔 amd nke wmt tsla amzn mara pins tgt blnk plug wish — and a few more,5 +2020-12-07,happy monday traders todays watchlist aapl azn kodk xpev dkng nndm lyft hcac bft tnxp gtec sign up for a free daily ​watchlist,5 +2020-12-18,tsla nice move to new aths today down a bit in the after hours but will be watching for a move over 658.82 for continuation to 670 700 support at 633 619 spy amzn aapl ba nflx shop amd roku nvda fb etsy sq msft baba zm,4 +2020-12-29,expecting monster sell negative 15 to 18 percent towards the end of first quarter why 1 covid under control to massive inflation fears 2 tech fails to show earning gains as much as its priced in spy,1 +2020-12-09,every time a big ipo hits the market that is priced out of this world like dash we have always seen the qqq and nasdaq take a hit happened the last few times do people not remember these patterns tsla,5 +2020-12-16,good morning futures up slightly fomc today snap point raised to dollars 0 from dollars 2 jpm amd point raised to dollars 0 from dollars 5 baird twtr u and g to overweight jpm crm a buy and top pick bac,3 +2020-12-31,faang was up 56 percent vs nasdaq up 42 percent faang outperformance came from aapl amzn and nflx up 74 percent fb and goog lagged nasdaq up about 30 percent the fracturing of faang has begun and will continue,2 +2020-12-18,good morning spx lets see if this can get through 3724 and move towards 3751 today tsla gapping up through 659 level if this breaks through 675 its possible to see 700 next aapl strong if it can close near 130 it can test 132 early next week good luck everyone 😄,3 +2020-12-02,while i have some stocks that have been working ahco amd sstk repl wmt ibb tgt lad there are many that have stopped me out too many to justify aggressive trading,3 +2020-12-18,qqq you see why i locked in profits this market doesnt let bears have it easy anyway both qqq and spx daily closed with a hanging man at trendline resistance with negative divergence lets see if those dollars 00 checks can push us through resistance and to new ath🤪,1 +2020-12-04,what a week bad nfp numbers ha market says aths names were the place to be this week amd mu qcom tsm ba sq aapl roku iwm uber dis to name a few stick with names in play chart sunday drink time enjoy your weekend,1 +2020-12-01,amzn if this breaks above 3242 it can run to 3344 its close to breaking out googl above 1816 can run towards 1855 qqq broke above 303 now at 304 qqq setting up for a bigger move this month it can move towards 313,1 +2020-12-23,good morning spx its still in a range from 3644 to 3700 above 3700 can trigger a run towards 3724 as long as spx defends 3644 we should see 3800 next shop if this can break above 1285 it can move to 1300 next aapl setting up for 137 to 140 if it closes above 132 gl 😄,4 +2020-12-16,good morning spx keep an eye on 3700 for today needs above to breakout towards 3725 sq up 2 premarket if this breaks above 225 it can run to 233 next aapl was at 128 premarket lets see if it can move back above at some point today good luck everyone 😄,1 +2020-12-09,good morning futures flat to up bidu u and g buy ubs roku point raised dollars 75 citi was dollars 20 aapl point raised to dollars 60 from dollars 50 wedbush ba point raised to dollars 75 jefferies zm d and g to neutral jpm,1 +2020-12-14,good morning futures gaping up ulta added to jpmorgan analyst focus list street insider amzn point raised to dollars 350 from dollars 150 cowen mcd u and g buy ubs point dollars 40 dis d and g market perform bmo,1 +2020-12-03,good morning futures mixed qqq green tsla u and g to buy from neutral gs point raised to dollars 80 from dollars 55 sfix d and g underweight wfc crwd point to dollars 60 from dollars 50 jefferies lyft point to dollars from dollars 0 needham fb up to 40 states plan to sue facebook for antitrust next week,1 +2020-12-28,aapl getting closer to 137. if this can close above it can move to 150 in january 2021 amzn close to a breakout towards 3344 it just needs to close above 3242 spx setting up for 3800,1 +2020-12-28,watch list aapl amd gdx slv gld pltr fsr baba crm spce ebay wmt lac solo rkt msft futu tdoc wkhs v cvx fcel mrna amwl sbe ostk and i guess fb,4 +2020-12-28,aal dal luv rcl ccl expe bkng all up on covid bill tsla pushing lrcx smh up beta gap up fubo zm lmnd mrna down premarket,1 +2020-12-07,overextended retail 8 day sma of p and c equity is the lowest in 20 years and institutional positioning this push and pull should ultimately keep the market fairly pinned this week jan 8 call’s on back are incredibly cheap with a ga runoff event straddle of only dollars 5 which given,1 +2020-12-15,aapl broke above the key resistance level at 125 if it can close above 125 it should move towards 128132 next tsla failed at 644 now at 625 looks like it can drop towards 600 by friday if it stays under 644 qqq weak today if it fails at 303.50 it can pull back towards 298,1 +2020-12-28,qqq the weak link today profit taking on many of the high flyers ttd point on chwy jmia nvda roku amd among others aapl my focus nice trade earlier stalking it again,3 +2020-12-10,good morning spx another gap down keep an eye on 3644 for today bulls needs to defend this level otherwise we can see 3588 amzn if this can reclaim 3100 today it can move lower to 30263000 next it can be a trickier day be patient wait for better opportunities gl 😄,3 +2020-12-01,and thats a wrap big cap tech lead today tons of puts on the indexes going to be interesting here one trade was all i needed today fb have a great night,5 +2020-12-28,well last monday night game of the year sadness miss nachos santa rally on opening weakness bought back and spy qqq ath i traded aapl nice day msft amzn fb dis were traded by others in the room on call outs kiss this time of year keep it simple,5 +2020-12-14,tsla right near 644 lets see if it can close above it can gap up tomorrow if it gets through spx stopped right near 3700 now at 3669. be patient wait for 3700 it will trigger a bigger run amzn rejected at 3188 so far,1 +2020-12-22,choppier day now spx never got through 3700 qqq struggling around 309.70 aapl down 3 from the highs it would be best to see this close above 132 to set up for 137 next week shop nice breakout through 1200 now at 1244. possible to see a run towards 1285 to 1300,1 +2020-12-23,if we get a santa rally next week will probably come from rotation out of micro and small caps and hot new ipos and spac fubo qs ai jmia blnk into big tech and semis amzn googl fb aapl nvda amd lrcx etc imo spy qqq something to keep an eye on,2 +2020-12-30,good morning spx watch to see if this can defend 3724 today if it fails at this level it can retest 3700 baba gapping up 6 above 241 it can move towards 252 before pulling back aapl id wait for 138 for a breakout towards 150 good luck everyone 😄,1 +2020-12-08,spx just tested 3700 lets see if it can close above this level today spx tried to break lower the past 2 days but held good sign for the bulls aapl red to green keep an eye on 125. if it breaks above it can move to 128 to 132 on the next leg up,4 +2020-12-28,good morning spx gapping up on trump signing the stimulus bill if spx can break above 3724 we can see a move towards 3751 next aapl strong up 2 premarket this should move to 137. aapl above 137 can run to 150 ipoc this is setting up for a move to 20 to 25 gl 😄,3 +2020-12-15,aapl held 125 on the pull back this morning keep an eye on 128 next if it breaks through it can move to 132 next week amzn tested 3188 the past 2 days but couldnt break above i would wait for 3188 to consider calls spx up almost 30 from the lows needs 3700 to breakout,1 +2020-12-17,good morning spx setting up for a move towards 3751 next it would be best to see it hold 3700 to continue higher aapl gapping up 1 point premarket if it closes above 128 it should move to 132 by next week roku gapping up 20 on hbo max news above 351 can test 367 gl 😄,3 +2020-12-01,growth and tech has underperformed for nearly 3 months yet multiple areas of the market have continued to move higher what happens if growth and tech comes back into favor qqq xlk aapl amzn,2 +2020-12-11,make sure to check out all the charts in our feed below posted this evening have a great night charts reviewed spy qqq iwm vix fb amzn aapl nflx goog nvda spot roku grwg tsla snap cgc sq dal atvi point on pltr,5 +2020-12-01,cramer just went over charts of amzn nflx said chartis saying faang stks will go higher fb aapl amzn nflx googl fngu,1 +2020-12-16,everyone have a great night check out the charts posted tonight in our feed spy qqq tsla dia vix fb amzn aapl nflx pltr point on sq vz xom snap amd slv mj,5 +2020-12-03,stocks above the september high google tesla amd spy qqq iwm dia stocks still below the september high aapl nvda fb amzn msft crm the “follow me” trade in this market are the biggest blue chips once the laggard stocks are above the high we can talk about tops,5 +2020-12-01,rotation games continue were finally seeing some very nice breakouts in the large and mega cap tech stocks aapl googl amzn nflx fb etc as the smaller cap momentum stockswhich led the way in november continue to make healthy and much needed pullbacks,4 +2020-12-15,if fb amzn googl strong like aapl to pull nasdaq up this market will go a lot higher ndx rsi only 63.78 whoever saying this market is extended they have no clue what they r talking about aapl rsi only 65.27 90 to 95 is extended,2 +2020-12-04,if i had told you last summer that the SP500 and naz would make new aths and aapl fb and amzn would be red on the day you would have scoffed heck i would have scoffed,2 +2020-12-10,lots of names still fine with bounces of an imp ma 8 expontential moving average u crwd net ozon pins tsla sq aapl melialmost 20 expontential moving average shop ddog dkng twlo fvrr 50 days fb docu coup does this knife get sharper or just a paper cut,4 +2020-12-08,tech stock rallies during tmt bubble amzn 85 times 97 to 00 csco 20 times 96 to 00 intc 12 times 97 to 00 msft 12 times 96 to 00 in 99 13 large cap tech stocks each rose over 1000 percent things are beginning to bubble now buckle up,1 +2020-12-18,many of you have been asking me besides the company that i own which companies are my target list here it is adyey se shop nvda aapl tcehy meli pltr abnb sq sftby twlo mtch zm uber ai lyft goog 👇,1 +2021-01-15,very ’s price more than doubles in following the of yet another hot potato name posh qqq vgt iyw arkk fdn arkw skyy igv,2 +2021-01-13,matters so far 2021 is a smaller is better year honey do you hear that the smaller the price of a the higher its average ytd return spy spx qqq dia iwm iwn iwo xlb xlc xle xlf xli xlk xlp xlre xlu xlv xly,3 +2021-01-08,tsla price check 878.90,5 +2021-01-10,the rise in price is so fast that cant keep up the pace with net worth only a couple of days since the last update googl is already dollars 5.5 billion behind exc sigl tsla goog,2 +2021-01-29,if you’re interested in a stock with great fundamentals you can pickup tsla at a discounted price,4 +2021-01-11,amd target stock price set will it get there watch now,5 +2021-01-23,the dow and SP500 500 ended modestly lower dragged down by losses in blue chip stocks intel and ibm following their quarterly results but the nasdaq had its best week since november ibm intc,2 +2021-01-12,is bitcoin the mother of all bubbles what investors say last week for example bitcoin managed to trade 179 per cent above its average price over the past 200 days three times as high as the nasdaq 100 ever got during the heyday of the dot com bubble …,1 +2021-01-05,goldman small cap research triples its price target sirc to dollars .75 for the next three—six months after the company surges past the prior target and it sees more upside spwr tsla,2 +2021-01-28,another signal to however the market cap and stock price of shop is quite high probably wont go to the moon as weve seen before with amc gme,3 +2021-01-20,{video} swing trading today nflx stock and price action amzn xom mos band,5 +2021-01-19,netflix to report fourth quarter earnings amid slowing subscriber growth and price hikes,2 +2021-01-20,review 1 tech led the way to ath aapl msft amzn all rose sharply 2 as to ewt the waves so far from late nov are a bunch of zigzags if it is not an ending diagonal then it is in the middle of 3 of 3 now no way 3 stopped out 3824 at open short again at 3845,1 +2021-01-20,a quick look at netflix earnings 💰💰 🚀the stock price is doing amazing after hours 🚀 nflx spy qqq,5 +2021-01-14,heres a quick look at over 35 percent of qqq googl aapl msft and amzn all consolidating within longer term uptrends and near their 10 week average thats the percent at the bottom these have not been very exciting lately but look out if these get going,3 +2021-01-03,volume is an almost useless indicator dont complicate your stock analysis to simply trade looking at price itself explanation spy spx esf study,1 +2021-01-26,es mes spx spy new all time high early in the session b shape profile and a very weak low fomc and tsla aapl fb earnings on tap tomorrow should be an opportunity filled last part of the week,3 +2021-01-25,is tomorrow when aapl paints a big red candle after gapping up with percent b where it is and piercing the upper channel that’s what i’m thinking is more likely than some psychotic continuation also earnings this week last 2 quarters one gap up after jul one gap down downoct,2 +2021-01-20,provided free here today amzn 🔮 at 3105 now positive 162 nvda positive 17 fb 270🎯 positive 15 point on positive 10 lazr positive 8 percent aapl 132.5🎯 msft still going 218.5 wmt is alive nflx we bot 490 now positive 100 gonna need to see some love for more of this free 🔥 tomorrow 🤫,1 +2021-01-23,we have a big week ahead for earnings aapl tsla amd fb msft jnj ge ba mmm t lmt vz dhi aal mcd abt fcx kmb axp rtx nee xlnx v sbux cat lrcx ma ofg now ndaq nvs pld pii mkc bmrc alk shw txn nep luv boh lly swks pgr phg,4 +2021-01-06,p and l dollars 0.2 thousand 🔥 bit of an odd day late post because i wanted to watch ncty ah managed to snag some bonus wallet padders on it tatt nice pop short although disappointing expected it to go further as it was etb tsla tricky at times but still paying the bills in the end👍,3 +2021-01-21,the sticky note and my watchlist here this morning for nflx 593.50 f 11.20 to 11.40 gme 36 msft 224.80 225.75 pltr 27 these are levels i am looking out for 💥🔥🤑 👇,5 +2021-01-03,aal in uptrend price may jump up because it broke its lower bollinger band on december 22 2020 view odds for this and other indicators,2 +2021-01-03,dow in downtrend its price may drop because broke its higher bollinger band on december 18 2020 view odds for this and other indicators,2 +2021-01-03,msfts price moved above its 50 day moving average on december 11 2020 view odds for this and other indicators,1 +2021-01-20,social media and soft tech names all up 3 percent negative 6 percent today following nflx massive beat positive 17.7 percent amzn positive 4.7 percent goog positive 6.2 percent aapl positive 3.3 percent msft positive 3.9 percent fb positive 3.2 percent snap positive 3.0 percent twtr positive 3.6 percent gains can continue into earnings next two weeks if rates stay flat 1.09 percent today vs 1.18 percent last week,1 +2021-01-15,📈 chart of the month 📉 xlk vs spy comparative analysis shows the relative performance of the sector to the as “extreme” as the rhetoric may be looks like we got a long way to go to get back to 50 percent peak of dot com ratio 🧐🤔 es aapl msft,4 +2021-01-24,investors will have lots to focus on in the week ahead with a bevy of major u s companies including apple microsoft facebook and tesla all reporting earnings,5 +2021-01-20,we hear every day on the media how is so great mcclellans summation index of smoothed breadth peaked last month in december as equal weighted technology began to wane see last years january peak below and feb bounce attempt true that nyse a and d is at highs but,1 +2021-01-02,nio stock 2021 huge 🔥🔥 via ⬆️⬆️⬆️ see my price prediction for 2021 what is yours please join our price contest nio li xpev tsla sbe xl nga blnk,5 +2021-01-10,nasdaq100 y sus divergencias con facebook fb netflix nflx microsoft msft y amazon amzn,5 +2021-01-17,qqq if lost this trendline think could see more chop as earnings come in so much support below the market though think it would mostly be driven by underperformance in big tech names that all look vulnerable on the hunt for new sector themes,3 +2021-01-26,apple microsoft tesla and facebook and more than 100 other SP500 500 companies report earnings this week these are huge companies that can have a major impact on the indices aapl dollars .36 t market cap msft dollars .71 t market cap tsla dollars 02 billion market cap fb dollars 82 billion market cap spy,1 +2021-01-19,fb almost up 2 from 257 possible to see a gap up towards 261 if fb closes up here nflx earnings coming today lets see how this affects tech tomorrow nflx can move to 540 to 550 if theres a positive earnings reaction,3 +2021-01-20,good evening spx closed at 3798.91 spx is setting up to test 3819 again as long as spx defends 3751 it should continue higher towards 3900 in feb nflx up 65 points after earnings nflx can run to 600 if it breaks above 575 this week keep an eye on the 580 calls have a gn 😁📈,3 +2021-01-23,💥notable to watch this week via 💥 mon kmb xlnx tues msft amd sbux axp mmm ge jnj lmt vz wed aapl tsla fb t ba lrcx lvs now ter thurs mcd v ma aal luv jblu swks team mo x fri cat cvx lly hon sap dia spy qqq,5 +2021-01-19,qqq the nasdaq once again challenged the rising 2 3 dimensional ema and it has held again on a closing basis this has the potential to be a choppy week with headline risk the levels of interest continue to be the 2 3 dimensional ema and and now the 65 days ema and breakout area about 3.5 percent lower around 300,1 +2021-01-08,very odd market or pseudo market action in the pms dems having control over both chambers of congress and the presidency equals more spending larger deficits more stimmy all wildly bullish but tsla ath makes perfect sense,3 +2021-01-23,the reaction to earnings is also an important element of determining market conditions for me we saw nflx gap up strongly last week this week aapl msft tsla amd now report which should provide more info,4 +2021-01-02,dow in downtrend its price may drop because broke its higher bollinger band on december 18 2020 view odds for this and other indicators,2 +2021-01-28,here are my gme shares jump above dollars 00 stocks set for lower open tsla aapl fb slide after earnings mcd luv aal v ma report results to u s gdp jobless claims data may the trading gods be with you 🙏 dia spy qqq iwm vix,1 +2021-01-25,stocks will likely see more volatility in the week ahead which will be dominated by several market moving events earnings from tech bellwethers aapl msft fb tsla results the federal reserves monetary policy meeting and first quarter gdp data are all on the agenda dia spy qqq,3 +2021-01-26,happy tuesday here are my stocks set for higher open to fed policy meeting to stimulus developments jnj mmm ge axp earnings before the open msft amd sbux earnings after the close may the trading gods be with you 🙏 dia spy qqq iwm,5 +2021-01-27,the volatility due to the short squeezes wasn’t good for or any others but don’t worry the setup for the comeback is even better now thanks hopefully you were able to avg down today cause it was shopping season,3 +2021-01-21,aapl to trade idea to jan 29 135 calls to bid and ask 2.85 to 2.89 closed at 132.03 aapl is setting up to test 138 to 140 if it can clear the 132.71 level er january 27 possible to see 145 to 151 amd amzn baba fb msft nflx nio nvda pltr snap spce spy tsla clov zm jmia,1 +2021-01-04,2021 starting off with a bang with a lot of red across the board in many of the big name tech stocks aapl amzn msft tsla however remains in a trading universe of its own hitting another record high despite the market selloff,3 +2021-01-10,above 132 aapl to trade idea to jan 29 bid and ask 1.17 to 1.21 closed at 132.05 above 132 can move back towards 138 the next time aapl can close through 138 it should run to 151 amzn amd ba baba fb tsla msft roku spx spy pltr zm nvda bynd snap sq nio nflx spce,1 +2021-01-25,the busiest week of fourth quarter earnings season is here with 33 percent of the SP500 500 reporting this week here we preview some of the most notable companies that are set to report amd msft aapl tsla fb now v,5 +2021-01-22,when the market presents the right opportunities dont hesitate this is when money is made 💰 fb 255 calls dollars .50 dollars 3.00 nflx 540 calls dollars .70 dollars 3.30 amzn 3300 calls dollars 3.00 dollars 9.33 ttd 820 calls dollars .80 dollars 5.2 nvda 550 calls dollars .40 dollars 9.27 hagw,1 +2021-01-22,good evening spx closed at 3853.07 spx is still on track to move to 3900 next spx can see a bigger pull back once it reaches 3900 to 3950 aapl closed at 136.87 if aapl can clear 138 it can move towards 142 tmrw and 151 next week 140 calls can work as a lotto have a gn 😄 📈,3 +2021-01-31,if funds are short slv heavily it can be a fucking brutal day tomorrow for the broad market especially if the meme stocks are up as well to can see forced liquidations of spy qqqs and their components imo,2 +2021-01-15,by request here are the confirmed dates for the qs qqq aapl tsla nflx amd fb msft intc fast qcom asml ctxs lrcd atvi sbux xlnx isrg swks csx csco txn ea cmcsa algn pep adp dxcm chtr nxpi xel ttwo,4 +2021-01-25,stock indexes traded mixed monday with tech related shares surging ahead of a busy week of earnings that features results from tech giants apple tesla and facebook aapl tsla fb,1 +2021-01-20,💥new wednesday post alert💥 5 mega cap superstar tech stocks poised for stellar fourth quarter earnings results msft reports aapl reports fb reports amzn reports googl reports 👉 dia spy qqq,5 +2021-01-20,the biggest moves were in 5 names amzn aapl msft googl nflx i wouldnt classify that as breadth from broader market today,1 +2021-01-24,big earnings week aapl tsla amd fb msft jnj ge ba mmm t lmt vz dhi aal mcd abt fcx kmb axp rtx nee xlnx v sbux cat lrcx ma ofg now ndaq nvs pld pii mkc bmrc alk shw txn nep luv boh lly swks pgr phg via,5 +2021-01-24,futures rise modestly as apple leads earnings tsunami its a big week for the market rally aapl tsla amd cat fb msft,5 +2021-01-28,i know 99 percent of the oxygen is being used up by the stock that has game but i find it interesting after blowout earnings i mean wow beat and raises by amd txn msft fb and aapl this week those stocks cant rally things that make you go 🤔,4 +2021-01-23,for the week aapl tsla amd fb msft jnj ge ba mmm t lmt vz dhi aal mcd abt fcx kmb axp rtx nee xlnx v sbux cat lrcx ma ofg now ndaq nvs pld pii mkc bmrc alk shw txn nep luv boh lly swks pgr phg,4 +2021-01-02,shop in downtrend its price may drop because broke its higher bollinger band on december 22 2020 view odds for this and other indicators,2 +2021-01-20,nflx huge beat last night likely to light fire today under other secular growth and social media names benefiting from covid lockdowns in fourth quarter amzn fb goog msft mtch snap i’d still avoid twtr since biden can’t reverse lost trump daus,1 +2021-01-04,overall dia spy qqq markets tanking last week did feel like max speculation maybe we need to drop a bit this week but then again tsla just keeps going seriously say a prayer for all the shorts fundamentally theyre right but they just totally underestimated this bubble,1 +2021-01-09,i don’t think people are putting it all together faang stocks are the heaviest weighted in the SP500 500 fb aapl goog amzn nflx to wonder what 75 million consumers could do to the market if they boycott just those companies and well twtr just for giggles,1 +2021-01-25,aapl new aths on friday watching to see if it can keep the momentum going this week over 140 targets above at 143 150 156 spy amzn ba nflx shop tsla dis amd roku nvda fb ttd bynd pypl docu crwd etsy sq msft baba zm,5 +2021-01-21,apple amd intel nvidia lead thursdays big cap tech rally but market rally warnings are growing louder with the nasdaq increasingly extended you dont have to run inside but be ready for a storm aapl intc amd nvda isrg csx ibm,3 +2021-01-29,all of is lower today and ba is up this market is jacked up tsla aapl nflx amzn fb goog,1 +2021-01-29,the SP500 500 broke through 50 day ma support of 3723 approaching the 3700 level now down negative 2.2 percent spy with apple aapl down 4.6 percent tesla tsla down 5.5 percent,1 +2021-01-21,6 pm study check retweet and favorite this if youre still up studying or making your watchlist for tomorrow as it looks like were gonna have yet another crazy day on the dia spy qqq so its crucial for you to be fully prepared on all the best plays and key levels ahead of time,5 +2021-01-27,futures are collapsing in the ahs may see a bigger sell off tomorrow than we saw today tsla aapl amzn fb nflx,2 +2021-01-08,aapl tested bottom trend line support and had a solid bounce today watching the 131 level over can see 134 138 next spy amzn ba nflx shop tsla dis amd roku nvda fb ttd twlo bynd pypl docu crwd etsy sq msft baba zm,5 +2021-01-26,everybody is always so focused on aapl nflx fb and googl but in the background there goes msft he just keeps chugging away one of the most consistent stocks out there even at the new high earnings still took it higher bam,2 +2021-01-27,probably the excess speculation caused some institutions to dump stocks some algo but with big earnings coming out after the close some opportunities will emerge aapl tsla fb gme amc,3 +2021-01-29,we saw some impressive revenue and eps beats in the tech space this week  here is a recap of this weeks results amd msft aapl tsla fb now,5 +2021-01-15,tech earnings season upon us stocks been in a rally mode since the nasty march dip a small pullback will be healthy before another uptick i still believe it will be another bullish year in equities cheap money fed cutting some positions in order to have cash handy,3 +2021-01-05,sold all positions on that pop have feeling markets will go red by about 300 on dow shortly had some nice wins nflx aapl amzn tsla baba fb,1 +2021-01-24,happy sunday everyone below is my watchlist going into next week i will keep uupdating on this thread through out the day aapl amd blnk btbt cbat cciv dkng fcel fubo lazr net nflx nio nndm open pltr plug point on ride rkt spce spy sq tak tsla ttd zm,5 +2021-01-01,nasdaq at highs however seeing many tech names in correction mode won’t be surprised to see index catches up soon just saying qqq,3 +2021-01-07,early vibes of a lockout rally on stocks like pins snap twlo amd to where price opens above and stays above prior days last 30 minute s price action hope that makes sense we shall see just something i look for on gap up days just like looking for oops reversals on gap downs,4 +2021-01-25,oh my when sam loads massive massive aapl kneel oh my wifey’s are not sleeping tonight apple price target raised to dollars 60 from dollars 45 evercore,1 +2021-01-14,good morning spx still needs 3819 to breakout towards 3837 under 3800 can test 3772 baba gapping through 241 possible to see 252256 next if it holds above 241 aapl i would wait for 132 to consider calls the next time aapl can break above 138 it can run to 150 gl 😁,3 +2021-01-21,aapl running now at 136 hope you all caught this on the 132 break yesterday 138 coming next aapl can move towards 150 if it breaks through 138 fb setting up for a run towards 278283 next amzn what a beast this one wants 3500,1 +2021-01-20,massive day nflx up 10 from 575. 600 can come tomorrow amzn setting up for another 150 point move into next week it broke above 3242 level i mentioned earlier,1 +2021-01-31,all leaps no stocks tsla 87 percent sq 2.2 percent nvta 2.5 percent ipoe 1 percent tdoc 1 percent crsp 1 percent arct stock and options 3.3 percent regular etfs no options arkg arkk arkw 2 percent ipoe crsp and tdoc are recent additions,1 +2021-01-21,good morning future up slightly snap int overweight piper pypl u and g buy btig aapl point raised to dollars 52 from dollars 44 ms fb point raised to dollars 55 from dollars 20 evercore spce point raised to dollars 6 from dollars 6 cs cat d and g neutral citi,3 +2021-01-21,aapl near 136 still holding near the highs it just needs to close near this level to test 138 tmrw nvda watch 555 if this closes thru 555 it can run to 575 the next day slower day for now lots of stocks trading in a range be patient wait for the right opportunities,2 +2021-01-25,good morning qqq strong gap up possible to see 337 on the next leg higher spx flat needs back through 3855 to continue towards 3900 gme touched 136 premarket if this holds 100 it can move towards 136 to 150 aapl setting up for 145 to 151 before earnings good luck 😁,3 +2021-01-18,happy mlk everyone below is my watchlist for this week will follow up with charts on this thread have a beautiful day 🙏 nndm aapl tsla ttd bngo fubo futu jmia cciv open qs rkt plug tlry acb tdoc nio net pltr v fcel sq blnk,5 +2021-01-08,also fascinating is that tsla is now trading more than spy on regular basis shown by the white in this chart nothing has traded more than spy even for a day since the 90 basically i also threw in aapl for context,5 +2021-01-18,market just closed another great trading day for my students here is how my watchlist did today aapl positive 0.00 percent goog positive 0.00 percent amd positive 0.00 percent tsla positive 0.00 percent nkla positive 0.00 percent get my premium vip picks for just dollars,1 +2021-01-05,todays going to be a very interesting day if we get senate run off results by eod if dems get both seats id expect the dow to drop about 1200 points and qqq about 500 immediately tsla will come down with the rest of the markets so be very cautious today and tomorrow morning,2 +2021-01-18,the most super in history outperformed the general stock market during a correction thats the time when you clearly see the demand for the stocks … the strongest moves in aapl amzn tsla nvda … started that way look at the relative strength line first,5 +2021-01-28,by the way financial internet facebook tesla and apple reported earnings last night the puck is really over here fb aapl tsla,1 +2021-01-27,good morning fomc today and presser msft point raised to dollars 15 from dollars 85 gs amd point raised to dollars 00 from dollars 6 jpm amzn point raised to dollars 155 frin dollars 100 jpm kss u and g buy citi bb d and g underperform scotiabank srne positive covi msc study data,1 +2021-01-27,vacílate to and fro violently with gary pinning the index to the mat expect more of the same with earnings new policy announcements and the fed we already see the ndx taking off on msfts beat ntm all the drama in the wsb story stonks be watchful of potential powell commentary,1 +2021-01-28,good morning futures slightly down aapl point raised to dollars 64 from dollars 52 ms aapl point raised to dollars 32 bernstein aapl point raised to dollars 40 cs fb point raised to dollars 85 from dollars 75 piper abt u and g buy btig twtr u and g overweight keybanc tsla d and g market perform jmp sec,2 +2021-01-09,market generals are slowly bleeding out despite new highs in the market indices did you know fb hasnt made a new high since late august msft and amzn havent made new highs since early september nflx hasnt made a new high since july,2 +2021-01-15,good morning futures slightly down economic data on tap today and opex snap u and g buy moffetnathanson apha u and g spec buy canaccord amzn point raised dollars 900 ms tsla point raised to dollars 50 from dollars 15 wedbush spot d and g sell citi,1 +2021-01-14,mkt feels funky to me my acct making progress but lots of odd intra day moves think it is because big tech being distributed and moves indexes not just recently but for multiple months if you study the volume not sure what that means the fang sort of look like could break tho,3 +2021-01-15,largest decline of the fang stocks fb negative 60 percent amzn negative 94 percent nflx negative 81 percent googl negative 65 percent tsla negative 50 percent msft negative 75 percent i am not willing and not able to hold such a stock through such a big draw down instead i trade stocks as long as they go up and exit them if the start to go down,1 +2021-01-04,day 1 down markets flasghing warning sings but some names gave great trades into it caught nvda as it went red to green for a huge move aa and tqqq made some money but it was nvda gild paying long since friday nio and tsla still strong have a good night,2 +2021-01-27,the hype today in stocks like gamestop gme amc and more is like nothing ive seen before crazy to think these are some of the stock set to report earnings after the bell apple aapl tesla tsla facebook fb servicenow now stryker syk lrcx cci ew cp lvs amp ter whr,5 +2021-01-06,good morning futures very mixed qqq getting hit fins raging fubo point raised to dollars 2 from dollars 4 evercore jbht u and g buy citi tsla point raised to dollars 10 at ms bynd d and g neutral piper point 125,3 +2021-01-10,i’m starting to think monday for the nasdaq could be really interesting and possibly very ugly we’ll see 😉 aapl amzn googl,3 +2021-01-26,in the 70 the nifty 50 was the nasdaq 100 xerox kodak and avon products were the apple google and amazon of that era in 2000 it was qualcom cisco emc amgen micron technology there have always been fang stocks only the names change but never the final outcome,2 +2021-01-15,big tech names aapl amzn goog msft nflx tsla are hanging on to their nested 1 to 2 ew counts into the close barely in some cases tuesday is make or break for these big ones,3 +2021-01-20,wrap alerts nflx 575 greater than 593 600 calls positive 100 percent 💸 isig day l🔻 sw 9 greater than 11💸 cgix sw 3.30 greater than 5.90💰 day 4 greater than 5.90💰 others mbio 4 greater than 4.90💰 apps 28 greater than 64 itrm positive 150 percent .68 greater than 1.73 expi 49 greater than 97 lac 11 greater than 28 sklz 💸 acam seac tenx 🔻hold new infi 💸 not all positions all timestamped,1 +2021-01-15,comparing apples to oranges of course fb goog multiples start to approach overall mkt as biz matures also these companies are largest components of spx so its like comparing them to themselves,4 +2021-01-21,massive move into aapl nflx googl amzn fb di you listen if you did your year is made and wifey gonn do that thing she does to you,5 +2021-01-25,big week of earnings coming up monday xlnx stld agnc cr tuesday msft jnj mmm ge vz amd axp rtx sbux cof wednesday aapl tlsa fb ba t abt pgr antm thursday ma v aal luv mcd wdc friday hon cvx sap cat,5 +2021-01-21,aapl morgan stanley raised point to dollars 52 from dollars 44 pypl btig upgraded to buy pins stifel initiated as buy googl piper sandler assumed coverage as overweight fsly oppenheimer upgraded to outperfom from perform msft evercore isi added tactical outperform via,1 +2021-01-21,this market is so strong btd btd btd market aapl going to break out very soon leaders strong leading market small caps micro caps were so strong robinhood traders love them not forever right well big money like to invest in big stks,5 +2021-01-29,updated top positions tdoc amzn se pins jd dkng etsy aapl yes i went from zero aapl to a lot of aapl in one trading day 🤷‍♀️ there’s a large drop off after my top 8 but if i’m wrong and aapl has a lot of downside left it’ll be back—eventually,4 +2021-02-23,the price of my tesla stock has dropped by almost dollars 00 over the past two days wtf and when will spaceshiptwo fly again cmon now virgin galactic tsla,1 +2021-02-04,bullard to isnt worried by current price levels to isnt seeing rising stability atm to got ways to go before thinking about adjusting buying how can someone named ard ever play a card spy spx qqq dia iwm iwn iwo,1 +2021-02-18,a recap of the gme hearings today congressman “when you first bought the stock what’s the highest you thought the price could go” asked at blue dot keith gill “somewhere between dollars 0 and dollars 5.” answered at red dot amc nok tsla cciv,1 +2021-02-16,fuel tech inc price change stats last 5 business days negative 9 percent last 20 business days negative 19 percent last 60 business days positive 388 percent,1 +2021-02-25,live nio stock boom🚀 new price target based on latest data and technical analysis and insider price points to buy and sell nio post inflation mania and short squeeze⚡ live 🚀 link,5 +2021-02-16,amyris inc price change stats last 5 business days positive 22 percent last 20 business days positive 42 percent last 60 business days positive 540 percent,1 +2021-02-04,ubs says electric vehicles will make up 40 percent of new vehicle sales by 2030 driving an increase in lithium demand and analysts see a 10 percent price hike in 2021 askdf pll lac lthm tsla,1 +2021-02-08,when you hedge n then fckd both ways 😒 im holding aapl calls n hedged with spy puts futures is ripping and hyundai just said they are not in talks with aapl fly autonomous driving,1 +2021-02-13,price action trading is still probably the most efficient strategy you look up and all of a sudden its 5 years later and you and that particular company have been through so much together laugh bhc bb tsla 5 years,5 +2021-02-05,happy 🥳 best week for in 3 months 📊 earnings have been stellar had its first dollars bln sales quarter added 16 million ln daily active users adds over 💯 mln users during car 🚘 lifts atvi why is trending 🤔,5 +2021-02-27,alpp to nasdaq soon abml to future is key abqq netflix part 2 small position krknf to lt play rezzf to lt play hcmc to lotto play but will increase vtlr to lt play markets are red but the dd stays the same 🥂,3 +2021-02-08,lets shape the market we have the control make the markets work for you not the other way around create a price alert sit back and wait use stock screeners i recommend,4 +2021-02-05,congratulations pharmagreen on an amazing day phbi traded over 100 million shares today and doubled their stock price,5 +2021-02-04,lets shape the market we have the control i sold my position in dlth for a 9 percent roi held for 11 market days i bought this because stock was at a lower price than when i bought it at a low point and oversold based off rsi,5 +2021-02-03,from the trading floors SP500 and nasdaq futures are higher energy is leading again with crude higher and holding above dollars 5 technology materials and financials gaining more modestly gold and silver up vix lower at 24.24,2 +2021-02-26,even if the gamma squeeze doesnt happen this stock will settle at a higher price after the gme frenzy ends amc tsla sndl expr bb bby,2 +2021-02-23,tesladown why bitcoin down and tesla announced it had invested dollars .5 billion in bitcoin tesla cut the price of the cheapest version of its model y and its best selling model 3 cars by dollars 000 each increased competition gm ford aapl shortage of batteries,1 +2021-02-03,coach matt tyler and tim analyze google‘s earnings report and stock price response in this clip from wednesday‘s halftime report goog googl,5 +2021-02-25,gamestop’s price is surging once again – and though it’s not clear exactly why it’s possible   and an ice cream cone🍦 are responsible,4 +2021-02-25,from the trading floors SP500 and nasdaq futures are lower with downside concentrated again in technology most notably in semiconductors energy and financials are leading the upside bond yields on the 10 year hit 1.466 percent crude continues higher vix is 22.82,2 +2021-02-23,good morning from joburg where shares across the asia pacific region were mostly higher after a rough day on wall street where us technology stocks tumbled in the face of rising inflation expectations futures for SP500 500 rose 0.30 percent and jse top 40 called up 200 points or 0.33 percent,2 +2021-02-15,faangm to ytd perform fb negative 1.0 percent aapl positive 2.2 percent amzn positive 0.6 percent nflx positive 2.9 percent googl positive 19.5 percent msft positive 10.1 percent all six look due to break new hist highs into the spring and early summer even laggy facebook,1 +2021-02-03,googs price moved above its 50 day moving average on january 19 2021 view odds for this and other indicators,1 +2021-02-03,ndaq in uptrend price may jump up because it broke its lower bollinger band on january 29 2021 view odds for this and other indicators,2 +2021-02-03,tsla in uptrend price may ascend as a result of having broken its lower bollinger band on january 29 2021 view odds for this and other indicators,3 +2021-02-02,msfts price moved above its 50 day moving average on january 20 2021 view odds for this and other indicators,1 +2021-02-01,snap relative strength at the end of last week interested in earnings reports for snap pins point on u spot cpri penn lspd algn pypl qrvo goog amzn cmg mtch going to get some awesome new opportunities after some of these reports are out of the way,3 +2021-02-18,gracias por acompañarme en premarket no mucho que me guste jets vips gnrc point bidu shop flsy gm grmn dvn mrna krnt oi vale gsat t uber c gold cs sbux stne sndl y las de earnings,5 +2021-02-23,some impt vwap levels in spy from late jan low 386 and ytd vwap 381 qqq from late jan low possible resistance 329.50 and it is right on ytd vwap iwm late jan low 221.20 and ytd vwap lines up w trendline near 214 pullback mode until vwap from peaks red flattens out,3 +2021-02-03,trade alert update vxrt to vaxart inc alert price dollars .8 price high dollars 4.9 profit and loss 266 percent potential stop loss dollars 3.655,1 +2021-02-01,trade alert update sndl to sundial growers inc alert price dollars .52 price high dollars .19 profit and loss 129 percent potential stop loss dollars .1305,1 +2021-02-01,new free trade alert aku to akumin inc com market price dollars .15 potential price dollars .78 potential gains 20 percent potential stop loss dollars .99,1 +2021-02-28,last week i said bleed may 🛑 380 spy although i somewhat hope red days r over it looks as though we may b in4 million ore pain toward 370 possibly 363 continue to monitor aapl tsla btc for weakness introduce icj high icj over 54 to 60 is often ⚠️for stocks📉 spx qqq,1 +2021-02-23,good morning global cues mixed wall street mixed dow up 27 points nasdaq slips 341 points tech stocks drag the mkt rise in us treasury ylds impacts equity trade japan closed today hangsng dn 129 points sgx at 64 puts t up,1 +2021-02-11,my basket of stocks for options are usually just the big names that move everyday such as amzn nflz aapl fb pypl ba nvda amd because we know that their volume will always be high,4 +2021-02-16,aapl is getting tight in the triangle supporting well on avwap volume is decreasing as the triangle reaches the apex to watching for increased buying volume on a breakout next week to get long an aapl breakout would provide a nice push to an already strong market spy qqq,2 +2021-02-04,aapl to trade idea to above 138 feb 12 140 calls closed at 133.94 up 3.5 points after hours on ev news with hyundai kia the next time aapl closes through 138 it can run towards 145 amd amzn ba baba pypl fb msft nflx nio nvda pltr roku snap spce spx spy sq zm gme,1 +2021-02-25,markets are down dives 4 percent tech stocks dragging index down btc at 49 thousand s interesting times we are in,1 +2021-02-28,the largest drops in rs over the last two weeks have come from growth stocks biotech tech cloud computing home construction and china spyg bbh spyy xlk itb gxc,1 +2021-02-25,interesting snapshot of the 30 dow members significant divergence so far in 2021 the two big retailers wmt hd are at extreme oversold levels apple aapl is oversold look at where the strength is to energy financials industrials intel intc is quietly up 27 percent ytd,4 +2021-02-03,global market cues dow up 476 nasdaq up 209 the us markets jump as tech shares presented better earnings and the gamestop trading mania unwinds amazon and alphabet posted good results jeff bezos to step down as amazon ceo andy jassy to take over in third quarter,2 +2021-02-05,spy 387.71 high of day and week close is bullish and about to breakout tlt 148.03 closed low of the day and weekly shows 140 next bullish for stock market jpm 137.98 close near high of week bullish for stock market 1.9 tril stimulus markets lean higher,1 +2021-02-04,how many times did fear based narratives and old wall media tell you to sell big cap tech in other news nasdaq ramped right back to its all time highs as is should in,5 +2021-02-06,courtesy of earnings whispers we will be reviewing these this weekend with analysis at spy aapl amzn googl nflx fb tsla gme amc dkng penn point on,1 +2021-02-25,🙏 x acompañarme en apm point ard nvda cat ostk▼ dis rdfn tdoc tol oi gme snap nclh fbp sndl bac wfc ge ug sq run dg dg dltr news coinbase ipo mrk compra pand patrones adnt btbt plt ccs celh apps,5 +2021-02-21,grab your favorite sunday beverage and tune in to stocks a to z will the market bounce back after a choppy week aapl amd amzn ba bynd crm dis dkng fb goog hd iwm msft nflx nvda qqq roku spx tdoc tsla xlf zm,5 +2021-02-22,yes you are right energy and financials leading today and by far so rotation into those stocks that is reason spy is little better than nasdaq which is tech heavy but overall both not in good state will review daily charts to see what is next,3 +2021-02-22,spy so SP500 little better than nasdaq 100 that too because financials and energy did better support on SP500 at 385 will be interesting to see if it holds here for bounce on 20 ema vix weakness ideal,4 +2021-02-10,qqq nasdaq bear flagging if 330 breaks can see 327 vix if breaks 24 market can further selloff if you want uvxy calls to scalp or puts to scalp,1 +2021-02-05,good evening spx closed at 3871.74 spx printed a new all time high today spx can move towards 3975 if it breaks above 3900 next aapl managed to close at the highs after dipping to 134 keep an eye on 138 for tmrw aapl feb 12 140 calls can work above 138 have a gn 😁📈,1 +2021-02-26,lets see if this spy rip holds 🤷‍♂️ this was my shopping list and scoop averages last night posted in the room took advantage of ahs sell off besides the spy calls i bought yesterday when tweeted fcel snap amd nio futu plug riot,1 +2021-02-22,big earnings week should be lot of trading opportunities few i am watching closely bigc nvda tdoc sq upwk jmia plug w crm etsy bynd wday abnb dkng cgc hd,3 +2021-02-16,market watchlist for to 📈 a lot of nice setups going into the short week futures with a strong gap up and esf setting up for a 4000 test googl docu fdx qs amd adbe jd wmt aapl fb cat ttd crm baba nvda come join us,5 +2021-02-23,spy qqq i think with strong bullish notes from powell this was healthy dip and correction and should see continuation good idea to find plays on deals spy will confirm over daily 20 ema qqq will confirm over daily 50 ema,4 +2021-02-10,spy 10 min clouds still red under 5 to 12 emas maybe sideways chop here for a while as long as support holds amzn fb tsla same move here as they go with market,2 +2021-02-21,aapl to swing trade idea to mar 19 135 calls to bid and ask 2.16 to 2.18 closed at 129.87 after testing 130 but failed to close above once aapl can reclaim 132 it can start bounce towards 136 to 138 next amd amzn ba baba nflx nio nvda pltr roku snap spce spx spy sq tsla zm,1 +2021-02-03,happy wednesday here are my stocks set for higher open googl amzn jump after earnings gme amc bb bounce back pypl spot qcom ebay earnings to adp jobs report ism services pmi may the trading gods be with you 🙏 dia spy qqq iwm,1 +2021-02-25,spy qqq 💰 analysis paid today we continuation on nasdaq 100 qqq and spy qqq reclaimed 50 ema 328 is next level to reclaim spy as i mentioned on webinar 20 ema 386 level reclaimed for big push always look at bigger picture intraday 👊 look history below,1 +2021-02-02,im still cautious as qqq revisits all time highs price is 9.5 percent away from its breakout which would be normal price action a retest is only one of the possibilities watch if the leaders fade into the close and of course amzn earnings tonight,3 +2021-02-23,nasdaq flat bottom broadening formation in play in amongst the mother of all rising wedges expect a bounce then lights out for ones private perusal enjoy,5 +2021-02-03,qqq nasdaq found sellers the last time it was up in this level momentum is having a tough time getting oversold and volume is light i have no idea if it gets rejected again or if it screams higher im building my focus list if this market moves higher,1 +2021-02-22,qqq nasdaq really weak and on downtrend since opening range break not best day to go long on large caps stocks trending in market direction will see best continuation if market is weak shorts are better and if market is strong longs are better,2 +2021-02-06,nasdaq the nasdaq daily and weekly and monthly charts with the tos chart from the great and legendary it is borrowed from the ibd live feed a clear trend and the trend is our friend we dipped two weeks ago and rallied last week who knows what next week may hold,5 +2021-02-03,good evening spx strong bounce from last weeks lows at 3694 spx can move to 3900 if it breaks above 3855 puts can work under 3800 tsla is still setting up for a move to 900 for tomorrow watch 886 for an entry nvda can move towards 555 to 561 by friday have a gn 😁📈,4 +2021-02-10,the red 🔴 finally caught up to me 🤷‍♂️ zmdtf got a spiffy pop 🚀 but mgni nearly had a spiffy drop 😅 sold twtr positive 37 percent on the swing trade no buys and today we get the losers mgni se fsly pltr engmf sklz upwk wimi idn hope some of you squeaked out a gain 🗣👇 🦜,1 +2021-02-24,gets quite bearish on spy if under 385 🎯384 🎯382 🎯379 i will look for more shorts in the morning if qqq sustains below 320 still a risk on scenario for at least the rest of the week good luck every1 🍀,3 +2021-02-23,notes for qqq break the 50 ma but rallied midday kris is short a few stocks great info on short entries now is not the time to be aggressive long or short quote stocks can go down too what type of sorcery is this,2 +2021-02-08,few names i am watching on multiple timeframes blnk net nvcr fcel tsla googl nflx aapl zm chwy plug pins spwr algn mmm tol mcd msft snow,2 +2021-02-02,party is on as of now all us future indexes are rising and nasdaq leading what’s important tmrw amzn and googl ers to potential vxrt p1 data release any day in the week to potential for further stimulus progress to where the reddit fueled short squeezes go next gn and gl,5 +2021-02-03,im generally long so im biased but excellent earnings reports from bellwethers in tech aapl msft amzn googl fb nflx amd lrxc and a move slightly down is excellent news for the bull to keep running we want short term selling we do not want 1999 to 00 so not 👇,3 +2021-02-15,stocks i’ll b looking at this week xl visl afmd npa rgls hyln nflx tsla and of course spy spx will need to compile list of all previously recommended stocks ltr might take a few hours next saturday haha stay safe all and to all texans best wishes try to stay warm,3 +2021-02-25,also interesting qqq nearly broke its all time volume record as well with an intense dollars 4 billion more than tsla basically treasuries and tech went relatively crazy today,2 +2021-02-11,to put it in context it is equal to the combined aapl and amzn bullish skew or if you’d rather to the combined baba fb msft goog and wmt combined now obviously some of the oi and the put skew will unwind on the 19 opex but far from all,4 +2021-02-25,i dont even need to watch the nasdaq i can see when the yield is rising or falling to see exactly what stocks are doing against that movement tsla,2 +2021-02-24,here are just some of the names that aj and i will be taking a look at this afternoon aapl amzn baba cciv dis dkng fb jmia msft nio nvda pypl riot roku slv spce tsla request a ticker,1 +2021-02-17,futures fall amid six key earnings earlier jpmorgan caterpillar broke out as apple tesla test support aapl tsla jpm cat csod exas sedg crsp rng qs,1 +2021-02-17,provided free here on day when many were fooked tsla downside 772🎯 met given 799 amzn leader 3320🎯 after 3258 was protected then negative 19 qs 65🎯 dnn calls 90 percent fb call given 1.76 now 2.25 rt and ❤️ if u want more tomorrow 🔥,1 +2021-02-09,spot keeping an eye on this one decent move today and teasing a bounce over 331 can see 342 355 371 above spy amzn aapl ba nflx tdoc shop tsla dis amd roku nvda fb pypl docu crwd etsy sq msft baba zm,4 +2021-02-01,overall market feels back to normal this morning but will take its cue from gme saga which should soon reverse and amzn and goog eps tomorrow rh slv a new battleground but without short interest juice not sure of staying power piper tsla dollars 200 point hike feels sustainable,3 +2021-02-04,aapl forming a bit of a higher low base around 134 currently trading just under 137 after hours will be watching for a move over 138 for entry targets above at 145 150 spy amzn nflx shop tsla amd nvda fb sq msft baba zm,3 +2021-02-04,stock performance since steve jobs died • tsla 15700 percent • nflx 3100 percent • amzn 1300 percent • aapl 914 percent • msft 820 percent • nasdaq 445 percent no like i said there were better opportunities keeping your money in apple wasnt a bad idea spacex and neuralink are on my radar next,1 +2021-02-01,hi everyone below is my watchlist for next week i will keep uupdating on this thread as usual have a good trading week and trade safe 🙏 spy bngo aapl li ride fubo nio nndm dkng cciv tsla nok zm nflx amzn msft uber mara slv amc plug,5 +2021-02-20,spy qqq iwm 100 percent we gap down on monday because i didnt swing puts so weekend plan will start with after the huge gap down look for a or b to happen if not go play with the cat,1 +2021-02-05,video stock market and individual stock analysis aapl amzn bynd nflx crsp dada home prts wwr vbiv spy qqq iwm smh ibb xlf ⚓️vwap⚓️,4 +2021-02-25,stocks moving a bit lower some sell the news after good earnings reports from nvidia and iipr opportunity to look at those names looks like they halted gme as well iipr nvda,3 +2021-02-01,if you ignored the fear mongers and held in with fundamentals last week a good day today for the home team apph apphw iac even tse ostk decided to come out of the locker room today and i’ll remind you the dis moment might be coming in twtr,4 +2021-02-19,spy qqq iwm remember what i mentioned today could seal the near term win for the bears if they can get the weekly engulfing close do they finally show up take your bets,1 +2021-02-23,nasdaq down another 450 points so far this morning feels like tech sector is getting rap ped 💤 for most people their last 3 months gains all got wiped out in last 3 days at least on paper as seen from brutal selloff imo 🤬 tsla down dollars 0 right now within mins😴,1 +2021-02-22,good morning futures down qqq down over 1 percent snap u and g overweight ms dal luv aal ual etc u and g to buy db ba faa orders immediate inspections after united jet incident spwr d and g underperform cs,1 +2021-02-05,good morning futures up slightly ahead of nfp sbux u and g buy gordon haskett point on d and g market perform rj z u and g buy gs atvi point t raised to dollars 20 from dollars 7 piper snap point raised to dollars 3 from dollars 0 keybanc pins point raised to dollars 2 from dollars 6 keybanc,1 +2021-02-24,narrative accompanying today’s rebound in including and particularly for high beta names such as repeatedly refers again to the trifecta of btd fomo and tina—buy the dip due to fear of missing out on a renewed rally as there is no alternative to,4 +2021-02-05,cant believe another huge day tomorrow we have a great note tonight out for club members on f that explains why it is acting as it is same with nlok which is becoming a very cheap stock snap call a little weird pins v positive atvi amazing,5 +2021-02-11,good morning futures up slightly bbby u and g buy bac uber point raised to dollars 0 from dollars 7 barclays ua uaa point raised to dollars 5 from dollars 4 barclays pins msft made an approach to buy pinterest pep eps beats by dollars .01 beats on revenue,1 +2021-02-26,ran through the uwl and these standout to me abnb apps twtr dkng nflx snap wix pubm futu tme vygvf trip and for two new ones that im interested in for base attempts apph dnmr,5 +2021-02-23,interesting market to nasdaq bounces off 50 day for now SP500 climbs back up to the 21 day area and the dow is holding its 10 day we see what happens next,4 +2021-02-18,blood is on the street 🩸 with down 250 and down 200 points right now 😭 but be brave weather the storm i am again on a shopping spree on todays fire sale prices i am buying some select stocks for st nt and lt investment imo,3 +2021-02-24,cathie wood and trade activity from today bought twitter twtr tesla tsla spotify spot facebook fb disca open mass sgfy bfly accd rptx u txg beam fate vuzi expc ravn sold amazon amzn apple aapl splk tmo hims googl z tcehy roku se tsm crm,5 +2021-02-03,good morning futures up slightly plug int outperform bernstein point dollars 5 baba point raised to dollars 45 citi from dollars 16 amzn googl many point raises amgn point lowered to dollars 60 from dollars 80 piper feye point raised to dollars 7 from dollars 8 jpm ea int outperform rj,2 +2021-02-26,ark invest busy today bought another 1.7 million twtr sold another 1.5 mill snap selling size in baba selling aapl selling googl and selling amzn whateves ark shares down dollars 0 on the day,1 +2021-02-17,cathie wood and trade activity from today bought tesla tsla shopify shop abbvie abbv veev sgfy exas cmlf bfly ntdoy irdm fate beam tdy ravn kmtuy sold google googl tencent tcehy cdna twst vcyt onvo splk ssys byddy avav api pd pstg,5 +2021-02-02,good morning strong gap up spx qqq today if spx can hold above 3800 it can move towards 3837. possible to see 3900 in the next week amzn setting up for a move to 3600 after earnings 3600 calls can work tsla watch 859 today if it breaks above it can run to 900 gl 😁,4 +2021-02-18,spy we tested 50 simple moving average rallied back up and now losing short term emas again if look at last february very similar will post chart later know exposure and positions plan for acct and trades doesnt seem like time to be ultra aggressive,1 +2021-02-23,good morning futures down qqq leading down hd eps beat .03 rev beat sbux u and g outperform bmo panw u and g outperform bmo iq u and g sector weight keybanc bidu point raised to dollars 90 from dollars 90 keybanc,1 +2021-02-17,nakd traders forgetting this isnt in market indexes no reason to be trading inline with spy or qqq this happened on the 10 too and gapped up the following day lets see if the pattern repeats,1 +2021-02-18,good morning futures down tech weaker shop point raised to dollars 680 from dollars 323 gs shop point raised to dollars 500 from dollars 300 oppenheimer twlo point raised to dollars 50 from dollars 75 piper gm point raised to dollars 5 from dollars 0 citi,1 +2021-02-10,ttd ceo said no material impact from aapl privacy opt out change stk was 970 no one listening clowns 1200 on earing poss can gift to your followers simple simple,1 +2021-02-23,hope everyone had good day not easy but one hell of a bounce 30 minutes of selling all we can muster traded tqqq msft fb snap for nice wins today in and out of them spy on the 8 days tomorrow going to be fun,1 +2021-02-23,but that 800 point drop in the nasdaq was a warning shot of whats the come this year a little taste of air coming out the bubble and believe me that was just a taste,3 +2021-02-23,spx qqq possible day 1 of a bottom here qqq back to 318 needs to close here its a choppy day now lots of stocks are stuck in a range aapl back near 125 if this moves red to green it should test 128 by the end fo the week,1 +2021-02-08,marekts closed at aths but names are paying sq nvda amd they jumped on early traded sq nvda pltr ai for nice wins took a loss on mara lost patience,1 +2021-02-18,spy qqq lower here vix higher nasdaq weaker 24 key pivot for vix here if builds higher more sell on the market looks like both spy qqq want to test 20 ema on daily that is support for bounce,2 +2021-02-26,i am watching these for clues on the markets direction twtr vips sono nflx pins for the week thus far these are strongest can slim names i see in terms of price action with a compqx down 5.4 percent and spx down 2 percent if these breakdown odds of more downside increase,5 +2021-02-27,watch list twtr pins snap apps wix hznp earnings wl zm ddd se not a lot out there in terms of bases and setups which tells me time is needed,3 +2021-02-02,pins merges with etsy grwg becomes comparable to hd pypl sq outgrow v ma si bigger than wfc lmnd has larger market cap than all met,5 +2021-02-04,us futures rise slightly nasdaq leads big movers in after hours sava goev ipof resn eth btc also twst and u will report earnings tomorrow ah,3 +2021-03-21,here is how ark invest explains tesla stocks new price target of dollars 000 by 2025 see the bear and bull scenarios,5 +2021-03-01,you ripped me off i bought 21 shares of chk stock at dollars 79 soon as the price skyrocketed robinhood took the stock away i lost money now they bring back the stock at dollars 5 i want my money back asap,1 +2021-03-26,if you bought tsla at dollars 88 🙄 you should love at dollars 08 thanks for pumping the stock price to dollars 000 post split dollars 5000 ps i dont have any new position tesla car in 2021,1 +2021-03-31,what better price to buy tsla stock than now is the price too high no we just had a 40 percent correction,2 +2021-03-11,aal now a recovery play and stock is posed to surge higher days from now price chart is a beauty strong accumulation by smart roc obv and volume analysis confirms buy signal buy above dollars 3 breakout on 75 million daily volume point equals dollars 4 sl equals dollars 1.50,5 +2021-03-17,stock market generated pre market price spikes gap window and 100 percent fib support qqq qid qld spy spxl sso sds,1 +2021-03-17,if continue to rise the price of the stock market is expected to fall spy dia qqq,3 +2021-03-12,beeple nft price could have been even higher than dollars 9 million only if cryptos controversy child had his way benzinga,1 +2021-03-01,tsla needs to break above dollars 15 todays resistance dry and low liquidity in this price range break above and game on dollars 50 is possible today in power hour closing algo pushing higher break below ahhh god help us all,1 +2021-03-11,the SP500 500 rose and the blue chip dow hit a record high after tepid consumer price data for february calmed inflation worries,1 +2021-03-01,all stores are reopen for the first time in a year 📲 last closed stores in reopening this morning aapl helping drive the broader rally 📊 best day for the SP500500 in 9 months spy best day for the in 4 months dji also watch earnings,5 +2021-03-16,from the trading floors to futures mixed with the nasdaq looking to open higher tech is leading the upside by a wide margin energy is down by about the same percent indexes fluctuated a bit after retail sales came in weaker than expected btc dollars 5 thousand vix is 19.92,3 +2021-03-11,from the trading floors equity index futures mainly on nasdaq the 3 sectors leading are technology communications and consumer disc energy is a distant fourth with financials slightly weaker crude is up negative 10 year fell below 1.5 percent vix is 22.11,2 +2021-03-10,yes to right now i am trimming stock for the to get qqq on a dip hopefully when i hear nasdaq tanked i can get it at a good price there will be ups and downs but a think long term it is a good bet with relatively less volatility,4 +2021-03-22,u s indices nearing pivotal price levels spy iwm qqq,5 +2021-03-16,amd stock update 🚨 we take a look at🔎 💪 new datacenter cpu 💰 intc and nvda price target 🚀 free nft giveaway,5 +2021-03-20,what do you think the price of tsla stock will be at the end of 2021 nio,1 +2021-03-29,fall as surges boeing jumps on max jet news while drops via,1 +2021-03-10,post market analysis here is why todays strong bounce isnt good new for the bulls and how high can tsla go before reversing again and the biggest insiders trades and will tomorrows inflation numbers get cooked charts spy qqq iwm dxy aapl vix tlt,1 +2021-03-05,arkk down more than 30 percent in 2 weeks while nasdaq has corrected 10 percent the cracks in tech stocks beyond the top 5 to 7 names are big in the usa tesla properly started correcting on news of it investing in bitcoin american markets are fun too much action always,1 +2021-03-04,qqq the percentage of stocks in the nasdaq 100 above the 50 displaced moving average down to around 30 percent now hard to believe but big cap tech is now one of the weakest sectors in the market,2 +2021-03-24,qqq nasdaq etf we are currently on high alert for a savage bear market the nasdaq has already broken down out of the year long {raising wedge} the year long uptrend line from the march 2020 bottom has now been lost remember the stock market is not the economy sqqq sds,1 +2021-03-01,apple stock ticker aapl is a very attractive at this price i’m loving a put option is with strike price for dollars 20 exp april 2021,5 +2021-03-05,today smh semi etf hit oversold levels greater than the depths of cv insanity stochastics while also tagging its 100 dma smh now positive 1.6 percent on the day semis lead nasdaq nasdaq leads the mkt never in my 36 year s has a 1.6 percent 10 year yield been a negative for stocks it’s not now,1 +2021-03-13,weekly watchlist march 15 to 19 overall market back in uptrend just waiting for qqq i go over all these stocks with their patterns and entry points 👍🏽like and retweet🔁 abnb acls dkng dmtk four futu gm se si sklz snap sq twtr enjoy,5 +2021-03-09,so tonight in the us the nasdaq is expected to lift 1.3 percent while the dow is tipped to rise 0.7 percent according to early futures ahead of the us house approving the dollars .9 trillion aid package more stimulus amid the recovery zoom shares will be in focus,3 +2021-03-05,just shows how wild this market is had huge jobs number that would typically be bad for yields and tech the yields rose briefly and are now dropping again which is helping tech just when you think you have things figured out bear trap was created in the am tsla,2 +2021-03-26,qqq impressive close and the nasdaq has the look of a real base now we will see if we can get that elusive follow through next week spy super impressive and cleared the trendline now has new highs as only resistance,5 +2021-03-05,qqq trends lower below 50 simple moving average after refusing to reclaim last weeks lows rsi is still above oversold levels telling us that we can go much lower than expected when elevator snaps its a free fall down,2 +2021-03-18,qqq well likely see more pain in the near term as many growth names look like this chart or even worse in this downtrend arkk is another leading indicator for tech growth names and it has been acting sluggish nothing good ever happens below 50 simple moving average,1 +2021-03-09,qqq basing over 308 ideal watch 10 min trend for any aapl fb amzn longs building trend as market holds current position fb looking for other plays watch vix not to spike back over 24,5 +2021-03-01,weekly market watchlist for to 📈 futures nice gap up so far lets see if they can hold going into the open lets have a great week😃 fb msft nflx ttd dkng aapl googl abnb etsy roku nvda shop qcom ual rcl spy spx qqq esf nqf,4 +2021-03-16,qqq constructive action since past few days but its still stuck in a downtrend other indices are all near at all time highs so focus for me right now remains on increasing exposure to non tech stocks which are hitting new highs growth tech charts need a lot of repair,3 +2021-03-09,1 tech stocks havent been getting much love nasdaq now down 10 percent in a short space valuations have been pretty high for a while now as the economy rebounds theres a shift towards cyclical stocks like the ones you find in the dow stay at home stocks also look less sexy,3 +2021-03-28,do you like charts spx compqx spy qqq vix ffty gbtc ethe smh upst ui rh sam amat five lyft gm zim dkng abnb apps bmbl etsy ldi mp si slqt tdc uber and more and sentiment indicators,5 +2021-03-01,spy qqq spy up 2.605 qqq up 2.80 percent vix dying at 23.50 needs lower under 30 for trend up on market in coming sessions 90 percent most stocks gainers vs losers on spy qqq,1 +2021-03-08,happy monday here are my treasury yields surge to stocks set for lower open to tech slump continues arkk tsla pltr zm extend selloff xpev sfix earnings may the trading gods be with you 🙏 dia spy qqq iwm vix,5 +2021-03-31,qqq so it did reclaim that key 317 level today check out before and after chart emas both reclaimed now we want to see 317 hold to see tech stocks and nasdaq moving back up,1 +2021-03-24,after today the qqqs smallcaps iwm midcaps iwr and total stock market vti are below their 50 dmas leaving only the largecap SP500 500 spy and dow 30 dia above,2 +2021-03-29,qqq nasdaq 100 still under resistance but very close to reclaim ema on daily also 317 to 318 big level for bullish bias if reclaims might be time to get back into tech swings based on individual charts of those tech stocks,3 +2021-03-16,good evening spx printed a new all time high today 4000 coming soon possible to see spx move towards 4200 if it gets through 4000 this week aapl setting up for a move back towards 128 to 130 if it breaks above 125 122 should be the bottom 125 calls can work have a gn 😁📈,4 +2021-03-23,good evening qqq is setting up for a move back towards 329 to 333 once it closes through 325 qqq had a stronger day today after dipping to 309 on friday aapl 119 should be the bottom if this can move near 125 by wednesday it will set up for 128 to 132 in april have a gn 😁📈,4 +2021-03-15,happy monday here are my markets await fed powell to treasury yields dip to stocks set for higher open to tech shares rebound sinks 10 percent may the trading gods be with you 🙏 dia spy qqq iwm vix,1 +2021-03-15,qqq so far as mentioned 300 level was huge for bouncesee history still down from highs but 20 ema and 50 ema both merging here big pivot 316 to 319 area builds and bases over then we get into uptrend that is key to watch for tech nasdaq,4 +2021-03-04,breadth has weakened especially for nasdaq tech heavy index trading 12 percent 200 days moving average vs 29 percent for russell 2000…small caps have cooled but still look relatively strong over past couple months past performance is no guarantee of future results,2 +2021-03-07,the broad market ended the week in positive territory on strong jobs numbers the qqq closed at dollars 09.1 positive 0.14 percent however quite a few big name tech took a few hits overshadowing the week to come read more,2 +2021-03-23,spy vix qqq how large caps moves with market and volatility fb googl nvda amzn this 20 level on vix has been a pain lately march to a month of chop,1 +2021-03-20,notes for qqq dips below 100 day but reclaims ep and gaming stocks working stocks building bigger bases quote the trader who can withstand boredom the best will come out winning people looking for action wont last long,2 +2021-03-09,wall st closes higher as tech stocks rebound djia positive 0.10 percent 30.30 points at 31832 nasdaq positive 3.69 percent 464.66 points at 13073 SP500 500 positive 1.42 percent 54.09 points at 3875,1 +2021-03-03,gracias por acompañarme en apm point se ssys tgt▼ tsla aa deck fsly sell rating abnb avid colm ms now spce oi gme rkt gps f kgc uber aapl apha sndl itub rlt news dkng dish lvs vici patrones trip eols,5 +2021-03-08,fang constituents aapl 118.82 to 2.13 percent amzn 2948.5 to 1.85 percent baba 226.84 to 2.97 percent bidu 244.44 to 6.58 percent fb 258.53 to 2.33 percent goog 2066.8 to 2.2 percent nflx 504.71 to 2.51 percent nvda 486.45 to 2.41 percent tsla 567.6 to 5.03 percent twtr 64.78 to 3.5 percent msft 226.47 to 2.16 percent,1 +2021-03-24,ok guys its been fun im done trading for the day ill be back tomorrow to trade i need to run out for a few hope you made some💸 qqq spy cat nflx ✌️😉,3 +2021-03-09,up 330 points right now and up another 175 points adding to nearly 1000 points spike in last few trading sessions imo 😍 remember 👇,1 +2021-03-14,staying in gray area these r my current positions across all accts i manage b it personal or professional sizing is fairly comparable across most tickers except tesla and apple which r often larger aapl afmd bmbl jd jets lulu qs rgls tsla vips visl,4 +2021-03-17,wednesday spy trade plan bullish above 397.02 🎯398 🎯399 reach 🎯400 bearish under 394 🎯393.40 🎯393 reach 🎯389 many underpants will be soiled watch qqq to sustain under 317.77 area if u r big bear spell caution and enter later and pivot if above good luck all 🍀,1 +2021-03-01,fang constituents aapl 124.39 positive 2.62 percent amzn 3141.73 positive 1.78 percent baba 241.49 positive 1.69 percent bidu 294.27 positive 4.07 percent fb 261.48 positive 2.03 percent goog 2065.43 positive 1.43 percent nflx 545.48 positive 1.04 percent nvda 558.01 positive 1.55 percent tsla 697.5 positive 3.33 percent twtr 79.13 positive 2.62 percent msft 236.18 positive 1.63 percent,1 +2021-03-08,as a general tech strength reference if we are trading qqq or spy we can utilize aapl price if apple 🍎 stock is over 121.50 it’ll b well in bullish territory start hunting shorts if under 118.50 especially 118 support not trading apple just using it as reference tool,3 +2021-03-18,most of the downside action should b next week imo after this witching nonsense 🧙‍♀️🧹🪄 i will be playing light until then now dollars 91.53 spx spy qqq appl tsla,1 +2021-03-26,level on spy to look at is 392.50 for even further upside qqq over 314.66 ideal for 🚀upward breadth is looking pretty healthy surprisingly i’m daytrading and swinging calls again watch your sizing tho could just b v temporary clear skies,4 +2021-03-19,2 at 530 am et 10 year treas ylds 1.68 percent negative 2.4 bp growth stock futures are rebounding nasdaq positive 0.7 percent and tsla dollars 67 positive 2.1 percent tsla s and x refresh cars spotted leaving fremont on trucks helping meet first quarter delivs street 170 thousand est new ark tsla point likely out next week for qtr end perf,1 +2021-03-24,bad day for cathie wood very strange day yields down 3 days in a row should be good for tech but megacap tech mostly down arkk names hit hard crsp down 9 percent bidu down 9 percent zm down 7 percent roku down 7 percent tdoc down 6 percent aapl,1 +2021-03-16,aapl point raised to dollars 75 evercore was dollars 63 axp point raised to dollars 66 piper was 133 rcl point raised to dollars 10 from dollars 00 at jpm nclh price target raised to dollars 6 from dollars 3 at jpm twtr point raised to dollars 0 citi was dollars 5,1 +2021-03-04,imagine being shocked on the nasdaq dumping with triple rsi bearish divergence on the weekly and that amazing head and shoulders pattern that formed and broke out today,5 +2021-03-24,qqq led the market down today see if it can hold 312 support otherwise next major supports below are 308 300 spy amzn aapl ba nflx tsla dis amd roku nvda fb ttd atvi twlo bynd pypl docu crwd etsy sq msft baba zm,1 +2021-03-11,solid rebound in last 2 days after the brutal selloff that happened in tech sector over last 2 weeks good to see rising very strongly for a week too following big brother moves rising now 😍 🤑,4 +2021-03-24,spy watching the 387 level on spy under 387 can see further downside to 383 380 next if 387 support can hold would like to see spy regain 391 to see a move back up amzn aapl ba nflx tsla amd roku nvda fb etsy sq msft baba,3 +2021-03-09,tsla now positive 2 percent ah to dollars 88 only thing i can find to explain is arkk up almost positive 2 percent ah due to short covering or algos expecting huge inflows into arkk tomorrow after today’s positive 10.4 percent gain either way tomorrow could be another multiple gordon day if feb cpi ex food and energy less than 0.2 percent,2 +2021-03-09,tesla closes up 20 percent to dollars 73.58 biggest gain since feb 2020 nasdaq 100 surges 4 percent for biggest rally in four months just in time for the 3 sigma beat in cpi,1 +2021-03-01,monday recap aapl killer plan at 123 now positive 4.5 tsla thru 694 715🎯 positive 21 rkt still going positive 11 percent amzn 3112 3143 and 31 plug plan positive 7 percent ba positive 7 zm positive 8 and much more i now ask for 75 ❤️ and rt for 75 points provided free on a monday and for more of this free 🔥 tomorrow🤓,1 +2021-03-31,spy and the dow are flirting with all time highs while the nasdaq and ffty look like they may need some work to build the right side of a base i put on 2 longs and 1 short but only holding small positions overnight only putting on size intraday from very low risk entries,3 +2021-03-22,solid way to start the week aapl test of 122 and higher 💪🏼 snap bot deep red 6 percent now green qs 🔥 and many levels galore ❤️ if u want more mañana,4 +2021-03-03,aapl amzn spy qqq tsla fb seeing lots of daily candle that basically negated yesterdays bear trap move completely or closed below half way point which is advantage back to the bears,1 +2021-03-08,the qqq is ugyyyyly so are fan favorites tsla nio cciv clov itrm and the spy is now red on the day too this is not a good looking market at all wouldnt be surprised to see bigger crash sometime this week be safe sometimes the best trade is no trade at all,1 +2021-03-13,aapl has a dollars t market cap amzn is 1.5 billion fcx is 50 billion and mos is 12 billion it doesn’t take a lot of growth repositioning into cyclicals to push their market caps quickly qqq reached fairly oversold and can still work fine it always makes sense to look at what else is working too,3 +2021-03-28,smh if your looking for a good sign for qqq and tech fridays candle here is it huge bounce even when markets were weak if semis lead we go higher end of story,2 +2021-03-24,last 1 month it feels like is getting rap ed 😂 😭 but brave ones will make a lot of money in nt and lt that adds select heavily beaten down stocks during the intense selloffs imo i have added several good ones to cost avg as i know i will be able to sell 4 🤑,4 +2021-03-01,my watchlist is dkng apps twtr snap pins z sq futu etsy net thinner names that look interesting are dmtk mwk tmdx vuzi,4 +2021-03-04,nasdaq down another 120 points right now on top of heavy selloff in tech sector for days i expect a strong rebound later today or tomorrow for sure i am loading up select stocks at fire sale prices adding to my positions for qt st nt and lt imo,5 +2021-03-12,us futures are mixed nasdaq in red tmrw is a relatively quiet day with no major economic reports and no ers from my pf do not worry too much abt the nasdaq future weakness sm gwth stocks may still go up to the small percent drop can be easily reversed overnight gn and gl😴🤞,3 +2021-03-14,focus list for next week 🚀🚀 abnb cmlf cciv ocgn apps api gme ttd mstr tsla bigc ai etsy ai tlry snow indices spy spx iwm qqq,4 +2021-03-17,good morning futures flat ahead of the fed mu point raised to dollars 30 from dollars 16 citi stx u and g outperform cowen lyft added to wedbush best ideas list point dollars 5 aa u and g buy db mcd u and g buy db baba alibaba’s web browser is removed from chinese app stores,1 +2021-03-11,good morning futures up qqq raging jd eps beats by dollars .05 beats on revenue cost u and g overweight wfc tsla buy miz point dollars 75 nio buy miz point dollars 0 ge d and g perform opp,1 +2021-03-16,good morning futures up slightly sbux u and g to buy btig aapl point 175 evercore was 163 twtr point raised to dollars 0 from dollars 5 citi ma point raised to dollars 15 from dollars 80 cs x point raised to dollars 5 from dollars 8 citi bynd point lowered to dollars 1 from dollars 4 jpm,1 +2021-03-16,good morning qqq gapping up almost 2 points this should move to 323 to 325 on the next leg higher best to hold above 318 today aapl setting up for a run towards 128 to 130 in the next week lets see if it can lead a move higher again today good luck everyone 😁,3 +2021-03-18,i shut my computer go away for a few hours to enjoy the nice weather come back i see down 150 points and down 400 points 😍 😭 wt what happened what did u all do im loving this pullback because it is healthy correction shopping spree 4 me tomorrow imo,1 +2021-03-01,good morning futures up big as bonds bounce on u and g buy bac plug u and g overweight jpm dkng point raised dollars 3 gs mrna point raised to dollars 82 from dollars 07 chardan apa d and g market perform bernstein,1 +2021-03-12,qqq seeing way high relative volume today its neck and neck with spy which is hasnt traded more than since 2002 notable given its basically flat on the day big tug of war going on,4 +2021-03-30,fb 290 back test entry 295 calls can work shared chart amzn 3060 important 3100 calls tsla to h pattern detected dont short it qqq 318.50 break out its so compressed we should see an expansion soon watch spy qqq levels tech rally should begin soon,2 +2021-03-12,good morning futures gapping down this morning spx needs to break above 3944 to set up for 4000 next week qqq lagging behind again down 5 premarket nvda back to 508 support level possible to see 514520 if it holds this level good luck everyone 😁,1 +2021-03-17,good morning qqq gapping down 3 points if it cant reclaim 318 today possible to see a move back lower towards 313 after fomc tsla gapping down 20 points keep an eye on 659 if it holds 659 it can start to bounce towards 675 under can test 629 good luck everyone 😁,3 +2021-03-25,and that is a wrap wing night mmmm nice hammers on the indexes qqq still weak question now do we push back or is this a head fake see what tomorrow brings have a good night,1 +2021-03-09,they trapped the shorts today and squeezed weak close shaking out longs cpi in the am will be interesting 2 names was all you needed today and they stuck out early tsla and ba i traded tsla nice money tqqq riot amc minimal and a small loss on msft gn,2 +2021-03-09,wrap alert and ideas qqq 307 to 310 greater than 313💰 fb 262 greater than 268.53 💰 apps 68.50 greater than 73.80 💰 nvax 167 greater than 169 tsla 632 greater than 679 💰💰 snow 229 greater than 235 💸 roku flat dmtk 53 greater than 51🔻 others and swings ampg 7.80 greater than 11.70 hi greater than 11💸 ipwr 💸 flgt 86 greater than 112💸 ssnt rmni flat altu 11.50 greater than 10.50 🔻 timestamped,1 +2021-03-25,good morning no signs of a bottom yet qqq down 1.5 premarket if 309 fails it can drop another 3 points into friday qqq needs a bounce above 313 to trigger some buying tsla down 17 premarket keep an eye on 600 next if tsla fails there it can test 575 good luck 😁,3 +2021-03-25,so many big name charts at near or below the 200 sma now wow this area could be a magnet for some names to trade down into tsla for example at dollars 10 nvda is already there amd below 200 sma sq sees it at the dollars 82 level,1 +2021-03-09,watchlist tsla 560 lost 500 puts else 600 calls googl to watch 2000 if that is lost 1950 puts else 2100 calls amzn 2951 holds 3000 calls else 2900 puts abnb 200 calls for next week dis 205 calls for next week as roll up watch qqq i want this to push higher tomorrow and show some strength,2 +2021-03-05,aapl green doji still time for hammer wayyyyyyy oversold msft h and h and above 50 moving average morning star tech leaders wayyyyyyy oversold trading like they will be out of businesses,1 +2021-03-17,so let me get this right amzn at 3150 from 3500 aapl at 124 from 140 tsla at 709 from 880 lrcx at 550 from 600 bidu at 275 from 350 should i go on and on pretty sure the rip will be massive,3 +2021-03-22,dkng loop reiterated draftkings as a top pick pins snap bank of america downgraded snap and pinterest to neutral from buy nke ubs reiterated nike as a top 2021 pick via,1 +2021-03-11,market report 📝 market in confirmed uptrend tech stocks lead gains 5 distribution days on nasdaq and SP500 500 day 5 of attempted rally follow through days usually happen between days 6 to 10 apps grwg beam etsy futu pltr sq tigr twtr closed above the 21 ema,1 +2021-03-27,honestly didn’t think we would see aapl and amzn down double digit percent ytd with the spx sitting at an all time high crazy start to this year,1 +2021-04-05,tsla we own the stock and the car this has been a good earner for us since our entry a small gap up today but price still needs to break above its 50 moving average for the trend continuation to confirm,4 +2021-04-22,i have stocks peaking for trading cycle last week and likely seeking out tcl1 now based on my time and price models spy qqq iwm,5 +2021-04-24,darkside ransomware gang exploits stock price valuation with new extortion tactics details,4 +2021-04-05,and retest to v shape price pattern around the bottom,4 +2021-04-30,wall street ended lower with apple alphabet and other tech related companies weighing on the SP500 500 and nasdaq despite recent strong quarterly earnings reports,1 +2021-04-20,is it worth buying dogecoin and other cryptos simply because they trade at low price points benzinga,3 +2021-04-14,coinbase ipo any predictions for their closing price trying to decide if it’s worth buying the dip now or waiting i honestly don’t think it will reach 250 🤔,3 +2021-04-07,aapl 1 though ndx may make a higher high later this month aapl and tsla etc are working on their respective w 2 2 it is hard to imagine spx and dow to reach the nose bleeding levels that have been tossed around lately without participation of the fruit 3 it is getting ripe,2 +2021-04-26,just one broker aka fintel laugh also it doesn’t account for the otc which is why you have me looks like just about all of our national averages are up for each of the above stocks except for tesla,1 +2021-04-01,i am really worried about all those poor investors who have unknowingly fallen for all the false promises made by made to uptick price with new verve in his i am convicted that he is only interested in self aggrandizing deals,1 +2021-04-29,amzn stock splitting rumor and bullish earnings upcoming dollars price target if earnings are good youtube explanation,1 +2021-04-15,thinking of buying coin what experts are saying after ’s first day of trading,1 +2021-04-14,bitcoin hit a record high ahead of coinbases historic direct listing today based on the nasdaq’s ref price of dollars the crypto exchange will be valued at dollars 5 billion when it hits the public markets the motley fool said that theyre buying dollars m of bitcoin,1 +2021-04-05,today is a big liquidity driven algo rally 100 percent smoke and mirrors breadth just turned negative on the nasdaq chinese tech stocks are leading down looking for another outside day on the ark etf to begin the new month,1 +2021-04-26,amzn daily flagging the upside room to test 3431 3505 rumor is will perform stock splitting as early as the earnings as the earnings this week also expect a good earning and it is not priced in yet wall street consensus price target 3900,3 +2021-04-26,some major and reporting earnings🔥 on the watchlist 📈 mon tsla agnc tue amd ge v googl msft wed aapl ba shop spot fb tdoc ebay thu amzn cat nio mrk mcd gild fri azn xom cvx 🔴 🇺🇸,3 +2021-04-28,aapl is spending dollars 0 billion on buybacks this accounts for 4 percent of the current float is clearly continuing to reduce the float size for larger movements in stock price,1 +2021-04-01,deja vu of the dotcom era the broader market peaked a month after tech stocks both tech and cyclicals now sport three wave corrections on the right shoulder as we see via new lows risk is now aligned on the nasdaq and the nyse to the downside,2 +2021-04-13,nvda making new highs good long term stock here and this will be a inexpensive price a year from now,5 +2021-04-25,apple aapl is currently positive 10.0 percent at dollars 34.32 earnings due wed ah should be good with a positive outlook ms huberty of ms dollars 58 whilst gs dollars 3 yours truly 100 percent leans to katy,1 +2021-04-10,watchlist update to faang animal 🚀 nflx all point hit ✅ amzn all point hit ✅ semiconductors amd 83.3 hit 84.5 missed nvda all point hit ✅ tsm fail 🔻 retail animal 🚀 low all point hit ✅ tgt all point hit ✅ cost all point hit ✅,1 +2021-04-09,its nuanced but the divergence between price of nasdaq dollars 3829 and nasi indicator dollars 7.76 is way wide and intonates that either a lot of weak tech stocks are about to catch up or qqq stocks will catch down my intermarket analysis is my version of a mom smell test 🦨,3 +2021-04-21,i tried to slow down today after up dollars 800 yesterday then got nflx ah at earnings drop up another dollars 195 today try mara and tsla beast all day amazing 3 days green on ib i got small loss on tsla calls my teachers are,1 +2021-04-24,this week needs no mention tsla ups v msft googl shop ba aapl cat amzn nio pins ostk twtr fb let’s play safe and let’s snipe away the right trades 🕺🏼🔪,5 +2021-04-26,megacap earnings googl msft aapl fb may disappoint even if theyre beats given overbought readings following their strong month long run up e g googl positive 15 percent into this week,3 +2021-04-25,net and hubs and ozon and upst interesting weeklies tsla reporting tmrw after the bell snap potentially building an inverse head n shoulders se nvda big tech earnings should drive direction,4 +2021-04-07,qqq not far from breakout levels fang semis hardware and low volume tech already broke out many high growth leaders have put in higher lows and many 50 sma reclaims,1 +2021-04-29,qqq spy xli xlf xlb xlc all on the new highs list today strong sales and earnings from the majors amzn aapl fb googl msft well received overall faang breaking out of solid long term bases,5 +2021-04-12,weekly watchlist for to 📈 have a great week everyone😃 aapl nflx shop amzn tgt adbe fdx qcom twtr lrcx nvda pltr ddog sq spy spx esf nqf,5 +2021-04-19,weekly market watchlist for to 📈 have a great week everyone😃 amzn aapl nvda tsla googl nio crwd baba docu uber amd spot chwy abnb spy esf qqq nqf,4 +2021-04-11,current pos amat snap pins futu si watchlist april 12 to 16 futu grwg hznp love mu pins point on rblx si snap skws tsla yeti zim i go through the overall market spy and qqq and iwo and ffty and my watchlist with set ups and entry points 👇🏽 👍🏽🔁 enjoy,5 +2021-04-26,spx new highs today qqq not far off only a daily basis more high beta high growth stocks and etfs continue to reclaim the 50 sma another bullish technical signal will see if msft googl amzn aapl earnings can provide the catalyst,3 +2021-04-06,qqq leading on the day so far alot of large caps and mega caps in strong uptrends at or near breakout levels fang comp hardware semis already broke out to high growth picking up also with alot of 50 sma reclaims over the last few days,2 +2021-04-26,good morning to everyone playing earnings week aapl tsla amd amzn msft fb nio ba ups pins shop googl qcom twtr x spot tdoc sbux ostk,5 +2021-04-25,do you like charts qqq ffty spy vix gbtc ethe net snap zim rh se twtr pins sam nvda amat smh nue lrcx fb sq upwk futu celh nio twlo grwg pltr apps etsy roku crsr tsla crwd fvrr tdoc sq shop zs point on cour bmbl uber rblx lyft abnb crwd nvcr and more,3 +2021-04-07,good evening the market consolidated after running the past 3 days once qqq can close above 333 it can move to 337 watch to see if aapl fb can lead later this week dkng can test 6772 if it holds above 64 66 calls can work above 64 dkng should test 74 by may have a gn 😁📈,4 +2021-04-09,good evening qqq setting up for a bigger run towards 350 to 355 in the month if it can clear the all time high at 338 keep an eye on 338 for the ath breakout aapl if this gets through 132 it can trade at 136 to 138 in the next 2 weeks 132 calls can work above 130 have a gn 😁📈,4 +2021-04-19,so qqq hit the 8 days spy still above it not a easy day traded clov for a very nice win and a small loss on aapl market saying its tired well see maybe just gravity taking root today,2 +2021-04-06,good evening qqq strong day after breaking the key resistance at 325 qqq is still lagging behind spx qqq can move to 337 to 338 if it holds above 329 amzn setting up for a run towards 3367 if it can break 3275 amzn to 4000 next once it closes through 3500 have a gn 😁📈,4 +2021-04-18,happy sunday here are my earnings season kicks into high gear nflx snap intc ibm results jnj pg ko axp t vz earnings ual aal luv also report to u s housing data may the trading gods be with you 🙏 dia spy qqq iwm vix,5 +2021-04-24,nasdaq growth stocks sell off 2 to 3 times the index the naz was down 13 percent peak to trough as growth stocks sold off 25 percent negative 40 percent last week was tough before a short cover rally friday made it better next weeks earnings will move the index i thank and ibd for tos chart,1 +2021-04-17,do you like charts qqq spy iwo vix ffty gbtc ethe compq nvda net sam rh zim se sq smh twtr nue fb snap lrcx amat pins upst slqt lyft kopn swks qfin qrvo si riot rblx futu den cohu apps uber twtr mu and more,1 +2021-04-15,that is true market up but it is not universal money influx except fang or mega caps that support SP500 most swings are down biotechs micro caps growth names spy qqq,3 +2021-04-29,good evening qqq is close to a bigger breakout towards 350. keep a close eye on the 342 level into friday may 7 345 calls can work above 342 aapl up 4 after earnings if aapl can close above 138 it should test 141145 in may aapl above 145 can test 158 have a gn 😁📈,4 +2021-04-13,nasdaq the index was down a bit yesterday but it was constructive action as the 10 expontential moving average and 21 ema crossed above its 50 simple moving average things are looking better for that index,3 +2021-04-29,happy thursday here are my stocks set for higher open aapl fb surge after blowout results cat mcd ma earnings pm amzn twtr nio earnings ah to first quarter gdp jobless claims may the trading gods be with you 🙏 dia spy qqq iwm vix,1 +2021-04-05,spy reached the target of 406 within the projected time target of late march to mid april whats next analysis of tesla apple and the nasdaq aapl tsla qqq nqf analysis of spy xly and xlv analysis of boeing and microsoft ba msft,1 +2021-04-10,do you like charts qqq spy ffty vix zim snap sq twtr pins sam se fb lrcx rh smh amat upst si orgo ldi slqt rblx futu gm kopn sq twtr roku pins celh crwd point on zs se shop twlo grwg apps etsy upwk pltr fvrr net crsr tdoc tsm tsla nio enph expi and more,3 +2021-04-03,do you like charts spx compqx ethe gbtc vix smh ffty upst zim amat smh rh sam apps celh crsr crwd enph etsy expi futu fvrr grwg net nio pins pltr point on roku se shop sq tdoc tsla tsm twlo twtr upwk zs inmd si lrcx abnb slqt sono gm box lyft dkng rblx zi,3 +2021-04-25,happy sunday here are my aapl msft amzn googl fb earnings tsla amd twtr pins shop also report ba cat ge ups mcd results to fed policy meeting first quarter gdp to biden tax hike proposal may the trading gods be with you 🙏 dia spy qqq,5 +2021-04-30,happy friday here are my stocks set for lower open amzn jumps after blowout results xom cvx earnings abbv azn clx cl also report to consumer spending inflation data may the trading gods be with you 🙏 dia spy qqq iwm vix,1 +2021-04-26,big earnings week priority watches for me tsla ups mmm croc amd msft pin googl v enph sbux spot shop spot aapl fb tdoc logi now hum amzn nio cat,5 +2021-04-02,mega caps had a big week all gaining at least 2 percent nvda was up the most at 10 percent followed by nflx and fb at 7 percent amzn tsla aapl all still below their 50 dmas,1 +2021-04-23,short term analysis of tesla apple nvidia facebook and the nasdaq content aapl nvda qqq and fb are in a wave 4 correction from the march 5 low and getting ready for a 5 wave higher to if qqq is above 324 the wave 5 target is 354 in 4 to 6 weeks,1 +2021-04-07,watchlist for rest of the week hopeful and bullish this week and possibly into some of next week really paying attention to iqiyi paypal tesla apple iq pypl tsla aapl nio ctic kfs bigc gsx,1 +2021-04-22,ug f mat fslr ttd dg fsr ride point amzn a dollars 400 x jpm antm a dollars 25 x barclays fb a dollars 60 x jefferies cmg a dollars 875 x cs googl de dollars 400 a dollars 700 por jefferies,3 +2021-04-04,another fun week starting will b eyeing tsla aapl for continued strength early in week to judge sentiment first quarter bank and energy earnings in following week too xlf xle may see earnings run up am expecting all dips to b bought and dollars 10 spy by apr16 2 percent SP500 gain b4 mayb correction📉,4 +2021-04-29,tsla positive 1 percent pre mkt to dollars 02 following tech stocks higher after aapl and fb earnings crushed ests qqq higher positive 0.9 percent despite higher 10 year treas yields 1.66 percent positive 4.6 bp the fed promised to remain accommodative even with dollars t fiscal stimulus proposed by biden in his sotu address,1 +2021-04-26,tsla positive 1 percent pre mkt to dollars 37 in an action packed week that incl tsla earnings tonight biden’s sotu address wed fed mtg and powell press conf wed first quarter gdp thurs plus slew of corp earnings tue msft goog wed fb aapl thur amzn 10 year treas ylds 1.59 percent positive 3.2 bp spx flat qqq negative 0.2 percent,1 +2021-04-07,everything flat pre market 10 year treas ylds are 1.65 percent negative 0.2 bp spx positive 0.4 percent qqq positive 0.3 percent tsla also flat pre mkt with SP500 500 at 23.2 times fy’21 eps 4.3 percent e and p stocks look cheap vs 1.65 percent treas ylds traders’ focus will turn to first quarter earnings starting next week with fang and mt likely strong,1 +2021-04-08,nasdaq nears highs with growth plays back apple shopify square tsm among 14 stocks to watch as breakouts early entries and set ups flourish heres what to do now aapl shop fb googl tsm sq amzn w hubs etsy adbe,5 +2021-04-12,nvda made a big move today off some news couldnt quite take out aths but will be watching for that now over 615 can see 624 647 next spy amzn aapl ba nflx shop tsla amd roku fb bynd pypl docu crwd etsy sq msft baba zm,4 +2021-04-29,tomorrow could be a very interesting day amzns results were great but so were aapls and msfts aapls stock gave up all of last nights gains and msfts stock has clearly rolled over and amzns stock is losing a lot of its initial after hours surge,2 +2021-04-24,what a huge week coming up in markets aapl amzn msft googl fb tsla amd brka v shop ma just a few of the giants reporting make or break,1 +2021-04-25,busy eps week top 5 spx names reporting aapl msft amzn googl fb 22.4 percent of spx to all reporting in one week which has only happened 4 other times,5 +2021-04-21,big day served up free tons of winners tsla at 709 thru 712 725 740🎯 dkng now 58.75 🎯 fsr 15 viac disca we called bottom🤭 nio can’t shake us at 35 now 39 plug 🔌 gr8 day just can’t short a market with aapl 132 i rest my case have a great night🔥,5 +2021-04-12,qqq tech has been hot and can continue higher over aths at 338.19 targets above at 340 345 350 near term support at 334 spy amzn aapl ba nflx tsla dis amd roku nvda fb bynd pypl docu crwd etsy sq msft baba zm,2 +2021-04-24,there’s no doubt market could use a pullback no substantial red weeks since february imo but if they keep buying large cap tech u can’t fight it bc if amzn can run to 3600 aapl 150 indexes will follow,3 +2021-04-25,qqq not at aths but with so many big tech names reporting this week we should have a good idea where they want to take it not as strong as dia and spy,3 +2021-04-12,put on a show 🍿 for the private feed today nvda 39 total points tsla 687 greater than 703🎯 then down to 693 positive 26 msft 257.25 aapl is my bitch mrna 136 fdx 292🎯 lulu 321 and much more do u want more tomorrow or not🙄,1 +2021-04-06,aapl stronger today if it closes through 128 it can run towards 132 sq setting up for a move to 246 if it can close above 236 this week qqq red to green keep an eye on 333 if it can hold above this level through friday it should test 337 to 338,3 +2021-04-13,i get nervous again when we see nasdaq above 14000 SP500 at aths and stocks just going up again for mostly no reason other than earnings anticipation earnings have to be on point or i still hold 3000 of tsla so this isnt a ploy or wish for the stock to dip,2 +2021-04-25,watchlist top picks lyft uber snap pypl nvda on watch ma twtr etsy futu earnings fb aapl nio msft amd all charts up glad to be back lets kill it this week 🙏📈,5 +2021-04-08,powell speaking at 9 am pst lets see if he moves the market spx basing above 4081. it should break above 4100 next sq back near the highs sq can test 262 tomorrow if it close above 252 aapl down 1 from the highs if this can move back near 130 it can test 132 this week,1 +2021-04-08,good morning qqq gapping through 333 resistance it looks like it wants to test the all time highs at 338 by next week lets see if qqq can defend 333 aapl gapping through 128 possible to see 132 if it holds 128 today nvda should move towards 600 this month gl 😁,4 +2021-04-26,upcoming earnings 🔋 today tsla 🖥 tuesday msft amd ups v googl sbux mmm lly 📱 wednesday aapl fb shop spot ba cme tdoc logi 📦 thursday amzn mcd twtr mrk nio ostk cat 🛢 friday xom cvx clx azn abbv,5 +2021-04-05,tsla puts up a big delivery number but gm is up on the day positive 5.6 percent vs tsla positive 4.4 percent qqq with a big move higher fang names low p and s tech and semis all breaking out but etsy ddog point on enhp coup snow all down on the day an interesting message from the market early in second quarter,1 +2021-04-15,nvda running it should test 652 by tomorrow it just needs to defend the 640 level fb wants to move to 314 to 316 next qqq spx strong bounce from yesterdays sell off spx 4200 coming,1 +2021-04-09,good morning spx needs through 4100 next to set up for 4132 next week under 4063 can test 4023 lots of stocks gapping lower this morning if aapl can reclaim 130 it can test 132 on monday shop id wait for 1217 to consider calls good luck everyone 😁,1 +2021-04-19,good morning small gap down this morning in the market possible to see more chop into wednesday if qqq stays under 342. if it fails at 338 it can test 333 amzn keep an eye on 3434 this week if it breaks above it can test 3500 quickly good luck everyone 😄,4 +2021-04-13,good morning qqq gapping through 338. if qqq holds this level it should test 341 to 345 next possible to see 350 this month tsla close to a breakout keep an eye on 714 for this week above can run 40 pots amzn jeffries point at dollars 700. 3500 coming good luck 😁,1 +2021-04-23,good morning futures mostly flat aal u and g market perform rj skx u and g overweight ms qrvo point raised to dollars 20 from dollars 90 piper tsla increases model 3 and model y prices again khc d and g neutral piper,3 +2021-04-09,good morning futures mixed qqq weak msft hackers scraped data of 500 million linkedin users jnj north carolina halts covid shots on adverse reactions pm u and g overweight jpm okta u and g buy btig ccl u and g outperform cs,2 +2021-04-08,aapl to watch 128.50 important level to watch amzn 3250 backtest can work tomorrow for the 3300 calls what a performer this week sq to follow chart shop 1140 b and t or 1170 break nvda 563.50 b and t best,5 +2021-04-30,good morning futures down slightly amzn no split shocker point raised to dollars 500 from dollars 350 jmp azn eps beats by dollars .66 beats on revenue txt u and g outperform baird twtr point lowered to dollars 6 from dollars 1 piper bmy d and g equal weight ms,2 +2021-04-07,not surprised to see a pullback after three gap up days on the nasdaq looking for add on buys or to start new positions in rblx upst si apps snap,2 +2021-04-22,stk go up and down i’m not bullish and bearish i trade what i see i see a lot amzn hit 3536 15 into mon morning dropped nonstop on 3 upgrades had tsla 770 bought yesterday sold at open for double and why did you sell sam because sams 752 harder than you 1 time w pre wifey,1 +2021-04-22,good morning futures mostly flat aapl apple working on imessage upgrades to compete with whatsapp fb fb point to dollars 60 from dollars 50 jefferies twtr point o dollars 6 from dollars 9 jeferies f u and g outperform wolfe fsr d and g sell gs ride d and g neutral gs,3 +2021-04-30,good morning qqq gapping under 338 lets see if it can bottom at 337 and move back towards 340 to 341. under 338 can test 333 amzn down 120 after moving to 3667 after earnings watch 3554 needs back above to test 3580 to 3600 tsla to 629 can come if it fails at 659 gl 😄,3 +2021-04-27,choppy day so far qqq failed at 342 it needs back above to set up for a bigger run if qqq breaks under 338 we can see another 3 to 4 point drop amzn 3434 tough if it can close back above 3434 it can move towards 3500 tomorrow baba setting up to test 241245 next,1 +2021-04-15,so yesterday we were weak today we gap up and go to aths qqq spy dia few names participated amd nvda were the the best tlt bonds huge bounce 1 trade for me amd today im ready to have a drink and relax ahead of opex tomorrow anyone enjoy your everyone,5 +2021-04-22,it looks like we are at the point where the rubber is about to meet the road the nasdaq is building a large cup w handle base even ffty ark funds and the russell are base building can they hold and breakout can stock setups proliferate we should get that answer fairly soon,4 +2021-04-22,good morning qqq keep an eye on 341.40 the next time it closes through this level on the daily it should trigger a bigger run in tech qqq can test 350 in may tsla if this can get through 752 in the first 30 min we can see a run to 370 se can test 252 next week gl 😁,1 +2021-04-13,quite the melt up today spy qqq aths breadth not good aapl made my day tomorrow we start earnings season plus powell and coin should be wild time to get out for a walk,1 +2021-04-14,qqq weak from the open spy almost a earish engulfing candle volume pathetic snap ubeer and spxl 3 trades for wins today that was it no coin i dont feel lke cooking equals have a good night,1 +2021-04-07,indexes act well with aapl amzn fb leading the way the breadth however in everything else stank we have to plgs now from my pov 1 social media fb pins snap twtr 2 semiconductor equips still very little traction have to be precise with entries and respect risk,3 +2021-04-26,this is a huge week for earnings including tsla nio googl msft amd fb aaplamzn rcl and many others a stock can go either way in a big move and theres nothing you can do about it thats what gaps are pockets of air that have no mercy pros manage risk newbies gamble,5 +2021-04-05,while fang was strong and spy qqq trending growth still lagging many beta names like ttd shop and other growth not yet ready msft googl fb aapl leading the market rally off course they make up most of the market anyways,2 +2021-04-03,absolutely insane week set up now wowo 916 thousand jobs rips abnb amzn googl lrcx break up amat investor day 1 time in 3 year s nnox approved anod now barrons cover says fb undervalues wowo 321 on fb fast join us be ready,1 +2021-04-05,1 5 april alerts and ideas mara 46 greater than 55💰 tsla 655 715 💰 msft 240 greater than 249 💰 googl 2145 greater than 2228 100 percent 2200 calls 💰 fb 300 to 305 greater than 310 100 percent 310 calls 💰 spy and qqq guidance alerts spy 398 406 💰 qqq 317 331💰 others ampg ssnt all timestamped,1 +2021-04-25,big week of earnings coming up monday tsla aci amkr tuesday goog msft amd pins sbux v ups ge mmm bp rtx wednesday ba shop spot fb aapl qcom tdoc logi ebay mgm thursday amzn nio twtr friday xom cvx clx azn abbv,5 +2021-04-01,oh my wifey not going to work as shes soooo happy are you smiling morning fun tsla amzn googl snow shop nvda twlo fb bidu qs roku lrcx amat if you bought at inflection point you are smiling if you follow losers you are crying simple,1 +2021-04-30,googl hit 2431 on earning days down 82 shop hit 1302 on earning day down 102 aapl hit 137 down 4 fb hit 332 down 7 nothing holds if they implode mkt in next few week all down 10 to 20 percent action is action,1 +2021-04-10,watch list rblx pins se si apps mu sq algn fnd slqt snap earnings wl none good luck this week folks lots more setups and bases now 🦆📈🦮💪🏻🇺🇸,3 +2021-04-19,roth update aapl 11.1 percent amd 4.5 percent arkg 2.2 percent asml new 3.3 percent betz 3.75 coin new 2.6 percent fb 1.6 percent msft 8.3 percent nerd 2.3 percent nvda 6.6 percent point on 3.1 percent qcom 2.1 percent qqqx 3.5 percent qyld 10.9 percent se new 2.7 percent shop 9.3 percent sq 3.2 percent subz 2.6 percent tsla 9.3 percent tsm new 3 percent vgt 3 percent,1 +2021-05-23,why does stock price top in tsla correspond with massive weekly rise in doge 🤣 not advice dyor,2 +2021-05-19,whats your price prediction for cciv stock end of week,5 +2021-05-18,tesla stock to drop below dollars 00 as of the current share price of dollars 80 tesla shares are still very overvalued about 65 percent overvalued why pay more when you can wait and pay less tsla,1 +2021-05-21,tim hatamian ceo of plemco ev charging station subsidiary of sirc tells money tv that he sees consolidation and more price competition ahead for ev charging station industry tsla blnk,4 +2021-05-18,now everything looks bearish but keep in mind tomorrow is vix expiration plus fed minutes and a bond auction i don’t think they’ll make it that easy any other week but opex i scalped short today made a couple hundos 😆,3 +2021-05-23,have you heard nvda stock is having a 4 for1 split price goes from dollars 00 to dollars 50 jump on the bandwagon and hold for price rise im tryin to tell ya,1 +2021-05-23,nvda this price will go fr dollars to dollars 50 im tryin to tell ya,1 +2021-05-23,have you heard nvda stock is having a 4 for1 split price goes from dollars 00 to dollars 50 jump on the bandwagon and hold for price rise im tryin to tell ya,1 +2021-05-08,no stock split in last 41 years berkshire hathaways stock price ready to break nasdaqs systems i think warren buffett is trying to prove the statement no price is high for bull,1 +2021-05-11,first there was a print at 8 pm at dollars 19.914 second came the dip third came the reversal and buy forth came another buy and break of the printed price fifth came the profit doing it while trading net change positive 1.71 bucks on spy,1 +2021-05-03,7 reasons why people lose in the,5 +2021-05-03,7 reasons why people lose money in the,1 +2021-05-25,nvda declared a stock split on may 21 2021 to be executed on july 20 2021 additionally over the last 12 months nvda has increased 71 percent while its peers in the semi industry increased 45 percent get nvda at the split price dollars 50 it is now dollars 00,1 +2021-05-10,qqq spy spread is way too stretched regardless of market direction long qqq short spy 2 to 3 weeks out should get some reversion action,2 +2021-05-27,from the trading floors equity index futures are mixed with the dow up the nasdaq down financials industrials and materials are upside leaders tech and energy are lower to crude gold and silver lower btc dollars 9.5 thousand vix is 17.54,2 +2021-05-10,going to call it a day nearly 290 points mfe on about 8 points mae tried to catch the bottom and got stopped twice for small losses good day none the less hope everyone had a great day qqq,1 +2021-05-25,ibm stock price has grown 15 percent year to date,5 +2021-05-02,just did a price on tsm stating they are producing which process 30 percent faster than intel watch something big happen to the stock price this week,1 +2021-05-13,bull vs bear,4 +2021-05-10,that was an ugly close on the lows of the day another nasdaq hindenburg omen will likely trigger today wont know until tomorrow this will be the fourth one since march deja vu of last year,1 +2021-05-13,the nasdaq which comprises of high flying stocks like apple microsoft amazon google has been bludgeoned for various assorted reasons assuming one is bullish about the long term prospects of these stocks the time is opportune to buy the nasdaq100 etf,1 +2021-05-18,market recap china amazon and tech used to be sources of deflation not anymore and bears are piling up against tesla and why did memory stocks spike today and charts spy qqq iwm dxy gld btc eth doge aapl tsla vix tlt,1 +2021-05-24,fun day on links and on wall st amzn 35 and chop until 3258✔️ tsla 580 positive 20 and bonus 12 nvda 🐎 is basically american pharaoh pltr live 1 percent move ba 238 dropping 60 on em 🏀 have a good night,4 +2021-05-24,qqq update price action around inflection points what to look for a several times tested trend line is usually reliable if it overlaps with a long term average and you see some kind of reversal candlestick hammer doji bullish engulfing it offers a low risk entry,3 +2021-05-03,aspirational tech to i e recent ipos to remain on the relative low list the software rally also tepid and semis havent made a new high in 10 weeks but the fed and earnings and chip shortage when things dont work out as they should pay attention,2 +2021-05-04,fell 0.54 percent to end at 33875.31 points while the SP500 500 lost 0.72 percent to 4181.22 tech stocks struggled after their wall street peers came under pressure on monday 342,1 +2021-05-09,weekly watchlist atvi over 96 point 98 99 googl over 2382 point 2396 2420 cat over 242 point 244 246 tsla below 650 point 642 637 nflx below 490 point 486 480 point on below 80 point 78 76.5,1 +2021-05-01,nflx in uptrend price may jump up because it broke its lower bollinger band on april 21 2021 view odds for this and other indicators,3 +2021-05-17,very slow day scalped tsla a few times but spy bipolar and indecisive so going to go back to bed here to avoid trouble come back another day when things are cleaner and easier gl all,1 +2021-05-02,amzns price moved above its 50 day moving average on april 5 2021 view odds for this and other indicators,1 +2021-05-13,the nasdaq 100 is down 7.4 percent and the average stock within the index is off by 15 percent note the divergence that was developing into the high as stocks began to bleed before the index topped out qqq,2 +2021-05-29,qqq and aapl and amzn and nflx put my thoughts on each of these charts i see red flags and wonder are we just seeing rotation or are these indicating something i have no idea and dont need to know,5 +2021-05-11,aapl daily 200 sma touch between the .618 and .786 fibs important for the indices and my intermediate term counts to see this big boy get moving upwards,5 +2021-05-14,closer look at indices dia spy both hold onto their primary uptrends this week iwm qqq are the weakest as they broke below their 50 simple moving average and struggling to get back up iwm might be forming a bear flag qqq is working on building a falling wedge more notes on chart 👇,2 +2021-05-24,qqq spy strength is market is notable today vix once again under 20 nasdaq reclaimed 20 and 50 ema on daily needs to hold 329 for continuation qqq chart,5 +2021-05-20,qqq took out big horizontal spot today and awesome action in a lot of names off open now we at this declining 20 expontential moving average and flat 50 simple moving average if we can get above there should get more and more setups and better price action need to see reaction here,3 +2021-05-19,spx still holing 50 sma test for now and spx qq holding over last weeks lows some upside follow through into the close would help,4 +2021-05-10,qqq holding everything back loses 50 simple moving average likely going to fill gap retail oil financials breakouts failing wge failed at emas on nasdaq and going to be tough market until can take back thought cyclicals might hang in if growth overdone but if today was any indication,1 +2021-05-25,dow gains 186 points nasdaq rallies 190 points on the back of strong performance of microsoft apple cisco etc trade driven by inflation anxiety relief evidence that inflation fears were calming in the bond and commodity markets began to drive the stock market,1 +2021-05-11,global market insight us markets fall as tech stocks drag down market nasdaq loses 2.5 percent surging commodity prices throw concern about inflation nasdaq slide 350 points dow fell 35 points after surging 300 points,1 +2021-05-25,global market insight strong bounce in the us markets dow climbs 186 points tech and reopening stocks lead gains nasdaq positive 190 to 13661 us manufacturing pmi increased to 61.5 in the first half of this month which is the highest since october 2009,5 +2021-05-19,dia and spy testing last weeks lows iwm and nasdaq showing better relative strength looking for reversalsmuch better odds of reversals in small caps and nasdaq names today,2 +2021-05-06,qqq nasdaq reclaimed hod and bullish clouds over 10 min needs to hold 329 for push for tech vix back under 20 good sign for today spy turned bullish needs to hold 416 for the day,1 +2021-05-28,heres a look at price charts for the mega cap tech and consumer tech stocks fb goog msft in uptrends the rest are either in sideways trends or near term downtrends,3 +2021-05-07,global market insight us markets closed higher as banks technology lead a broad rally dow touches new high in last hours goldman sachs ibm and cisco system supported after 6 days nasdaq turns positive apple microsoft and intel were among the winners,1 +2021-05-02,weekend video exciting week ahead updated charts and ta for aapl amzn es fb goog iwm msft nq nvda nymo qqq roku se snap spx tsla vix xlf zm,5 +2021-05-25,qqq top holdings 51.68 percent of total holdings large percent aapl 11.09 percent msft 9.70 percent amzn 8.61 percent googl 3.99 percent fb 3.94 percent tsla 3.63 percent goog 3.60 percent nvda 2.80 percent pypl 2.29 percent cmcsa 2.02 percent,5 +2021-05-03,weekly market watchlist for to 📈 have a great week everyone 😃 aapl tsla nio nflx dis hd unh nvda bidu gs jpm wmt cost fdx amzn spy spx qqq esf nqf,5 +2021-05-08,do you like charts qqq spx ffty gbtc ethe rvlv nue stld fcx atkr vale aso lpx den fdx crox ups de yeti zim rh goog fb roku grwg apps etsy upwk sq net crsr shop crwd twlo zs tsla expi enph se nio pins fvrr point on twtr tsm tdoc pltr celh futu more,3 +2021-05-03,happy monday here are my stocks set for higher open to fed chair powell speaks to ism manufacturing pmi irbt el chgg mos earnings climbs above dollars 000 may the trading gods be with you 🙏 dia spy qqq iwm vix,5 +2021-05-05,good evening spx almost bounced 40 points from the lows if spx can defend 4149 tmrw it can move back towards 4190 to 4200 by the end of the week spx under 4098 can test 4000 amzn setting up for a bounce toward 3367 to 3388 if it can hold above 3300 3400 calls can work have a gn 😄📈,4 +2021-05-07,were now working on three full quarters of underperformance from nasdaq stocks qqq to which to be clear is not the stock market its a bunch of large cap u s growth thats all it is which aint much its a bigger world out there,2 +2021-05-11,good evening qqq setting up for sell off towards 318 next if it fails at 323 this week if qqq can reclaim 333 it can test 338 tech stocks not ready to bounce yet be patient tsla possible to see 600 next if it fails at 629 tsla under 589 can test 550 have a gn 😄📈,3 +2021-05-02,do you like charts qqq spy iwo vix ffty zim cpe fb nue net snap rh lrcx nvda sq amat smh se pins twtr shop futu apps crsr expi zs pltr se grwg upwk point on tsla roku celh twlo fvrr nio crwd etsy tdoc dash vzio gs lyft cpe wsm sstk gnrc den abnb hznp,1 +2021-05-22,do you like charts qqq spy vix gbtc ethe ffty gato rblx path swav apps crsr tdoc futu se nio grwg sq tsla aso fdx stld yeti goog zim crox fcx rh wsm den rvlv point on celh pltr net roku crwd etsy pins twlo enph shop zs twtr tsm expi upwk fvrr and more,1 +2021-05-31,do you like charts qqq spy gbtc ethe vix zim vsto upst tgls stld rblx path nvda lrcx fnko f den crct aso app amat grwg futu expi upwk nio zs sklz fvrr sq pltr celh point on net tsla pins twlo tdoc twtr apps crwd tsm roku se shop enph crsr etsy and more,1 +2021-05-18,happy tuesday here are my stocks set for higher open to tech shares rebound wmt hd m earnings ttwo bidu se also report to u s housing data may the trading gods be with you 🙏 dia spy qqq iwm vix,5 +2021-05-01,nasdaq the index was down 0.39 percent last week it was up in april and the 13 percent drawdown is in the rear view mirror it is back in a power trend and formed a nice cup 3 weeks tight pattern in lighter volume it was mute to big cap tech earnings i thank for the tos chart🙏,1 +2021-05-04,happy tuesday here are my stocks set for lower open pfe cvs earnings pm lyft atvi tmus sklz earnings ah surges to dollars .49 cents tops dollars 400 may the trading gods be with you 🙏 dia spy qqq iwm vix,1 +2021-05-19,wall st closes lower tech shares bounce off session lows djia negative 0.48 percent 164.62 points at 33896 nasdaq negative 0.03 percent 3.90 points at 13299 SP500 500 to 0.29 percent 12.15 points at 4115,1 +2021-05-15,technical analysis of apple tesla nio nike qqq spy amazon microsoft disney airlines and oil content to why spy put in an important low at 404 update on aapl googl msft amzn tsla baba nio fsly to update on dis ba aal ccl xle cvx,1 +2021-05-21,notes for qqq rejects off the 20 day kris longs a few etfs encouraging signs but still a waiting game quote patience is something you develop as you grow more confident in the markets,3 +2021-05-13,narrow dow rally nasdaq and russell bounce anemic arkk flirting with new low negative 38 percent from the highs names like dkng and fvrr down 40 to 50 percent past leader plug is down a whopping 74 percent many stocks down positive 30 percent pundits screaming buying opportunity not impressed still holding cash,1 +2021-05-29,semiconductors carrying the rest of members qqq for exception fb googl and few others everything else didn’t participate in the last rally and still under macro supply ie aapl nflx amzn etc something to keep an eye on next week,1 +2021-05-06,weekly update of apple tesla nio qqq facebook nvidia travel stocks nike pfizer and bitcoin content industrial and consumer setupus aal ba nke ccl pg why im looking for qqq to rally with fb aapl tsla and nvda mic shopping this weekend,5 +2021-05-05,works great so far vanna push to 4179 and once over is the line for the bears 20 day ma is the line for bulls nasdaq struggling end of day push will probably be decisive great analysis👏👏,5 +2021-05-12,technical analysis of tesla apple the nasdaq SP500 500 amazon bitcoin palantir microsoft facebook and google content to why msft fb googl nvda and amzn show more upside to full count of spy to analysis of btc tsla aapl aal pg pltr and bynd,1 +2021-05-11,choppy day initially began with weakness in tech heavy nasdaq but energy ended up lagging most given tech’s reversal materials able to eke out slight gain while defensives broadly weak…large cap value led to downside but performance since early march hasn’t been dented much,2 +2021-05-20,wall st closes higher as tech rallies djia positive 0.55 percent 188.11 points at 34084 nasdaq positive 1.77 percent 236.00 points at 13535 SP500 500 positive 1.06 percent 43.44 points at 4159,1 +2021-05-11,futures fall after wild session big inflation report due tesla apple roblox among 8 stocks at key levels tsla aapl fb rblx trex nvda hzo gs,1 +2021-05-11,spac bubble burst ipo bubble burst tesla bubble burst cathie wood bubble burst bitcoin and nasdaq bursting dow and SP500 last man standing soldiers are leaving the battle generals are still fighting let’s see how much they can fight,1 +2021-05-03,tsla negative 0.9 percent pre mkt to dollars 03 following positive 4.8 percent jump friday equities higher spx positive 0.5 percent qqq positive 0.3 percent with 10 year treas ylds flat in front of more first quarter earnings reports this week mtch pypl sq uber cvna nkla and april jobs this friday congress starts work on infrastructure bill,1 +2021-05-01,the major indexes ended little changed last week yet it was a tough time for buying stocks on the plus side several stocks had constructive pullbacks including apple tesla nvidia cloudflare and idexx labs aapl tsla nvda net idxx,3 +2021-05-07,spy strong close today liking this candle close just over 419 level if we see a move over aths 421 can spark a rally fibonacci levels 424 427 amzn aapl ba nflx tsla amd roku nvda fb pypl docu crwd etsy sq msft baba zm,5 +2021-05-18,one large warning sign for me when we’re near tops is watching companies destroy earnings and then the stocks drop we saw it in big tech a couple of weeks ago with googl fb and aapl all down from those huge beats now we’re seeing it in retail with stocks like m today,1 +2021-05-17,point72 adds amat expe crm sgen sq wat iq fdx in first quarter 13 f point72 reduces googl amd lvs azo acgl jd msft in first quarter 13 f point72 exits lly fisv dis iqv spgi bhc zs in first quarter 13 f,5 +2021-05-05,approx dollars bil in moc vanna flows for the kick save and then algo driven ah flows we’re now seeing more vanna flows are likely on their way tonight into tomorrow am but with out more ndx strength and an es rally above the 4179 ese will continue to be dealer flows albeit,3 +2021-05-13,so it took tech stocks like tsla fb aapl nflx amzn goog about 9 months to reach overvalued status and just 48 hours to reach oversold status gotta love the market,3 +2021-05-03,nflx tight range after the gap down on earnings keeping a close eye for a bigger move out of this range over 516 can see 525 535 under 500 can see 491 480 spy amzn aapl ba tsla amd roku nvda fb crwd etsy sq msft baba zm,3 +2021-05-10,today is the 15 day this year with a move of 2 percent or more in the nasdaq and they werent all moves down inflation jitters ahead of cpi numbers on wednesday but remember the fed targets average inflation not one time inflation and they use pce not cpi,1 +2021-05-24,upst rblx path app ddd pltr snap glbe dash wow hyre fnko skyt nvda some of the special sporty names flaring up recently have a plan for the dips and the rips,3 +2021-05-24,well back to the drawing board so far qqq and spx spy negated last fridays bearish rejection at highs all above 20 displaced moving average qqq weekly inside up nothing bearish atm,3 +2021-05-07,glad to see roku get back on track so far sq net too to much better market reaction to tech earnings today to any stability in the high beta stocks should help qqq overall,4 +2021-05-21,amazing week nvda 🐶 and daily walk thru all the way 🆙 amzn tsla levels viac 38.5 now 42.4 fsr 10.25 greater than 13 aapl walk thru to 128 and lod today ba every step from 224 📈 now positive 12 amd 72 now 77 tell your friends to be here monday followers broke 8 thousand resistance 10 thousand next👀,5 +2021-05-02,qqq cup and handle pattern intact but below the 8 days and great earnings sold cmf study shows money flowing out 21 days close loose that may drop fast selling in amd amzn very concerning to me,2 +2021-05-06,morgan stanley trading flow suggests were getting close on large cap quality as megacaps such as fb googl msft aapl csco and cmcsa likely have limited downside from here high ev and sales and growth software may take time with positioning still elevated,3 +2021-05-26,experiences are helping me understand the flow in stocks as well amzn and aapl are the two most important qqq stocks both daily charts are much weaker leaders trade sideways while the alt smaller stocks get attention,4 +2021-05-17,despite the recent pullback the nasdaq and tech are poised for a steep run into the top both semis and the faang stocks will lead the run smh semi etf looks great and is poised to run to at least dollars 00,4 +2021-05-18,good morning qqq gapping up 1.5 if this can move back to 327.50 it can test the 329 resistance if qqq breaks under 323 it can test 318 googl setting up for 2342 if it closes above 2300 into thursday nvda close to a bigger breakout to 600 keep an eye on 574 gl 😄,3 +2021-05-13,good morning qqq in a range for now but if it can reclaim 323 we can see another 2 to 3 point bounce into friday more buyers can step in above 325 tsla gapping up near 600 as long as 589 holds tsla can move back towards 644 next week aapl 120 puts can work under 122 good luck 😄,3 +2021-05-19,spy qqq another red open for market as btc sells off vix over 25 needs to stay under for market push or uvxy calls will be in play few names broke support or rejected right before breakout areas daily charts getting uglier like ttd tsla nflx etc growth gap down as well,1 +2021-05-13,the market held so far today spx reclaimed 4098 if it closes above 4116 we can see another bounce tomorrow googl setting up for 2254 tomorrow if it closes near the highs shop amzn still very weak harder trades for the upside,2 +2021-05-24,jp morgan internet coverage to top picks amzn fb point on lyft googl twtr mega caps overweight amzn dollars 600 fb dollars 90 googl dollars 875 nflx dollars 00,5 +2021-05-25,good morning futures up qqq leading ba smbc aviation capital orders 14 boeing 737 max jets goog germany opens google antitrust probe official afp cgc u and g buy mkm shak u and g buy gs stay d and g neutral macquaire,5 +2021-05-06,for small and midcaps track iwm or russell you will see the sentiment for spy names vix is important but usually also shows overall market sentiment inverse today vix back over 20 means to fear and selling qqq nasdaq 100 for tech iwf growth names,3 +2021-05-20,good morning qqq strong gap up this morning if this can hold above 323 it should make a move back towards 329 by next week puts can work under 318 nvda close to a bigger breakout 9 point gap up this am watch to see if this can break above 574. it should test 615 gl 😄,3 +2021-05-04,good morning futures down slightly mostly flat mstr int outperform blair ba u and g market perform bernstein aap u and g buy gs ntnx u and g overweight jpm intc to invest dollars .5 billion to expand new mexico manufacturing operations,3 +2021-05-12,good morning bigger gap down again on inflation numbers if qqq breaks under 318 we can see tech continue to sell off its possible to see 309 to 313 next before we see buyers step in tsla under 589 can test 575567 next nvda id wait for 574 to consider calls gl 😄,1 +2021-05-04,ffty and nasdaq coming in fairly hard this morning suggest to at the very least to we still need to build the right side of bases this is likely true for most stocks in bases as well the action in arkf is starting to look a bit ominous we need to see supportive action soon,3 +2021-05-06,qqq fast pop after dropping to 326 again if qqq holds 330 it can test 333 spx still on track to test 4200 held 4149 support today good sign for the upside amzn back near 3300 if we see tech run tomorrow amzn can test 3367,3 +2021-05-19,the funny part of trading is clowns dont understand mkt is bullish then something changes all techs down while spx even shop pops but googl lower w amzn tsla drops sams loads puts sells shop load tons of tsla puts w spx puts mkt dives 35. watch movie knowing,1 +2021-05-14,good morning qqq gapping up 3 premarket if this can break above 323 it can test 325 today amzn setting up to test 3242 if it breaks above 3200 aapl possible to see a move to 128 today if the market can start to bounce good luck everyone 😄,3 +2021-05-07,good morning nonfarm pay roll numbers much lower than expected at 266 thousand vs 978 thousand estimate qqq setting up to test 338 to 341 by next week googl should test 2400 if it breaks above 2374 next calls can work above 2374 amzn above 3367 can run towards 3400 good luck everyone,1 +2021-05-10,down another 330 points up another 100 points last several weeks we have been noticing unique patterns normally both would be up or down but the constant bear raid on nasdaq listed stocks is puzzling tells me valuations does matter based on fundamentals imo,2 +2021-05-19,good morning spx if this fails at 4063 we can see a drop to 4000 next qqq can drop to 313 before we see a bounce tsla very weak this can drop to 500465 if it closes under 550 for the rest of the week nvda to 534525 coming next if it stays under 542 good luck 😄,1 +2021-05-11,good morning futures down tech down big shop u and g buy loop cap atvi u and g outperform bmo coin init a buy oppy point dollars 34 nke u and g buy jefferies point tlry outperform cowen dow d and g neutral gs,1 +2021-05-05,on the heels of a distribution day yesterday so far its been a piss poor rally attempt from the nasdaq and even qqq arkk the dow and cyclical breakouts are leading and making headlines while much of the broader market is still in a consolidation that started in february,1 +2021-05-06,some of the largest stocks that hit new 1 month lows at some point today microsoft msft amazon amzn tesla tsla paypal pypl adobe adbe netflix nflx salesforce crm shopify shop square sq airbnb abnb uber amd zoom zm snap snowflake snow coinbase coin spot twtr,5 +2021-05-14,spy qqq spy reclaimed 20 ema with vix under 20 so good for spy qqq trend day but still in bearish territory needs to reclaim 50 ema iwm small caps strength today xbi biotech holding 125 is key need to see continuation into next week,3 +2021-05-12,below 200 days aapl amzn amd nflx shop ttd twlo point on below 100 days above 200 days qqq smh nvda tsla roku mu lrcx pypl sq se tsm below 50 days msft still above 50 days fb googl,1 +2021-06-03,tesla stock tesla 7 days hot streak of dollars 00 price ended today worst day since may 10 tsla,1 +2021-06-09,tesla stock price and volatility down 1 percent today and under dollars 00 price tsla,1 +2021-06-14,truist securities analyst youssef squali raised the price target on amzn to dollars 000 from dollars 750 while maintaining a buy rating he always kept his price target above the the stock price,1 +2021-06-01,nq qqq showing a bit of weakness might we have a small time frame shorting opportunity for a quick trade when price gets up to dollars 34 on qqq,3 +2021-06-11,blue pltr orange tsla price trend analysis between pltr and tsla shows an interesting recent divergence market alpha is a new stock market app focusing on high impact news feed watchlists and technical charts check out more at,4 +2021-06-28,stock pick from 3 weeks ago msft has hit price target 2 🎯🎯,1 +2021-06-21,nvda target price 702 666 1 semi usually pulls back at the end of june 2 nvda stock splitting usually stocks pull back afterward 3 the graphic card price in china is dropping due to lower crypto mining demands,2 +2021-06-16,stock pick from a week ago msft hits price target 1 🎯,5 +2021-06-23,slowly but surely 🤑🚗 tsla not reach this price in one day 👍🏻 cciv lcid,1 +2021-06-17,stock pick from last week aapl hits price target 1 🎯,5 +2021-06-15,police bodycams aapl news major product launch or an announcement of an updated iphone companies must rept earnings every quarter anytime u see a stock on the move check its earnings rept release date if the rept is only a day or 2 old it’s likely driving the price up and down,1 +2021-06-15,from the trading floors equity index futures are mostly up small with the nasdaq lagging energy health care and financials are upside leaders in the SP500 tech which had been higher has dipped fractionally into the red crude is up btc dollars 0.3 thousand vix 16.69,2 +2021-06-08,big three 1 hard to imagine the market would give up while the big three techs are rebounding 2 msft amzn and aapl are all working on their respective retrace from the previous decline 3 time wise and price wise they all look unfinished aapl has the look of a bear nest,2 +2021-06-15,nio limited on 60 minute s nio is an evcar manufac inchina aft its ipo in oct2018 the stk price didnt make signif gains was expected it 2 rival tsla but lacked astrong catalyst feb2019 that catalyst came “60 minute s” featured it the stk surged fr dollars to greater than 10 in 2 day s,1 +2021-06-15,tesla ceo smokes pot puffs elon ceo tesla tsla was captured on camera smoking weed during a jrogan interview this on camera blaze scorched stk price amid gossip about musk’s potential drug problems and general pessimism about teslas future stk tanked fr dollars 75 2 dollars 80 50 percent,1 +2021-06-02,stock pick aal taking off and hits price target 2 🎯🎯,1 +2021-06-08,motley fool uk amazon nasdaq amzn shares have underperformed this year while major stock market indexes such as the SP500 500 and the ftse 100 have climbed higher amazon’s share price… join us at,2 +2021-06-09,motley fool uk the clover health investments nasdaq clov share price rose by as much as 109 percent on tuesday ending the day up 85 percent the us health insurance firm is the latest meme stock… join us at,1 +2021-06-15,motley fool uk the clover health investments nasdaq clov share price has seen some explosive growth recently in fact just over the first week of june the us stock jumped by nearly… join us at,1 +2021-06-21,big 3 and bear case 1 msft made ath mid day which calls to question my bearish count for it also amzn is close to ath too 2 ndx dji and spx may follow different pattern but it is hard to imagine a severe drop if these 3 remain stable 3 all in all it may drag on more,3 +2021-06-24,this looks like a blow off top on the nasdaq with respect to the SP500 500 which just eked out a new all time high intra day these are the internals as of yesterdays close,5 +2021-06-08,from the trading floors equity index futures are up across the board nasdaq outperforming and SP500 set a new high consumer disc tech and communications are leading financials and energy are lower crude gold and silver are down btc dollars 2.7 thousand vix 16.41,1 +2021-06-21,alright guys making this a simpler post reminding you i’m cautious into the new week with spy less than 415 here’s my watchlist and trigger levels pypl aapl bynd tsla baba wish bmbl snow snap happy father’s day all and hope you had a great weekend let’s get it tomorrow,4 +2021-06-02,pltr 22.8 thru 23.36 🔥 now 24.4 ba 258 resistance rkt at 17.9 now 20.25 nvda 650 positive 9 now 672 tsla negative 7 then positive 6 13 total bb still going abnb now 151 what the fuck tho where the love go,1 +2021-06-22,ndx qqq similar to what we saw in the spy the percent of stocks above the 50 simple moving average and 200 simple moving average are diverging this needs to be resolved sooner rather than later,3 +2021-06-04,spy qqq tip if theres nothing switch to 1 hour timeframe check back every hour and see if theres reversal thats if youre bored im not even watching the action right now shopping for impact wrench on amazon,1 +2021-06-24,good morning traders 💥💥 continues its impressive run up another .62 percent and we have some good names and levels here on the i really like nio if we can break dollars 6.50 and we will watch that top on clov 💵💵🙌🙌 tsla orph pltr amd alf,5 +2021-06-16,fed impact dow jones industrial avg turned 320 points lower the SP500 500 fell 0.9 percent after hitting an all time high in the previous session the nasdaq composite erased earlier gains and traded 1 percent lower as alphabet facebook netflix and microsoft all dropped at least 1 percent,1 +2021-06-22,nasdaq taking the leadership role last few days note how well the nasdaq index held up as the other indexes pulled back last week printing new highs here,2 +2021-06-30,the big 5 aapl msft amzn googl fb to are at new price highs but collectively their weight in the SP500 is making a lower high modest but worth noting,4 +2021-06-24,global market insight dow negative 71 to 33874 SP500 to 4.60 to 4242 nasdaq positive 18 to 14272 asian markets open weak after us indices traded in a narrow range and closed in red retail and financial stocks did well but the overall market was weak rally in tesla lifted nasdaq,2 +2021-06-02,notice indices arent doing anything today spy qqq iwm dia making mini consolidation candles today yet look at whats happening under the surface market breadth and internals pointing us firmly higher,1 +2021-06-16,sqqq the weekly bearish qqq etf finally lining up with 13 13 on weekly both on this weeks bar while this can go a bit lower possibly on 3 to 5 day basis any move under 10 should be bought,4 +2021-06-25,qqq not quite at weekly alignment for and many to jump the gun but next week stands out as important and while iwv spx spy all triggered on multiple time frames daily and weekly qqq was still premature but getting closer,3 +2021-06-18,none of those chart patterns look like top reversals fb amzn nflx goog you can see what might be up for amzn and nflx more with the upcoming report,2 +2021-06-10,tsla still flat from prior to cpi number even through most stocks have turned up nicely so did nasdaq looking like another nothing burger today,2 +2021-06-20,find it encouraging that aapl held 130 as spy sold off 1 we can see spy sentiment leaning bearish while sentiment towards aapl was bullish 23 near term no monthlies or leaps ask side apple flow is very bullish 4 above ask ah dark pool trades 🍎,1 +2021-06-10,qqq leading on the day when cpi came in above projections is a bullish sign for tech and growth some follow through into the close is key,3 +2021-06-15,global market insight gains in big tech companies helped SP500 500 to reach a record high even as 3 stocks fell for every one that rose SP500 500 rose 8 points to 4255 while nasdaq climbed 105 points dow fell 86 points negative 10 year bond yield 1.49 percent dollar higher,1 +2021-06-17,aapl msft and amzn bounced impulsively from the 61.8 percent retracement and are going to the wave 3 target msft and amzn are about to break the wave 1 high a huge win for bulls aapl needs to hold the wave 2 low of 122 nvda fb googl and qqq already broke their late april highs,1 +2021-06-10,good evening spx another consolidation day above 4200 if cpi numbers are better than expected we should see spx move to 4257 by friday puts can work under 4190 amzn i would wait for 3300 to consider calls amzn above 3300 can test 33433367 next have a gn 😄📈,4 +2021-06-23,good evening spx setting up for a run to 4300 by next week if it can break above 4257 i see spx running to 4450 to 4500 this summer before we see a bigger pullback fb if it holds 338 it can run to 344 in the next few days lets see if fb aapl can lead tmrw have a gn 😄📈,4 +2021-06-07,market making new ath but the faang stocks are very much still in consolidation mode for every fb or msft breaking out there is a tsla or amzn testing support if i had one chart right now it may be this which way does this resolve spx will likely follow,3 +2021-06-07,do you like charts qqq spy gbtc ethe vix zim vsto upst tgls stld rblx path nvda lrcx fnko f den crct aso app amat grwg futu expi upwk nio zs sklz fvrr sq pltr celh point on net tsla pins twlo tdoc twtr apps crwd tsm roku se shop enph crsr etsy and more,1 +2021-06-20,do you like charts compq spx iwo iwm asan shop glbe mdb spt crct docu net app qfin crwd zs nvda frhc se den sblk vsto f aso zim rblx lspd upst abnb snap path point on and more,3 +2021-06-14,and thats a wrap spy qqq aths volume low who cares aapl crsr woof nvda sq riot mara coin nvda so many names in play today we focus on names and ignore the indexes when volume is low nice start to the week,2 +2021-06-28,lets see no volume qqq spy aths i traded bidu soxl amd path fb today for a great day nio smh soxl nvda qcom aapl msft etc soo many names to trade dont focus on the indexs we focus on the action enjoy your night,5 +2021-06-17,well quite the day pre was a mess then boom qqq leading all day new ath aapl amd nvda amzn so strong all day for me .nvda amc made my day enjoy your evening and,5 +2021-06-30,qqq nasdaq july 6 350 calls went up 400 percent since time to roll further if still in while others saying too high we were banking on breakout swing indices etf options on breakouts if u want decent gains on occasional trading review carefully 👇👇,3 +2021-06-09,technical update on the nasdaq apple amd palantir microsoft nike disney crypto miners airlines and ev content big tech qqq aapl amd amzn fb msft travel jets jblu dal dis growth xpev li fsly net jagx bngo nndm pltr mara can,4 +2021-06-18,spx giving more material evidence of a st pullback in the works nasdaq still outperforming on the way down 1 down week in 4 expect this materializes into a 3 wave decline for now but next week should prove volatile visit for further analysis tgts,3 +2021-06-14,qqq nasdaq 100 breaking out on weekly here with new highs good for tech swings 350 calls monthly calls good here with 338 risk will also help to get some quality swings on other tech names,5 +2021-06-24,cpe den sm lpi while many tech stocks are ripping and many are having a good week we do not take our eyes off the industry group as they are quietly performing well are they at buy points no but they have found support at their mas keeping an eye on that oil patch,2 +2021-06-02,happy wednesday here are my stocks set for flat open amc gme bb extend meme rally splk ntap ai smar pvh aap earnings to fed beige book to u s monthly auto sales may the trading gods be with you 🙏 dia spy qqq iwm vix,5 +2021-06-08,good evening qqq close to testing the all time high at 342 for tomorrow keep an eye on 338 calls can work if qqq breaks above this level googl can test 2430 next if it holds above 2400 tomorrow its possible to see googl near 2480 to 2500 by next week have a gn 😄📈,4 +2021-06-16,focus list update aapl epic retest of breakout level amd fakeout to downside chop ozon reversal higher chop roku target nearly hit bounced tsla lower trendline held bounced spy target 🎯,1 +2021-06-17,focus list update aapl target hit 🎯 amd target smashed 💥🎯 ozon reversal higher roku reversal higher tsla nearing upside breakout spy hit resistance at lower trigger,1 +2021-06-27,aapl to trade idea 💡 july 30 135 calls closed at 133.11 had 3 consecutive red days since wednesday but still managed to hold 132.71 on the next leg higher aapl should test 136 to 138 amd amzn ba baba bynd fb msft nflx nio nvda roku snap spce spx spy sq tsla zm,1 +2021-06-04,it’s time for nasdaq sportscenter tsla is losing by 17 with 22 seconds left and has a 4 and 17 amzn is down by 6 with 52 seconds left with a 1 and 10 from there own 3 aapl is about to attempt a 56 yard field goal to send the game to ot up next celebrity jeep racing,1 +2021-06-18,the relative strength in tech names qqq during this selloff is hard to ignore spy equals biggest gap down in weeks dia equals biggest gap down in months qqq equals unbothered their hands are exposed time to update the short on pops vs buy on dips watchlists,1 +2021-06-11,good evening spx printed a new ath after breaking 4239 spx is setting up for 4300 to 4350 in the next 2 weeks lets see if spx can defend 4239 into monday amzn what a day if amzn breaks above 3367 tmrw it can run to 3400 quickly calls can work above 3367 have a gn 😄📈,4 +2021-06-03,one of the keys going forward here will be the old tech winners twlo pins snap roku and similar funds like arkk many rallied right into resistance of late if they really get nailed again going to be tough for the nasdaq but if they can hold we could be ok,3 +2021-06-28,high beta and energy have continued their winning ways qtd adding to ytd gains value has flip flopped lagging so far qtd after strong first quarter performance versus SP500 500 tech and growth on rise and outperforming SP500 500 qtd,5 +2021-06-24,new highs for SP500 500 and nasdaq 100 but where are the stock new highs only 25 highs on SP500 today SP500 tech sector at new high but only tech megacaps at new highs are fb msft and nvda tgt and axp too but thats it spy qqq xlk,3 +2021-06-06,watchlist for me chwy bullish 🎯81 but ❌ dollars 3 nvta bullish 🎯33 but ❌ 26 uaa bullish 🎯24.40 but ❌ 20.70 tsla bullish 608 🎯630 but ❌ 590 aapl start building short i for when spy gets to dollars 25 as long as no aapl close over dollars 27.75,3 +2021-06-17,wall st closes mixed tech stocks outperform djia negative 0.62 percent 209.96 points at 33823 nasdaq positive 0.87 percent 121.67 points at 14161 SP500 500 to 0.04 percent 1.76 points at 4221,1 +2021-06-19,after a wild week the nasdaq now leads but the rest of the market weakened significantly heres what to do now also amazon prime day is on tap with amzn near a buy point along with snap vale paypal and intuitive surgical pypl isrg,2 +2021-06-13,some pivots for this week on big names aapl bull 128 to 128.5 130 bear 125.75 amzn bull greater than 3340 3367 bear 3315 tsla bull greater than 617 625 632 bear less than 596 fb bull greater than 332 334 bear less than 330 328 nvda bull 712 717 bear 703 700 msft bull greater than 258 to 258.5 bear 255 252,3 +2021-06-14,market is side ways as mentioned earlier tuesday and wednesday will be sluggish add those picking dips and the stocks mentioned are worthy for good swings especially apty ivr apxt hutmf sos earnings to come for this one plus chart looks great for next leg up,5 +2021-06-13,spy new aths on thursday and can see more over 425 fibonacci levels above at 427 434 needs to hold over 422.80 to continue higher or can see a pullback to 419 amzn aapl ba nflx tsla amd roku nvda fb etsy sq msft baba zm,1 +2021-06-05,health of market can be told in this coming week by looking at aapl msft tech finally made a move and spy had its largest gain in 8 sessions if aapl event turns to sell the news weakness can return and spread elsewhere,1 +2021-06-21,gmi declines to 3 of 6 but still 17 day of qqq short term up trend spy closes below 10 week average and daily rwb gone gnrc has glb asan had glb 2 wks ago,1 +2021-06-14,shop positive 106 amzn 3340 3367 now 3384 aapl 128 128.5 now 130 msft 258 258.5 now 259.8 tsla 617 625🎯 nvda 712 717 now 720 nflx at 489 500🎯 positive 11 amc reversal at 43 now positive 14 going private tomorrow 🔐,1 +2021-06-06,i like aapl into next week holding i will keep an eye on meme names bbby amc clov fubo i also like amzn for a one day wonder probably should market help cpi data food and gas and ex food matters big this thu,4 +2021-06-10,thirsty thursday coming in hot 🥵 🍺 amzn unreal 3300 calls less than 4 to now 52 amd buyers less than 80 now 81.56 abnb at 142.9 now 146 shop at 1202 now 1232 fuck with me u know we got it have a good night 🔥,1 +2021-06-22,rs off the open in crwd snow figs docu ddd tsla snap net pltr roku pins sq point h abnb amd nvda msft amzn fb aapl,3 +2021-06-08,running through screens and noting nvda upst rblx docu msft app celh krnt glbe googl olo crox yeti cutr owl prta biib esaly mrna avid net crwd nue pltr ddd mnmd nio cciv lazr fang fb se snow snap grwg xop gush spce tna plby qfin amat lrcx,3 +2021-06-07,“more than dollars b flowed out of the qqq on thursday over the past 3 year s buying qqq and holding for 1 month following a dollars billion outflow would have returned 188 percent versus 98 percent for buy and hold ” given top in famg last august and the sideways since i like this call i’m simple googl,1 +2021-06-04,good morning futures flat powell and nfp before the open wfc u and g buy bac x u and g neutral ubs fb cma investigates facebook’s use of ad data fcx d and g neutral exane bnp tsla tesla looks to bring in model 3 cars to india by july august for testing,1 +2021-06-01,tesla what can you say,5 +2021-06-27,i like aapl fb spce jpm into next week wanna see recall reaction on tsla spy looks like 430.5 ready memes will be there on watch per usual what are you watching,4 +2021-06-08,good morning qqq gapping above 338 resistance if it holds here it should test the all time high at 342. 340 calls for friday can work above 338 tsla if this can break above 629 it can move towards 659 by friday googl 2430 big level above can run another 50 points gl 😄,3 +2021-06-10,good morning spx qqq still in a range this whole week spx needs to get through 4239 otherwise well continue to see more chop amzn keep an eye on 3300 needs to break above to continue towards 33433367 clov if this can close through 22 it should test 2530 gl 😄,4 +2021-06-29,spx qqq choppy since the open spx needs to break above 4300 to trigger more buyers bidu setting up for 228 in the next couple weeks if it holds 207 fb failed to follow through to the upside id wait for 359 to consider calls,1 +2021-06-18,good morning quad witching occurring today spx if this can defend 4200 today it can bounce back towards 4223 nvda setting up for a move towards 800 next week if it can close above 758 today amzn needs to move red to green to set up for 35003554 good luck everyone 😄,1 +2021-06-05,several mega cap qqq tech companies are in the lower half of orderly flat bases if they can just rally near highs we can see a nice rally on the qqq and naz helping overall market in next 30 to 60 days,3 +2021-06-29,some all time highs nike microsoft target ebay garmin msci agilent danaher carrier otis adobe johnson controls roper analog devices paychex,4 +2021-06-16,good morning qqq if this can close above 346 it can test 350 by next week the market is waiting for fomc today possible to see 338 if theres a negative reaction amzn if this can break above 3400 it can test 3434 amzn above 3434 can run to 3500 quickly good luck 😄,3 +2021-06-25,good morning qqq small gap up above 350 needs to hold this level to set up for 356 to 360 in the next 2 weeks tsla if you missed the trade at 659 i would wait for 700 to consider calls next nflx possible to see 541 if it holds above 521 good luck everyone 😄,3 +2021-06-18,spy over 42 m shares traded already huge volume as big unwinds going on names are paying nvda roku amzn nflx docu,1 +2021-06-17,premarket setups today talked about unsure what this market wanted to do but focus on names showing strength if we pop specifically nvda amzn aapl always note stronger names in a choppy market helps,3 +2021-06-23,good morning qqq if this can move near 350 by friday we can se tech run again through next week qqq should test 356 to 360 if it breaks above 350 tsla up 10 premarket this should test 659 as long as it defends 629 today 645 calls can work above 629 good luck 😄,1 +2021-06-08,amzn acting strong today if we see tech run amzn can move to 3367 by friday spx qqq consolidating today both look fine lets see if they can ramp higher by thursday,4 +2021-06-14,aapl if this can close above 128 it should test 132 by next week looks better today shop keep an eye on 1322 if it breaks above it can run towards 1400 spx qqq still a bit choppy this morning,2 +2021-06-23,good morning traders its hump day and going to be a good one as the hits record highs 💥💥🚀🚀 a few meme names on the along with one of my favourites canadian spelling f 🏎️ take a look below and let me know wish alf trch clov f,4 +2021-06-14,chart session and complete for tonight thank you for all the requests charts and analysis posted for aapl amzn aprn ba bynd clne crwd dash enph fcel futu hyln idex intc mo nio nndm nvda plug qqq roku snap stem tlry tsla tsm ttcf twtr zm,5 +2021-06-20,posted lots of charts this weekend check them out below ⤵️ aapl amzn arkk chwy crwd fubo nflx nio pltr pypl roku shop snow snap sq tigr tsla twtr zm,1 +2021-06-25,good morning futures up slightly nflx u and g to outperform cs point dollars 86 nke point raised to dollars 80 from dollars 60 telsey nke point raised to dollars 75 from dollars 67 pivotal se int a buy point dollars 25 new street fslr point raised to dollars 02 stephens run point 82 stephens,1 +2021-06-29,lastly dont forget as we head into the end of the month to check those monthly charts from the uwl these monthly charts catch my eye aapl amd amzn crwd dbx docu grwg gtbif mtch net nio pins pltr poww point on pypl rh roku shop snap sq upwk zs,5 +2021-06-08,tomorrow is simple aapl fb googl ttd keep the levels on spy and qqq on watch let’s own it tomorrow again snipers 🏆,5 +2021-06-11,good morning spx setting up for 4257 if it can defend 4239 today puts can work under 4223 or 4189 googl should run another 40 to 50 points if it holds above 2430 into next week amzn keep an eye on 3367 to consider calls puts can work under 3300 good luck everyone 😄,1 +2021-06-22,tech havent even started to get hoy just wait amzn now mdn twlo roku fb googl lrcx amat etc etc may be the greatest opportunity in your lifey,5 +2021-06-30,the market is doing relatively well despite hot jobs data from adp and pending home sales data from nar genomics stocks ntla beam crsp edit super strong💪 looking for my pf turning green close👍,4 +2021-06-17,good morning qqq if this breaks under 338 we can see another pull back towards 333 into next week possible to see qqq trade between 338 to 342 into friday if shop moves red to green it will set up for 1400 tomorrow calls can if shop holds above 1354 good luck everyone 😄,1 +2021-06-05,just a amazing week non stop ripper oih 130 from 3 to 18 nvda 690 5 to 30 googl 2370 3 to 28 lrcx 650 3 to 6 etc etc now loaded insane amounts of xxx for monday 3 to 21 and 2 to 17 coming every service stalks my and my tweets 80 percent they dont understand trading at all,1 +2021-06-18,pete najarian on “old tech” leading the market “old tech like csco crm aapl and msft are names that have taken the wheel once again i think those are the names that could lead us to the upside along with some of the semiconductor stocks as well ” halftime report,4 +2021-06-23,update on apple tesla amazon spy spx qqq dia roku bitcoin dogecoin mara and riot content tech aapl amzn msft qqq value dia dis jblu dal lnc growth tsla roku be plug acb stne crypto btc eth ltc doge xrp xlm mara riot,1 +2021-06-18,rippy rippy trying to grow … amzn googl twlo now roku mdb shop all want to go nuts … also known as blow and go tell wifey to book the weekend getaway as the week has been a stunner,1 +2021-06-11,alright we gotta talk appl forward pe ratio is 23 times goog is 26 times amzn peg is 1.61 it’s time to buy faang and tech stocks there’s no doubt we’re set to rally on the nasdaq,3 +2021-06-30,thats it for monthly charts today unfortunately i cannot post every chart in the market hope everyone finds these charts helpful goodnight scroll through my feed to view spy qqq aapl amzn nflx amd spot fubo pltr mj iwm wish visl hyln,3 +2021-07-21,price has gone quiet in recent months to wheres it heading i take a look at the in todays chart of the day 2021 on tsla,4 +2021-07-09,respecting dow theory this type of breakout generally takes the stock price higher currently its under accumulation zone,2 +2021-07-21,so are recalls good for a price now dont think that works for tsla 😂 f,3 +2021-07-02,amzn that’s it that’s the tweet but also wins in amd nvda nflx tsla scalps and aapl i gave these trades on sunday night and monday morning come learn we’re going higher while getting better enjoy the weekend,5 +2021-07-22,bad week only couple hundred worth of profits added to this week shorted more cmg to bring the average price up even a dollars gain on shorting a cramer and ackman favorite is better than going long on this ponzi stock driven by teenagers qqq spy nq,1 +2021-07-20,i wonder how many people are going to be confused by the nvda stock price today 😂  ,3 +2021-07-16,the nasdaq ended lower pulled down by shares of apple amazon and other big tech companies as a fall in weekly jobless claims data fed investor concerns about a recent inflation spike,1 +2021-07-01,has become volatile but still sustains over dollars 400 to dollars 420 price area what is next the bulls to continue the bullish trend further in the days ahead🤔,4 +2021-07-25,quiet in terms of news this weekend resulting in the weekend dow via being completely flat but a big week ahead with us advanced gdp fomc meeting mega cap tech earnings and much more 👇,4 +2021-07-20,i just bought qqq aug 4 dollars 55 puts we got the rebound i was expecting today we closed the gap and we hit that dollars 57 dollars 58 price target i had this play is much less certain than it was 5 days ago so a longer term option is important,1 +2021-07-21,nvda had 4 for1 stock splite july 20 i bought more shares at dollars 86 heres where i stand orig shares 46 after split 185 shares bgt 5 more 185 total shares held at price today 190 shares nvda dollars 92.31 dollars .19 dollars 176.33 gain dollars 190.86,1 +2021-07-13,milestone doesnt focus on our clients stock price our investor relation programs tell our clients story to the global investment community to help grow a stronger shareholder base,4 +2021-07-22,big 3 update 1 msft set an ath tdy and now its wave pattern looks complete 2 aapl still has some more room to run to finish its small 5 wave 3 amzn has done its 1 wave down now working on its 2 wave rebound 4 timewise it may take a couple of days to work out,4 +2021-07-16,big 3 1 after hitting 3773 almost my target of 3777 amzn declined sharply it is done with its up moves 2 aapl and msft are so close to my target aapl hit 150 and dropped these 2 giants may have some wiggle room but not much left 3 for spx still in the topping process,3 +2021-07-14,big 3 getting closer 1 aapl hit the lower range of my target this morning 149.45 and msft also very close to 285 2 timewise it still needs a weeks time to move nymo mmtw to the right position now they are too oversold i know it sounds crazy at ath it is that lopsided,1 +2021-07-13,amzn 1 quite a reversal for amzn 2 at tdys high of 3773 a strong case can be made that amzn has topped 3 msft is very close to its top the only unclear case is aapl though there is a way to count it as completed it may need 2 to 3 days 4 the spx top is very close,3 +2021-07-22,qqq it’s done ready for crushing and recycling twtr please hold this gap up tomorrow i will buy puts with faster celebration than i had when i shorted the sucker in february worked out great after a few days intc i’m a buyer ah known info emerges stock reacts ok 🤡,4 +2021-07-08,my 2 half outlook from last friday try a subscription for .5 price for my and picks use code equals twitter50 spy qqq tlt,5 +2021-07-24,qqq with 10 percent measured moves comparisons above the 50 displaced moving average big earnings this next week could push up to it slight extension… then 21 expontential moving average at minimum and rhymes with so many other things i’m looking at now that market didn’t take the bearish scenario path as drawn in pinned tweet,1 +2021-07-08,the amzn stock price has shown tremendous growth over the years but can it continue to deliver,4 +2021-07-19,nvda splitting tomorrow possible price actions thanks for the interesting discussion,4 +2021-07-01,stock alert 📢 symbol bz current price dollars 8.80 stoploss dollars 7 targets dollars 0 dollars 3 more signals join 👇 amc,1 +2021-07-06,stock alert 📢 symbol amzn current price dollars 623 stoploss dollars 400 targets dollars 920 dollars 400 dollars 000 long term more signals join 👇,1 +2021-07-24,super bowl of earnings szn this week tsla ups ge jblu aapl amd msft goog v tdoc sbux ba shop pfe tlry mcd spot fb qcom f amzn ma pins cat xom tmus which are u most excited for,5 +2021-07-29,strong language 📈 made a forceful debut on the this week and its future looks bright the global market for online language learning is forecast to reach dollars 1.2 billion by 2027 duol,5 +2021-07-06,analyst raised apples price target to dollars 70 from dollars 65 and keeps an overweight rating on the shares stating the stock has underperformed in the first half of 2021 despite strong volume💵📈📊,1 +2021-07-05,new video dedicated to gme u can make even if the price drops amc fb arkk ccl aapl tsla bb,5 +2021-07-26,why credit suisse is increasing its amzn price target before earnings,1 +2021-07-12,tsms price moved above its 50 day moving average on june 23 2021 view odds for this and other indicators,1 +2021-07-25,tsms price moved below its 50 day moving average on july 22 2021 view odds for this and other indicators,1 +2021-07-31,nflx in uptrend price expected to rise as it breaks its lower bollinger band on july 21 2021 view odds for this and other indicators,1 +2021-07-15,dow in uptrend price may ascend as a result of having broken its lower bollinger band on july 8 2021 view odds for this and other indicators,3 +2021-07-17,nflx in downtrend its price may decline as a result of having broken its higher bollinger band on july 14 2021 view odds for this and other indicators,2 +2021-07-23,tsla in downtrend its price may drop because broke its higher bollinger band on june 23 2021 view odds for this and other indicators,2 +2021-07-23,the price to earnings ratio is flawed as a stock market indicator this is how to make it more accurate spy qqq dia djia aapl tsla amzn intc nflx amc nio gme,3 +2021-07-12,shop in downtrend its price expected to drop as it breaks its higher bollinger band on june 14 2021 view odds for this and other indicators,1 +2021-07-10,the SP500 500 could drop sharply in the 3 quarter as the 5 ps pressure markets bank of america says spx spy qqq dia djia aapl tsla amzn intc nflx amc nio gme,2 +2021-07-06,aapl 💌 dividend in 0.22 per share price in 2021 while aapl stock price was 0.22 on apr 01 2003 investing is magic buy and stop watching and start investing,1 +2021-07-01,msfts price moved above its 50 day moving average on june 4 2021 view odds for this and other indicators,1 +2021-07-01,amds price moved above its 50 day moving average on may 28 2021 view odds for this and other indicators,1 +2021-07-17,alot of growth names looking similar to nvda before the negative 10 percent move from the highs if the nasdaq keeps rolling over we possibly have some monster short setups in play qqq losing the 8 day and seeing a bearish daily macd cross keep this in mind for the weeks to come,4 +2021-07-04,have been breaking out fb msft leading aapl too and now amzn waking back up so yes cautiously 🐻 is great way to put it sell can’t come while they keep going up their weight is too much,1 +2021-07-23,nearing an all time after 4 days up likely pull back in the markets today qqq spy lots of shorts to watch today txn bili bidu kmb etc also a couple longs axp pins ba,1 +2021-07-23,video stock market and analysis spy qqq iwm smh ibb xlf nvda fb amzn amd arkk ⚓️vwap bears got trapped once again have a great weekend,5 +2021-07-25,it might also be worth mentioning aapl amzn googl fb msft ba tsla are all positioned for a pivot up this week this will either be a giant bull trap or the heavy weights are about to take us to the next level of promised land spy,3 +2021-07-08,tech remains such a driving force with us indices and etfs that one would hardly know that weve seen such a breadth implosion over last couple months spx and qqq still quite tough to be bearish while transports financials stay at home stocks re opening stocks lagging,4 +2021-07-28,global market weakness in tech stocks pulls us markets back from records nasdaq fell more than 180 points fall in us listed chinese stocks continue apple warns of slowing sales growth supply crunch will affect the iphone and ipad in the current quarter,1 +2021-07-10,nasdaq aapl amzn spy its difficult to be bearish when the index is making and closing at all time highs also when the mega cap tech stocks are leading the index higher there are plenty of other stocks performing well these days this trend is our friend,3 +2021-07-02,nice grind today spy qqq aths markets closed monday all about names this week amd aapl nvda msft among others enjoy the long weekend and happy 4 of july out of here,5 +2021-07-23,good evening qqq strong rally after defending 362 all day qqq is on track to run to 370 calls can work above 365 googl fb up big after twtr earnings fb above 359 can move towards 370 by earnings next week googl can run another 50 points above 2600 have a gn 😄📈,4 +2021-07-27,good evening big tech earnings starting tmrw followed by fomc on wed if spx can break above 4444 it can run another 30 to 40 points after fomc puts can work under 4400 amzn needs above 3726 to run another 40 to 50 points before thurs possible to see 4 thousand after earnings have a gn 🚀😁,4 +2021-07-08,tw update amzn rip continues 📈 dkng lower target hit bounce googl pullback close below trigger snap plummet towards lower target snow bounce at trigger closed higher tsla 2 lower target hit bounce,1 +2021-07-25,🇺🇸earnings this week apple microsoft amazon google facebook pinterest amd shopify tesla ford mcdonald’s starbucks pfizer boeing caterpillar ups paypal visa mastercard exxon chevron 👉 dia spy qqq,5 +2021-07-02,qqq mega caps are driving it higher recently mega caps at new ath googl just reached dollars 500.72 a moment ago msft dollars 76.85 nvda fb a bit of deja vu,2 +2021-07-30,good bye july tough month big earnings out of the way tsla aapl amd snap twtr continue to look good  as long as the market stays strong focus on strong names here everyone have a great weekend charts on sunday weekly recap,5 +2021-07-25,happy sunday here are my aapl msft amzn googl fb earnings tsla amd pypl pins shop also report ba cat mcd sbux ge ups v pfe results hood ipo to fed policy meeting second quarter gdp may the trading gods be with you 🙏 dia spy qqq,5 +2021-07-29,good evening one more big earnings with amzn tmrw after the close if amzn can move towards 3850 to 3900 after earnings it can test 4000 by next week qqq rejected at 367 today qqq puts can work if it fails at 362 qqq can drop to 359 if it fails at 362 have a gn 😁📈,3 +2021-07-08,good evening qqq dips still getting bought up the past 2 days as long as qqq can defend 356 it should move to 367 to 370 aapl relative strength today closing near the highs if this gaps through 145 it can run to 151 next week calls can work above 145 have a gn 😄📈,4 +2021-07-25,huge earnings week aapl tsla amzn amd msft fb shop googl pypl v ma now let’s see if the run up into earnings was the beginning of a bigger move or the end,5 +2021-07-25,biggest earning week aapl tsla amzn amd fb ba shop googl pins pypl v tdoc sbux mcd spot now upwk twlo will post charts and level on some of these make sure to add them in your watchlist and sort by change also group them in sectors finance food etc,5 +2021-07-24,💥big earnings week ahead 👀👀 monday tsla tuesday aapl msft googl amd v sbux ups wednesday fb shop pypl mcd ba pfe f qcom thursday amzn pins ma twlo friday cat xom cvx pg cl dia spy qqq iwm vix,1 +2021-07-18,happy sunday here are my second quarter earnings season kicks into high gear nflx twtr snap intc ibm results jnj ko axp t vz earnings ual aal luv also report to u s housing data may the trading gods be with you 🙏 dia spy qqq iwm,5 +2021-07-26,this is big week for markets mega cap tech earnings from aapl goog msft amzn and fb then we have an important fed meeting fomc concluding on wednesday fed chairman jay powell has the pressure on him to keep the rally going,5 +2021-07-17,update on the SP500 500 apple amazon nvidia amd tesla workhorse walmart boeing and pfizer content big tech aapl amzn msft nvda amd growth tsla wkhs fuv enph nndm value brk b dis ba aal cvx uuuu ufi pfe the spy spx full count,5 +2021-07-15,appl msft goog amzn is 40 percent of the qqq the rest of the market is getting crushed iwm is a driver and a 8 iron away from our safe word broke charts galore “i’ve been to the edge and there i stood and looked down i lost a lot friends there baby”,1 +2021-07-09,fang constituents aapl 145.02 positive 1.24 percent amzn 3718.82 to 0.34 percent baba 206.96 positive 3.56 percent bidu 180.86 positive 2.83 percent fb 350.26 positive 1.34 percent goog 2595.04 positive 0.45 percent nflx 536.09 positive 1 percent nvda 798.65 positive 0.33 percent tsla 654.13 positive 0.21 percent twtr 68.57 positive 2.6 percent,1 +2021-07-23,largest 6 components of sp500 and nasdaq100 are all reporting next week and wednesday is a fed day there is a reason vix is so strong aapl googl amzn msft tsla fb,1 +2021-07-03,for every dollars allocated to spx 6 cents goes into aapl 5 cents goes into msft 4 calls into amzn 4 calls into goog and l and 2 calls into fb equals 21 cents for every dollars allocated to ndx 11 cents goes into aapl 10 calls into msft 9 calls into amzn 8 calls into goog and l and 4 calls into fb equals 42 cents gs,1 +2021-07-23,more hedges put on here ah qqq 6.7 percent above 50 displaced moving average 7 of my core holdings all report next week… and they are in the qqq do they put qqq at 10 percent above 50 displaced moving average nah… aapl amd fb msft googl pypl amzn,1 +2021-07-06,if i lose this bullish bet on index and etf i’m gonna lose a lot more than clout lmao just need qqq to not b a laggard tmrw like spy was today all we can do is bet in and believe in what we see and so what if we lose we r playing for many more times than this 1 good luck everybody,1 +2021-07-02,tough market as yet again serving as a bit of a mirage to whats happening under the hood nearly half sectors are lower today and breadth has shifted from flat to down nearly yet indices hanging in there with big cap tech buoying qqq spx,3 +2021-07-12,tough day in the market today got divergence with qqq and spy — tech sector seeing some overall weakness while spy making ath all time highs with banks leading the way,4 +2021-07-26,volume in the market is light as big money is waiting for earnings from tsla today aapl msft tomorrow and the on wednesday with that fomc statement the calm before the storm,2 +2021-07-23,in tech microsoft and apple look ripe pre earnings next week asml a new gk stock continues to tear higher shopify as well msft aapl asml shop,1 +2021-07-07,again all the stocks powering the nasdaq higher have been driven by option volumes amazon has seen option adv consistently in the 90 to 100 bn tsla is the 70 bn and googl appl and nvda all same story,1 +2021-07-25,a huge week in markets this week tuesday to tesla earnings wednesday to apple alphabet and microsoft earnings australian cpi data thursday to fomc meeting facebook earnings us gdp friday to amazon earnings us pce index buckle up 😤👊,1 +2021-07-27,stock mkt breadth has been horrific and now leaders such as msft and aapl and very possibly amzn on thurs may be in trouble following qrtly results stock mkt may now be tested heading into worst mo historically august and weakest periodaug mid oct of year overbought and overlevered,1 +2021-07-12,blog post aapl and amzn and fb have glbs augurs well for qqq up trend now in 31 day look at googl post glb gmi remains green at 6 of 6,4 +2021-07-26,dow futures fall with market rally at highs tesla reports monday night with apple and the other trillion dollar stocks on tap in a huge week for earnings buckle up investors tsla aapl amzn msft googl fb,1 +2021-07-14,futures await fed chief jerome powell after hot inflation report aapl msft keep rising while upwk ma flash buy signals but market breadth is weakening while ark etfs reflect slump in highly valued growth stocks arkk arkg jpm gs,2 +2021-07-22,mixed day for stocks mostly led by higher large cap tech stocks good day for msft aapl amzn goog earnings coming next week and they are going to be big,3 +2021-07-22,snap twitter jump late breaking out on earnings and lifting facebook pinterest google several stocks have flashed buy signals this week but this isnt pokémon to you dont have to catch em all snap twtr pins fb googl intc aapl amzn msft,1 +2021-07-02,video stock market analysis and trade ideas spy qqq iwm smh ibb amzn alks amba fate fslr pay prch sien ⚓️vwap,1 +2021-07-11,aapl made new aths friday watching for continuation over 146 possible to see fibonacci level above at 150 next spy amzn ba nflx tsla amd roku nvda fb twlo bynd pypl docu crwd etsy sq msft baba zm,5 +2021-07-13,my opinion is amzn and aapl still havent even started their wave 4 and tsla hasnt even started its big run yet that gives an idea on the upside room that nq spy es qqq have before significant top but nothing goes as a straight line,2 +2021-07-26,aapl looking to retest aths at 150 after a healthy dip over 150 can see 153 155 157 targets next keep in mind earnings are on spy amzn ba nflx tsla amd roku nvda fb twlo bynd pypl docu crwd etsy sq msft baba zm,3 +2021-07-26,just like the past 3 months apple fb google amazon nvidia etc will all get bid up on earnings and hit aths while tsla is the only one that will suffer and still off almost 30 percent off highs just a game,4 +2021-07-25,lot of earnings this week aapl spy googl fb tdoc amzn fb gnrc pypl pins amd twlo tsla aapl dollars 50 calls dollars 49.40 dollars 45 puts dollars 46.90 amzn dollars 710 calls dollars 696 dollars 600 puts dollars 621 tsla dollars 60 calls dollars 50.22 dollars 30 puts dollars 40 lot of gap and go’s this week,1 +2021-07-18,qqq top holdings aapl 10.95 percent msft 9.50 percent amzn 8.32 percent tsla 4.24 percent fb 3.78 percent goog 3.62 percent googl 3.31 percent nvda 2.69 percent pypl 2.31 percent intc 2.11 percent wanna bet against em sqqq calls or tqqq puts less than,5 +2021-07-15,🎯triggers for thursday🎯 nflx dollars 70 calls dollars 68.28 dollars 55 puts dollars 59.7 amzn dollars 730 calls dollars 721 dollars 650 puts dollars 656 nvda dollars 00 calls dollars 98.5 dollars 80 puts dollars 87.2 shop dollars 450 puts dollars 459 aapl dollars 50 calls dollars 49.65 dollars 45 puts dollars 47.30 qqq dollars 65 calls dollars 65.60 dollars 60 puts dollars 62.40 please ❤️ and share 😊,1 +2021-07-29,when market darling stocks amzn aapl fb nflx dump on earning beats amongst highest levels of optimism bulls aren’t safe in the short term in out of the money qqq puts with group,1 +2021-07-12,good morning qqq stronger gap up today qqq should move to 366 to 367 next if it can defend 359 into thursday aapl on track to test 151 if it continues to base above 145 this week calls can work above 145 tsla setting up for 675686 in the next week good luck 😄,3 +2021-07-20,asan docu inmd net roku shop snow sq zs standouts to me on the above for the young gun growth aapl amzn msft still breathing heavy and eyeing their highs too,4 +2021-07-02,good morning qqq close to breaking out towards 360 it needs to hold the 356 support to see another tech run next week puts can work under 350 nvda 10 point gap up possible to see 828 to 832 if it can hold above 818 today aapl 145 can come in 2 weeks good luck everyone 😄,1 +2021-07-20,qqq looks better reclaimed the 356 level if it closes above 359 it can run another 3 to 4 points this week aapl to 150 to 151 possible by friday if we see tech run again tomorrow amzn reclaimed 3554 3600 can come next,2 +2021-07-21,good morning small gap down this morning in qqq if qqq cant get through 359 it can trade in a range from 356 to 359 qqq under 356 can trigger more sellers gs if this breaks above 369 it can test 376 by next week tsla needs a 7 point pop at the open to set up for 675 gl 😄,3 +2021-07-27,good morning qqq if it breaks above 370 it can run towards 375 to 377 next puts can work if qqq fails at 362 this week aapl msft googl today after the close aapl possible to see 157 to 160 if theres a positive reaction to earnings googl to 2850 possible as well gl 😁,3 +2021-07-22,aapl tried to break higher down 1 from the highs if it closes near 148 it can gap up tomorrow amzn close to a bigger breakout keep an eye on 3629 above can run another 30 to 40 points spx qqq starting to pull back the market has been running the past 3 days,1 +2021-07-19,🎯triggers for the week🎯 short and sweet nflx dollars 40 calls dollars 34.87 dollars 20 puts dollars 24.47 amzn dollars 610 calls dollars 596 dollars 540 puts dollars 552 aapl dollars 45 calls dollars 44.57 dollars 43 puts dollars 43.15 nvda dollars 25 dollars 23.09 dollars 10 puts dollars 13 nvda aapl updated,1 +2021-07-07,good morning qqq strong gap up this should move to 366 next as long as 359 holds into the end of the week puts can work under 356 amzn setting up for another 50 to 75 point move to the upside if it holds above 3700 today shop setting up for 1600. good luck everyone 😄,3 +2021-07-15,good morning futures mixed qqq strong theme this week powell 0 tsm eps beats by dollars .02 misses on revenue guides inline amd u and g neutral citi point 95 dal u and g buy rj point 58 nflx netflix plans to offer video games,3 +2021-07-29,good morning futures not moving much this am qqq keep an eye on 367 if it closes above we can see a move to 370 and tech start to rally into friday googl if this fails at 2700 it can pull back 25 to 30 points and start filling the gap below amzn earnings ah today gl 😁,1 +2021-07-28,good morning futures up slightly fomc 2 pm then presser spot eps beats by dollars .22 beats on revenue aapl point to dollars 65 from dollars 60 piper googl point 3150 from dollars 500 mkm msft point 360 from 340 gs tdoc point cut to dollars 18 from dollars 66 leerink sklz int sector perform rbc cap,1 +2021-07-27,good morning futures down slightly ups eps beats by dollars .25 rev beat ffiv point raised to dollars 65 from dollars 55 needham gotu point cut to dollars from dollars 7 db tsla point raised to dollars 75 from dollars 60 gs aap u and g strong buy rj jd d and g sell dz bank,1 +2021-07-07,good morning futures up slightly qqq strongest fomc minutes 2 pm coin point raised to dollars 44 from dollars 34 oppy baba overweight keybanc point lowered to dollars 70 from dollars 75 baba tecy china market regulator punishes internet companies for 22 illegal merger and acquisition deals,1 +2021-07-30,continuing to see weak action across board imo even in big tech with aapl holding qqq up line of least resistance feels down to me im short nasdaq and a few individual stocks arkk looks weak to me not going to follow up on shorts but think need to protect capital here,2 +2021-07-14,good morning qqq gapping up near 365 if qqq can run to 367 it can test 370 by friday puts can work under 362 aapl strong gap up this am on iphone production news 151 coming hope you all caught this on the 145 break i mentioned last week aapl can run to 164 next gl 😄,1 +2021-07-14,aapl still managing to hold its gains with spx qqq moving lower if tech can bounce tomorrow aapl should move to 151 amzn keep an eye on 3759 needs to break above to test 3800 next,3 +2021-07-28,good morning qqq strong gap up premarket lets see if it can test 367 before fomc possible to see 372 by friday if amzn fb can run after earnings ttd setting up for 8791 next if it can break above 85 this week roku possible to see a 10 point bounce above 463 gl 😁,4 +2021-07-13,good morning qqq down 1 after cpi numbers released qqq can drop to 359356 next if we see another pull back in the market into thursday above 363 can test 367 tsla if it moves red to green it can test 700714 tech a bit weaker today under 675 can test 659 good luck 😄,1 +2021-07-24,major earnings reporting next week aapl googl fb amzn msft tsla fed on wed rent moratorium and mortgage moratorium 1 million houses up for foreclosure up pointing backhand index this is the biggest risk ⚠️ 7.29,1 +2021-07-14,good morning futures up slightly qqq leading powell on the hill noon jnpr u and g outperform wolfe goog point raised to dollars 900 from dollars 700 cowen mlco u and g buy clsa lulu int conviction buy gs aapl added to s analyst focus list jpm point raised to dollars 75 from dollars 70,3 +2021-07-22,good morning futures flat this morning possible to see qqq move to 367 to 370 next week if it closes above 362. its a harder trade under 359 aapl gapping above 146 if this breaks above 147 it can run towards 151 into next week shop should test 1600 next good luck 😄,3 +2021-07-19,good morning qqq gapping under 356 if it stays under this level possible to see a dip to 350 before we see a bounce qqq needs 359 to set up for 367 amzn if this reclaims 3554 it can start to bounce towards 3600 this week tsla can test 600 if it fails at 618 gl 😄,3 +2021-07-19,lrcx nvda shop nflx snow roku twlo tsla all up if you didnt have cnbc telling you world sucks you would think spx down like 2 points,1 +2021-07-27,qqq spy iwm market little shaky this morning aapl amd msft googl visa tdoc sbux enph qs earnings after close watch vix need to stay under 19.40 level,1 +2021-07-14,out with faang and maga and in with fat bag men facebook fb apple aapl tesla tsla bitcoin btc amazon amzn google googl microsoft msft ethereum eth nvidia nvda,1 +2021-07-29,outside of tsla big tech is sluggish i think we need to get through amzn earnings today to give the next big push a chance no mega cap tech stock has had an extremely positive initial reaction post report so this might have to wait until next week for the big qqq run,2 +2021-07-06,uwl names still holding up amzn asan coin crwd docu ddog dxcm glbe grwg lly mndy pins pypl shop snap sq upwk zm zs,1 +2021-07-15,time for some math to explain why markets are not what they seem since june 22 the nasdaq ndx nq has gone up 5.5 percent 780 points from 14120 to 14900 of that 206 points came from aapl 118 from msft 76 from amzn 59 from googl 34 from fb,1 +2021-07-08,if you need some convincing on the 200 moving average being a good entry check out some of the most traded names off this level nvda fb amzn aapl shop aapl net roku cost docu,3 +2021-07-27,so looks like same terrible reaction to stunning earning except in one category ad’s twtr snap now googl next fb then roku then ttd … simple exists,1 +2021-07-02,goog up nicely and close to high of the day aapl up nicely and close to high of the day msft up nicely and close to high of the day amzn fading hard at the low of the day…everything is as it should be,4 +2021-08-31,when you have aapl and tsla breaking out it is hard to be bearish follow the price action to it is all that matters when the ducks are quacking feed em,3 +2021-08-07,amzn big gap down wave 3 price target 4320.28,1 +2021-08-20,analyst timothy long was ahead of the market in his early coverage of aapl in the last two years his was a bit too conservative for the price action this was apparent when was bullish,3 +2021-08-26,tsla looks ready for a mark up🚀 bullish shark🦈 three rising valleys to higher lows in price lower lows on the rsi hidden bullish divergence to close to breaking significant resistance,2 +2021-08-31,is a that has been mention on our weekly webinars a lot in the past year we have multiple positions in this during that time and if price can manage to break out of this consolidation zone we will look to add as some point,4 +2021-08-23,a completely coincidental correlation between cental bank liquidity flooding and stock price growth spy qqq dia djia aapl tsla amzn intc nflx amc nio gme,1 +2021-08-20,issue price 1618 cmp 1547 nifty50  ,5 +2021-08-20,fb hit with new antitrust suit from federal trade commission hood meme rally falters as stock drops 10 percent to lowest price since shortly after ipo see more top movers in the today nvda aapl amzn baba tsla msft amd mrna fb nflx,2 +2021-08-28,go to the lower time frame min and see where the price hit 😝 pretty accurate with my chart spy,3 +2021-08-24,discord stock pick from shop hit price target 1 🎯,1 +2021-08-25,upst upstart holdings inc ordinary shares the mathematical model foretells that this stock price will be stable in the short term and its stock price is in line with its long term fundamentals,4 +2021-08-12,goog alphabet inc class c the statistical model judges the price of this stock will be stable in the short term and its stock price is in line with its long term fundamentals,4 +2021-08-21,tsla tesla inc our predictive algorithm foretells the value of this company has a neutral short term outlook and its stock price is in line with its long term fundamentals,5 +2021-08-11,amzn stock price predictions what will amazon be worth in 2025 2030,5 +2021-08-24,nvda strong continuation over dollars 08 all time highs watch for continuation towards dollars 28 tomorrow watch soxl when trading semi conductorsamd amat and the obvious qqq never trade blind thats it for me tonight cya in the am ✌️,1 +2021-08-12,from the trading floors nasdaq futures have slipped into the red tech is the downside leader with semiconductors financials industrials and consumer discretionary are green crude lower the 10 year near 1.37 percent btc dollars 4.5 thousand vix 16.14,1 +2021-08-08,amzn major gap down after earnings set your alerts on this with both gap fill areas 3390 to 3400 upside area for the break with a strong market movement as well were also sitting above the 200 days sma on this on the daily and 50 sma on the weekly,1 +2021-08-18,major market indexes bleeding into the close followed by big market names spy qqq msft aapl also seeing a spike into vix next two days will be digestion days for the market,1 +2021-08-16,fake up in aapl and some pressure on qs below the 368 qqq we have been referencing harder market and will remain tricky below that level for tech qqq ndx spy spx iwm rut,2 +2021-08-03,good morning traders 💥💥 nasdaq looking to open stronger here today as we watch a few big names here including tsla baba uaa crsr all off reports lets see if we can find some levels check out the below for some ideas ✅📈👍 whlm nio fb amd hood,4 +2021-08-28,the tech wave count rsi top is 6 months overbought three times breadth red line has flirted with meltdown most recently last week breadth collapsed after wave a new highs bottom collapsed picture what happens when microsoft rolls over gong show,1 +2021-08-14,i’m a contrarian we all know that yes everybody’s talking about the spy and the dow ath tech earnings have been strong i’m not sure if it’s monday or tuesday but i’m looking for an extremely strong tech bounce higher 14915 incoming stocks i like 👍 tdoc ttd fsly,1 +2021-08-04,nflx in uptrend price expected to rise as it breaks its lower bollinger band on july 21 2021 view odds for this and other indicators,1 +2021-08-06,aal in downtrend its price may drop because broke its higher bollinger band on july 26 2021 view odds for this and other indicators,2 +2021-08-06,nflxs price moved above its 50 day moving average on august 4 2021 view odds for this and other indicators,1 +2021-08-02,have you invested in visa stock the stock is predicted to yield an increase in price by 64.652 percent after a year,1 +2021-08-27,going into a possible large volatility event tomorrow powell speech here is a look at key near term⚓️vwaps in spy qqq smh xlf on 15 minute timeframe purple is wtd blue is from the august low level of interest on all these if selling continues tmrw,1 +2021-08-04,video daily brief tsla spy qqq iwm uploaded and processing hd version might take a few minutes entrys for both bulls and bears see you out there today traders,1 +2021-08-17,aapl breakout likely postpones any immediate market selloff for the bears given aapl msft represent 12 percent of spx and have just broken out again 4 wave triangle consolidation points to 156 to 158 before stallout near channel resistance highs,1 +2021-08-31,👉🏾 aapl to break above 153.50 155 calls .65 👉🏾 sq break out on daily and news 👉🏾 tsla to break out on daily 👉🏾 zm 300 open possible pajama trader not doing much china 🇨🇳 is blood red japan 🇯🇵 is flat good night snipers new day new opportunities,1 +2021-08-05,dollars is the next logical target for castor maritime stock to article i ghost wrote for ctrm spy qqq dia djia aapl tsla amzn intc nflx amc nio gme,1 +2021-08-12,aapl back towards highs market due for pullback if it continues higher u can buy back 138 strike and has a few weeks of time void if aapl accepted 150,1 +2021-08-19,spy qqq both are testing underside of their 20 expontential moving average s after a rally off this gap down open our response to this choppy action dont force trades book partial profits on existing positions and raise cash inch stops up ride winners preserve mental capital,1 +2021-08-23,qqq 💸💰💸 breakout working today as i said nvda breakout and tsla reversal will lead the qqq breakout same thing happening today complete plan was given below see timestamped idea qqq calls or tqqq shares paying good so is nvda tsla,1 +2021-08-12,top market forecaster tom lee believes a demark technical signal and delta peak could set up a major risk on rally with aapl amzn big tech up 20 percent and spy reaching 4800 by oct hawkish fed is a risk but unlikely,4 +2021-08-16,wel that is a wrap wild day huge dip and they bought it all and more back aapl ended up red on it but was able to get most back traded tqqq twice was well and long aapl overnight msft aapl fb solid closes,5 +2021-08-17,i continue making sales something feels nasty out there and after a lot of bad divergences iwm iwn arkk are breaking big levels cqqq is a few weeks ahead here players cue off SP500 500 but that’s just 10 stocks that are bond proxies stay safe friends,2 +2021-08-05,𝗠𝗮𝗿𝗸𝗲𝘁 𝗔𝗰𝘁𝗶𝗼𝗻 𝗢𝘃𝗲𝗿𝗻𝗶𝗴𝗵𝘁 plenty of chop across markets usd ended being universally bid SP500 to 500 to 0.46 percent nasdaq positive 0.13 percent 10 year ended unchanged 1.182 percent fed vice chair commentary leaned hawkish us july ism was strong adp pvt payrolls missed,1 +2021-08-29,weekend review confirmed uptrend nasdaq and SP500 500 close at all time highs with nasdaq logging an accumulation day on friday distribution days 2 nasdaq 3 SP500 500 qqq spy,1 +2021-08-23,and monday is a wrap nvda paid nicely today tsla aapl amd had nice moves hood woke up late bottom line spy qqq aths dont fight the tape,1 +2021-08-17,good evening qqq very close to a bigger breakout this month once qqq closes above 370 we should see a strong rally towards 375 to 379 aapl finally broke above the 150 level aapl is setting up for a run to 158 to 160 in the next few weeks as long as 150 holds have a gn 😄📈,2 +2021-08-22,weekend review confirmed uptrend nasdaq undercuts and rallies off the 10 day sma closing back above the 21 day ema SP500 500 also reclaims the 21 day ema after finding support at the 10 week sma distribution days 3 nasdaq 2 SP500 500 qqq spy,1 +2021-08-03,i feel like i say this too much don’t catch the falling knife catch the uptrend this market will continue to bleed and bleed their is no bottom spy puts up 175 percent qqq puts up 100 percent,1 +2021-08-01,aapl to above 150 trade idea aug 20 155 calls closed at 145.86 if aapl can consolidate near 145 for the next 3 to 4 weeks it should set up for 150 to 151 when we see a rotation back into faang amd amzn ba bynd fb msft nio nvda roku snap spce spx spy sq tsla zm f,1 +2021-08-18,happy wednesday here are my stocks set for lower open to fed meeting minutes to u s housing data tgt low tjx plce bbwi eat earnings hood nvda csco adi also report may the trading gods be with you 🙏 dia spy qqq iwm vix,5 +2021-08-19,quick look at the big boys as breadth has been deteriorating these guys have been holding up the market amazon was the first to roll over will any others join it we will find out very soon aapl amzn goog fb,4 +2021-08-24,happy tuesday here are my stock futures inch higher to china tech stocks surge bby jwn urbn aap earnings intu tol pdd also report to u s new home sales may the trading gods be with you 🙏 dia spy qqq iwm vix,5 +2021-08-27,happy friday here are my stocks set for higher open to fed chair powell speech to pce inflation index to personal spending data big hibb earnings may the trading gods be with you 🙏 dia spy qqq,5 +2021-08-30,banger game 6 klay daily recap spy 451 calls positive 180 percent ✅ spy 452 calls net positive 252 percent touched positive 380 percent ✅ qqq 378 calls net positive 177 percent touched positive 291 percent ✅ aapl 152.5 calls net positive 132 percent touched positive 317 percent ✅ spy 453 calls out at entry positive 0 percent ❌ swinging aapl 155 calls and amd 115 calls,1 +2021-08-17,qqq ok nasdaq 100 is actually on cusp of breakout over 270 how can that happen you see below 10 companies will dictate that will trade calls if that happens aapl breakout nvda earnings can be catalyst for example trade tqqq if not in options,1 +2021-08-04,happy wednesday here are my stocks set for lower open to adp payrolls ism services pmi to fed vice chair clarida speech roku etsy fsly uber earnings gm cvs khc rcl wynn also report may the trading gods be with you 🙏 dia spy qqq,5 +2021-08-19,happy thursday here are my u s stock futures tumble to fed taper fears weigh to u s jobless claims m kss rost bj tpr amat earnings tsla ai day may the trading gods be with you 🙏 dia spy qqq iwm vix,5 +2021-08-06,nasdaq the index is 1.0 percent above its 21 expontential moving average and 3.0 percent above its 50 simple moving average the bulls like the market above those key moving averages the bears say it is wedging higher on light volume and will pullback that is what makes a market,1 +2021-08-06,qqq after small pullback nasdaq bounced from 20 ema my last breakout alert on 345 still in money for long term optiontraders breaking out again now but not enough consolidation for me to be confidentabout big move strong trend nonetheless good earnings in tech helping,4 +2021-08-08,between this china slowing evergrande taiwan stimmi cliff housing hard landing 23 times forward 22 earnings record percent corp debt and gdp should be good for another 1 percent up move in spy tomorrow hopefully world war starts so we can get to 6000 SP500 🤦‍♂️,1 +2021-08-04,spx futures negative 16 as adp misses big we’ll see if some money hides in mega cap tech to mute weakness aapl can give clues today,3 +2021-08-17,spy 💰💸 445 calls monthlies finally paying and in money so far 442 breakout on spy is holding helped by msft aapl ramp up apart from large caps micro caps growth and biotech are mostly dead congratz if you followed this idea carefully see before and after,1 +2021-08-06,update on qqq spy tesla apple amazon facebook nvidia nio palantir amd and bitcoin content tech qqq aapl amzn amd nvda nflx growth tsla nio xpev ride pins pltr nndm adsk huya ebon btc eth value spy dia ba dal jets xle dis,1 +2021-08-17,the short de spac etf up 35 percent in 6 weeks tells me we are near a bottom in small caps the qqqs at record highs tells me to crawl into a hole the march and may bottoms in arkk coincided with bottoms in qqq so it isnt like qqqs can fall without smidcap tech and arkk and iwo falling,2 +2021-08-25,currently enjoying stt ftnt acn while also plotting amzn amd rh and friends keep a close eye on spx spy iwm and qqq,4 +2021-08-30,semis a leading indicator for tech and the markets have reversed their gains and are set to go negative keep it on your radar smh soxs nvda amd mu asml avgo,5 +2021-08-22,names that look solid from the spx scan adbe csco nflx snps dxcm lly nke amd hca aon cmg mrna others aapl fb tsla msft goog nvda liquidity and big companies seems to be theme there,4 +2021-08-29,i hope these weekend charts were helpful thats all ive got for today have a nice sunday everyone market update video with timestamps in description reviewed spy qqq iwm dis grwg amd spot pltr etsy aapl wish bbig,4 +2021-08-13,apple tesla led a slim market rally thursday flashing new early entries after the close disney jumped on strong earnings triggering buy signals while several ipos also reported aapl tsla dis abnb dash crct zip figs,4 +2021-08-23,tsla positive 1.0 percent to dollars 87 pre mkt as m y delivs started across europe and positive sentiment continued post ai day equities moved higher spx positive 0.3 percent ndx positive 0.3 percent as covid rates retreated in us and other countries 10 year ty 1.277 percent positive 2.2 billion p in front of fed’s jackson hole offsite to,1 +2021-08-23,qqq 370 is the level to watch here friday was a nice start to breaking the short term trend a move over aths can rally tech levels 375 379 383 spy amzn aapl ba nflx tsla amd roku nvda fb pypl docu crwd etsy sq msft zm,5 +2021-08-24,i’m just going to say it’s gonna be a helluva ride up on amzn ftnt amd and of course watching spy and qqq levels,1 +2021-08-25,big tech has some strength this morning watch msft for clues 🕵️ aapl not looking bad either amzn gap 🆙 3312 watch 3317 3325 3333 3340 those are my next levels tsla flow has been good now 707 u know what needs to happen for moves up 🤝,4 +2021-08-16,qqq closed green and the nasdaq closed .20 big caps as aapl are masking the weakness there’s a lot of weakness under the hood in growth stocks let’s see how the unfolds,2 +2021-08-26,jpow at 7 am pst rubbing hands spx 4490 calls 4480 4450 puts 4460 qqq 374 calls 373 371 puts 372 tsla 720 calls 708 680 puts 697 amzn 3350 calls 3325 3280 puts 3300 roku 360 calls 357 345 puts 350 keep levels on spy on watch along with tnx,1 +2021-08-19,watchlist tsla 665 puts 673 680 calls 675 amzn 3150 puts 3175 3220 calls 3200 zm 325 puts 330 340 calls 336.5 gs 390 puts 393.6 396 calls 394 nflx 535 puts 540 550 calls 545 pltr 25 calls at open worth the risk reward spy levels to keep on watch,5 +2021-08-15,focus for next week – aapl abnb amd cpri dash dlo expi klic meli mstr nvax nvda payc pltr rblx riot sono snap snow sq tmdx tmst tsla xm zi zim eps due this coming week,5 +2021-08-12,tsla 715 puts 720 730 728 amzn 3280 puts 3300 3320 calls 3300 shop 1480 puts 1500 1520 calls 1500 googl 2720 puts 2730 2750 calls 2730 b and t amd 105 puts 106 108 calls 107.30 keep spy and qqq on watch 446 next 🎯,1 +2021-08-09,remember when nasdaq put a top in feb and corrected for 2 months speculative tech spacs and ark garbage was obliterated srvix was flying no one in fintwit world called this except me you have seen fake growth gurus watching their portfolio cut in half and they just sit on it,1 +2021-08-27,video review of market trends using spy qqq iwm smh ibb xlf xle and individual stocks including amd nflx tsla lac beam mnst ⚓️vwap,4 +2021-08-19,qqq strong recovery after holding premarket lows at 359. if this can reclaim 367 we can see a bigger tech rally next week nflx setting up for 563 next above will set up for 600 nvda if this breaks above 208 it can run another 10 points,4 +2021-08-23,nvda printing new highs if it closes through 220 it can gap up again tomorrow possible to see 229 this week aapl close to a breakout if it can hold above the 150 level qqq dips getting bought up we should see it continue to move higher tmrw as long as 370 holds,2 +2021-08-02,🎯 weekly watchlist is ready 🎯 spy tsla dollars 00 calls dollars 90 dollars 70 puts dollars 77.5 amzn dollars 400 calls dollars 362 dollars 300 puts dollars 312 avgo dollars 00 calls dollars 90.07 dollars 75 puts dollars 83.02 pins dollars 2 calls dollars 0.70 short and sweet,1 +2021-08-20,good morning qqq small gap up this am itd be best to see qqq hold a higher low above 362 and close near 367 to set up for 370 next week msft aapl gapping up msft can test 300 today above 300 will set up for 309 in the next 2 weeks aapl easier trade above 150 gl 😄,4 +2021-08-31,the market seems to be basing today qqq looks fine if it closes above 379. spx if it fails at 4500 it can drop 25 to 30 points snap if it closes through 79 it can test 82 to 85 next tsla still no momentum it still looks okay above 729. needs to get through 744 tmrw,3 +2021-08-10,coin net cvna snap swch spt sq se docu crwd snow dxcm hubs nvda ddog zi asan clf sedg staa upst wish fubo twlo shop u goog msft,3 +2021-08-02,good morning qqq up 1.5 premarket as long as it holds 362 this week it should set up for 370375 this month puts can work if qqq breaks 362 tsla 15 point gap up looks like it can run towards 744752 if it holds above 700 this week its close to a bigger breakout gl 😁,1 +2021-08-17,good morning qqq down 2 premarket this 365 to 370 range hard to break above we can continue to see more chop as long as qqq stays under 370 aapl if it moves r and g it should test 153 by tmrw harder trade for calls under 150 tsla possible to see 644 if it fails at 659 gl 😄,4 +2021-08-23,good morning qqq if this gets through 370 by tuesday possible to see a bigger tech run into the end of the week qqq setting up for 375379 nvda 2.5 point gap up this one can test 215 this week as long as it holds above 208 calls can work above 208 good luck 😄,3 +2021-08-25,qqq very choppy today stopped near 375 at the open in a 1 point range for most of the day lets see if qqq can close through 375 by friday very choppy day so far tsla red to green it still needs above 729 to set up for a breakout towards 770,1 +2021-08-30,good morning qqq if this can close above 379 this week it will set up for 388 by the end of sept puts can work if qqq fails at 370 bbig 3 point gap up if this closes above 9.40 it can run towards dollars 4 to 15 on a squeeze amzn to 3434 can come if it holds 3343 good luck 😄,1 +2021-08-22,focus for next week – aapl amd atkr bsy cflt ctlt cybr dlo docs ethe glbe klic mara meli mstr mxl nvax nvda payc riot se snow swav team tsla u upst xm zi zim,4 +2021-08-02,amd pullback from our 110 target sq pullback from our 280 target nvda consolidating under 200 tsla rejected from 723 fib level still lockedsolid💸 never let winner turn loser very important always scale out scale in at key levels vix spiking again here into close,5 +2021-08-03,spx held 4370 on the back test now back above 4400 if it closes near 4421 we can see the market rally higher tomorrow googl if it holds above 2700 it can move another 30 to 40 points ot the upside aapl 150 breakout level for a move towards 155 to 158,2 +2021-08-11,good morning qqq small gap up near 368 possible to see more chop if qqq stays between 365 to 370 this week 370 is a breakout level tsla up 4 premarket if it can base between 714 to 729 through friday it should set up for a run towards 752 next week good luck everyone 😄,3 +2021-08-27,good morning the market is gapping up this morning qqq can break through 375 and test 379 by monday if the market has a positive reaction to powell nvda possible to see 225229 next id consider calls above 225 after powell googl to 2900 possible next week good luck 😄,1 +2021-08-11,spx qqq continuing to dip since the open qqq weak price action possible to see 362 next if it stays under 367 amzn to 3424 can come if it stays under 3300,2 +2021-08-01,amd algn snap dxcm team cmg tpx some recent strong movers watching for spots tons of earnings this week will track for pegs and potential setups,5 +2021-08-17,spx held 4421 if it moves back to 4455 by tomorrow we can see 44744500 aapl msft stronger today aapl still basing near 150 with the market lower tsla trying to find a bottom above 644. calls can work if it reclaims 675,2 +2021-08-27,good moring futures up slightly powell at 10 am china plans to ban us ipos for data heavy tech firm big eps misses by dollars .03 misses on revenue xpev point raised to dollars 1 from dollars 6 bac ulta d and g eaul weight wfc wday point raised to dollars 95 piper,3 +2021-08-21,last week aapl and gs held up the dow which maintained the markets in a choppy action this week msft kept the market from tanking mr market is running out of ammo and the 10 year dollar and vix is about to force a nasty unwind,1 +2021-08-26,good morning small gap down this am in spx qqq it can be a choppy day if spx stays under 4500 and qqq fails at 375. powell speaking tmrw we should see a bigger move when hes done nvda if it breaks above 225 it can test 229 to 233 next calls can work above 225 gl 😄,3 +2021-08-16,spx qqq strong bounce from the lows looks like spx can test 4500 if it closes near 4474 today aapl back near 150 again lets see if it can close above it close to a bigger breakout roku if this holds 351 it can move back to 366 this week,1 +2021-08-25,divergences in the market big tech aapl msft amzn weak while spy humming along mostly due to banks xlf,2 +2021-08-22,qqq will kill the bears the setup is looking really good dip and rip looks like possible into tomorrow nothing but a big amzn swing position for me roku etsy crm snow coin look good baba is on watch spy might have a little drawdown from financials gs jpm,4 +2021-08-17,spx qqq still no momentum spx if it fails at 4421 it can test 4400 next amzn to 3188 possibile if it cant reclaim 3242 today aapl still looks okay basing near 150 once the market bottoms aapl should test 153,2 +2021-08-11,still watching that aapl as a tell was amazed how it supported itself there this morning as other stuff sold would love to see laggard names like roku 200 simple moving average twlo 200 simple moving average etc try to put in better price action but they are avoids for me as think much better opportunities,2 +2021-08-05,good morning qqq small gap up this am if it can break above 370 we can see a run towards 375 early next week it should continue its uptrend as long as 362 holds this month nvda setting up for a move to 208 next if it breaks above 205 calls can work above 205 gl 😁,3 +2021-08-31,good morning small gap down in futures this morning qqq if this moves back to 382 it can run another 3 to 4 points this week harder trade if it fails at 377 tsla strong day yday if it has a follow through day it can move towards 744 to 752 needs to hold 729 good luck 😄,3 +2021-08-12,aapl taking spy into highs into close can we get 149 atleast our target then we consolidate under 150 for that big break will review spy qqq charts as well tsla nice consolidation also on watch for next leg up tsla aapl both good money makers today if you followed,5 +2021-08-07,who wants to see some scan results and charts today inside day and week ttm squeeze fires day and week macd curl ups avwap pinch etc smash that like and retweet im ready to get to work spy qqq iwm,1 +2021-08-04,really going to be watching and charting the shit out of spy qqq bb snap and tsla today so if you’re not interested in that throw your boy on mute laugh,1 +2021-08-30,posted 10 charts tonight with more of a zoomed out view as the monthly chart comes to a close tomorrow hope these help with another perspective in the markets goodnight reviewed amzn nflx dis grwg pltr spot fubo crm tsla twtr,5 +2021-08-17,i updated my momentum list power earnings gaps and new 52 week highs amd atlc avtr ddog epam ftnt hubs kr earnings in sept meli net on payc shop snap sq team upst zi what are you watching,5 +2021-08-04,lot of stocks have been pulling back after hours on earnings here’s what’s gone up atvi ea expi goog hubs ko lc meli snap list created with what are we missing,1 +2021-09-15,hello i completed my analysis of aapl future stock price baking in projected iphone 13 sales lmk if you have any questions,5 +2021-09-02,payback’s a bitch to those who bought all the calls i shorted this week tell them adf sends sends his regards aapl spy msft qqq and especially you fb,1 +2021-09-13,nasdaq to provide price feeds for tokenized stock trades on defichain ,5 +2021-09-02,the nasdaq ended at a fresh high powered by tech stocks apple rose to its second record high this week and microsoft amazon and google owner alphabet all advanced,5 +2021-09-01,the spy 1 million chart is simply insane just look how far the price is above the 25 and 99 ma this has never happened in the history of the stock market ever why is nobody talking about this laugh spx btc,1 +2021-09-08,coops pe ratio way too low has coops fair price dollars 16 uwmc ocn rkt ldi nrz pfsi i am long coop fnma fmcc no investment advice,2 +2021-09-14,last week we mentioned that even if tsla did pullback the bullish bias would be intact if it declines too many supports are there to sustain its price the good news is that tsla shows a bullish dragonfly doji pattern with increasing volume,2 +2021-09-30,nasdaq spce stock plunged by 3.55 percent at last close whereas the spce stock price gains by 10.15 percent in the after hour trading session read the full news here,1 +2021-09-11,symbolname last price change volumemarketcap aapl apple 148.97 negative 5.10 to 3.31 percent 78.10 million msft microsoft 295.71 negative 1.54 19.63 million 22.08 million goog alphabet 2838.42 negative 59.85 1.64 million 1885.29 billion amzn amazon 3469.15 negative 15.01 3.33 million 1756.92 billion,1 +2021-09-27,taoping inc nasdaq taop stock declined by 4.68 percent at last close whereas the taop stock price gains by 5.66 percent in the after hours trading session read all about it here,1 +2021-09-28,whats behind todays market action📈 dxy spy qqq,5 +2021-09-09,goog alphabet inc class c the statistical model has detected this company s stock price will be stable in the short term with a flat long term setup,4 +2021-09-11,symbolcompany namelast price change market volumemarket cap crmsalesforce 257.2 to 3.545.28 million 251.80 billion intcintel 53.84 0.4420.10 million 218.43 billion amd advancedmicro 105.2 to 0.9532.60 million 127.60 billion atvi activision 79.64 1.5912.10 million 61.94 billion mtchmatch 164.38 6.67 11.93 million 45.50 billion,1 +2021-09-01,prefect wednesday with great weather a market that delivers daily time to take advantage of the tech world grab a pronto pup while trading aapl celh bbig on this full on day,5 +2021-09-15,mrna spy tsla afrm all entries and exits were signaled on live voice this is not a bull market this is not a bear market this is a kangaroo market 🦘🦘🦘,1 +2021-09-03,mbad update 67.7 percent of stocks in spx closed in the red today while markets remained flat which is a great example of how just a few stocks will completely distort the entire index today was much more bearish than you would think fb aapl amzn nflx goog tsla spy vix,1 +2021-09-06,ark invest tesla stock price target may be outrageous but elon musk says it is worth dollars 000 a share ‘if they execute really well’ tesla inc nasdaq tsla ceo elon musk has told its employees that he agrees with…,1 +2021-09-19,why i’m buying tesla stock in september the tesla nasdaq tsla share price rose nearly 700 percent in 2020 yet as i’m writing tesla stock has stagnated year to date so with the electric vehicle ev market continu…,1 +2021-09-07,mbad update 81 percent of stocks in spx closed in the red today while spot price only slide 35 basis points another great example of how just a few companies completely distort the entire index this was a very bearish day spy nflx tsla aapl,1 +2021-09-30,little 30 minute workday took the green before the feds start talking nflx spce amd went this morning watching nvda for a bounce for later on how’s everyone’s morning 🙏🏽📈🧿,5 +2021-09-01,here is the analysis for covering esf qqq aapl amzn fb nflx pltr dkng snow pypl tsla roku snap sq nio watch the charts and analysis,4 +2021-09-08,here is the analysis for covering esf qqq aapl amzn fb amd nflx nvda dkng mrna zm tsla shop rblx snow please share like and retweet,4 +2021-09-09,here is the analysis for covering esf qqq aapl amzn fb amd nflx nvda dkng mrna tsla shop snow msft please share like and retweet,3 +2021-09-08,thursday watchlist inside days in blue all 2 to 1 setups in i think look decent for setups tomorrow long if over todays high short if under todays low plus earnings lulu could set up intraday if indices are volatile will scalp qqq options,3 +2021-09-28,analysis for es nq qqq aapl amzn dal ba fb nflx amd mrna tsla msft ddog snap sofi mu roku 📺 please like and retweet if you find it useful,3 +2021-09-07,weekly cheat sheet amzn appl adsk amd bac bac bgfv clf dash ddog docu grwg hd hood jnj mcd mrna mttr mu nvax nvda penn pfe poww rblx tsla ttd ups v wmt,3 +2021-09-19,𝑴𝒂𝒓𝒌𝒆𝒕 𝑬𝒗𝒂𝒍𝒖𝒂𝒕𝒊𝒐𝒏 for 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 covered sq amd tsla nio roku zm snow aapl amzn googl msft spy 𝙂𝙇 share your winners tagging 😄 if useful please like and rt takes a while to make it for you guys and i hope it helps,4 +2021-09-14,kess watchlist ideas sq 255 calls greater than 252 amd 107 calls greater than 105 cat 210 calls greater than 208 tsla 750 calls greater than 745 fdx 265 calls greater than 263 sq 240 puts less than 244 nflx 580 puts less than 583 cat 203 puts less than 205 coin 235 puts less than 239 fb 370 puts less than 373 spy 448 445 🔑 cpi data tomorrow morning at 0 in pre market get a good sleep tomorrow will be fun,1 +2021-09-20,spy qqq market updates in the lens of algo flow looks like we have a big bullish divergence on both what does this mean for me i would keep an eye on my favorite tech stocks and start buying a bit of them at support levels because the algo expects reversal 😍,2 +2021-09-25,interesting chart of the top 5 companies in the SP500 500 spy as a percent of the index currently at 23 percent and make up 16 percent of eps aapl msft amzn fb goog,4 +2021-09-18,the total combined value of all nfl teams is now up to around dollars 12 billion according to forbes here are some popular stocks with a market cap smaller than dollars 12 billion snapchat snap dollars 11 billion ge dollars 11 billion caterpillar cat dollars 09 billion square sq dollars 09 billion deere de dollars 09 billion 3 million mmm dollars 05 billion airbnb abnb dollars 00 billion,1 +2021-09-20,tech and growth charts overall continue to set up better than a lot of the cyclicals recently especially in cloud and semis the pullbacks over the last 18 months have been buyable but it takes some patience and often waiting until the selling stops first qqq,4 +2021-09-22,aal amd aapl ba amzn googl mrna tsla roku shop esf nqf 🚀🚀 plus fed view which i gave last night was bang on now if you liked it do retweet and recommend to be part of my twitter family see you all tonight at 0 pm et 👍👍,5 +2021-09-07,one of those days when everything works aapl apparently big winner nflx 594 to 612 nke loss and holding and then comes clov nation have some into tomorrow,1 +2021-09-16,qqq indexes flat with a lot of good action under the hood nice pattern here and by the looks of msft aapl 50 simple moving average fb 20 simple moving average nvda 20 simple moving average tsla goog 20 simple moving average we could be getting setup to make a move we will see have a good night,4 +2021-09-10,aapl confirmed not just daily sells using demark based td sequential and td combo but also weekly sells with todays close under 149.09 this likely will take a toll in the very near term on,3 +2021-09-02,global market us markets closed flat but tech share rally took nasdaq to new all time high however manufacturing pmi was not enough to offset a disappointing job report non farm job increases 3.74 l in august well below market expectations of a 6.13 l,2 +2021-09-15,qqq amzn fb aapl bounces leading the way amzn almost 80 points bounce you just have to watch market reversal and accordingly trade any large caps as they move with market,3 +2021-09-14,vix back over 20 21.20 resistance qqq spy still bearish not touching any large cap longs until trend changes on only relative strength for short and put scalp use clouds on spy and others check out 34 to 50 ema clouds how they act as pivots aapl amzn spy,3 +2021-09-23,qqq nasdaq looks like it is going ot gap up and just about close the gap from the gap downwhich is also where it finds its declining moving averages the fight in this area will determine the next move above 370 bullish below bearish,3 +2021-09-16,good evening strong day with tech leading the market qqq moved almost 5 points from the lows if this can reclaim 379 it will set up for 383 next week amzn if this breaks 3500 in the first hour tmrw possible to see 3554 by friday am calls can work above 3500 have a gn 😄📈,4 +2021-09-26,weekend review confirmed uptrend nasdaq and SP500 500 had a weekly upside reversal to reclaim their 10 week smas after mondays shakeout both indexes reclaimed their 21 day ema distribution days 4 nasdaq 4 SP500 500 qqq spy,1 +2021-09-07,watchlist narrow focus mtch SP500 500 index news yooge surprisingly good option liquidity too tsla over 742 time to shine chart is screaming take me to 754 bearish less than 726 baba sleeping alerts set for 172 w volume 175 calls nflx u wanna step in front afrm earnings,2 +2021-09-20,spy down apple down fb down microsoft down tesla down pfizer down … this is not just an thing and as said recently just because it’s a negative beta doesn’t mean it behaves as such 100 percent of the time but there could be a silver lining and it gets me giddy,1 +2021-09-15,spy vix qqq amzn fb aapl nvda review of the market intraday breakout vix level breakdowns and large cap pushes simple strategy works both long and short side as i often mention hope you grabbed some of this bounce🙏,4 +2021-09-23,apps ba amd bctx bctw pavm ensc spy nice day so far on swings and trades for large caps if you listened to me and waited for vix levels to breakdown you should have banked u dnt need my alerts just review vix spy qqq and you ll see things happened as per plan,4 +2021-09-22,spy good to scalp calls as earlier mentioned no rush for me on large caps only big holding is amd for now and spy qqq calls and apps looking good as well trend is not a one day bounce remember that so dnt fomo let bigger picture be clear,4 +2021-09-08,tech stocks are seasonally weak in september📉 which also happens to be the worst month of the year for spy 👇 appl 36 percent win rate amzn 45 percent win rate msft 45 percent win rate tsla 36 percent win rate spx 45 percent win rate 🛡️vs more defensive stocks like🛡️ 📈 wmt 73 percent and dltr 73 percent 📈,1 +2021-09-15,microsoft up slightly on dividend hike and dollars 0 billion buyback giving futures a little boost overnight msft and chip names are near buys but the stocks continue to pull back with ok opens followed by weak closes msft amd entg amat klac aapl,3 +2021-09-15,spy carefully look at before and after other large caps moving nicely as well personally trading msft and tsla intraday still waiting for msft breakout,5 +2021-09-14,happy tuesday here are my stocks set for flat open to u s cpi inflation data fcel aspu kspn ibex earnings aapl iphone 13 event to wti oil jumps above dollars 0 may the trading gods be with you 🙏 dia spy qqq iwm vix,1 +2021-09-21,quick take on apple and the nasdaq plus amd nio pltr nflx pfe fslr is this another quad witching bear trap for aapl qqq,5 +2021-09-30,today is the last trading day of september end of quarter usually we see some window dressing around the end of the month but this time around it has been some window undressing lets see if markets can hold a bid today spy dia iwm iwm,3 +2021-09-04,weekly inside bar aal abnb amc bac bby c crm csco czr dkng fslr gm jblu jpm luv lyft pep pg save splk vz wdc daily inside bar aeo astr cmcsa cop edit fsly lac nio pdd oxy pltr rdfn t ups v xom,4 +2021-09-22,🚨shark hunting the flow wl🚨 qqq dkng x amc cpng azn znga uber be careful tomorrow y’all with that huge qqq alert i am still thinking we are in shaky territory i am still waiting for larger buyers to come and play 👀👇,5 +2021-09-20,fang constituents aapl 144.26 to 1.23 percent amzn 3415.5 to 1.34 percent baba 155.45 to 2.86 percent bidu 159.43 to 1.78 percent fb 360.59 to 1.15 percent goog 2795.51 to 1.13 percent nflx 584.48 to 0.75 percent nvda 214.48 to 2.1 percent tsla 744.55 to 1.96 percent twtr 61.27 to 2.15 percent msft 296.94 to 1 percent,1 +2021-09-27,watching the loss of relative strength and momentum behind faang and mt closely given their collective 25 percent footprint in the spx aapl 6 percent msft 6 percent amzn 4 percent googl and goog 4 percent fb 2 percent tsla 2 percent nvda 1.5 percent,4 +2021-09-22,futures fall after tepid market rebound fizzles as big fed decision looms what to do now meanwhile adobe fedex fall on earnings nvidia snap near buys adbe fdx sfix nvda snap an,1 +2021-09-10,stocks start higher today let’s see if can hold all week the sellers come in later but with little conviction tech leading the way with tesla nvidia and big caps tsla nvda msft goog,3 +2021-09-02,great action seeing stocks outperform under the hood as the indexes chop and consolidate exactly what want to see with the qqq pushing on that 5 percent 50 simple moving average extension area,5 +2021-09-03,video stock market analysis for week ending spy qqq iwm smh ibb xlf and follow up to stock in last weeks video amd nflx tsla lac beam mnst,4 +2021-09-01,adp missed should be good for stocks bad news is good news as it shows growth not as strong as predicted and should keep tapering fears on back burner and interest rates low tsla,2 +2021-09-11,this week watch the dollars 0 t apple aapl dollars .5 t microsoft msft dollars .3 t google googl dollars .9 t amazon amzn dollars .8 t facebook fb dollars .1 t tesla tsla dollars .75 t as of first quarter 2021 401 thousand plans held an est dollars .9 t in assets represented of the dollars 5 t us retirement market ici data v,1 +2021-09-28,forced out of two new trades that i put on last week and back to 100 percent cash right now with qqq back below 50 simple moving average will remain on sidelines and watch how this plays out,1 +2021-09-01,among the mega caps aapl msft nvda goog fb all 2 percent of all time highs amzn 8 percent off ath to this gap should be filled exception tsla 18 percent off ath,2 +2021-09-09,afrm positive 23 percent on earnings report ah clearly on tomorrows list fri also watching double inside day fb and holy grail setups outside day followed by inside day or 3 to 1 in terms in pypl uber twtr inside day bars dkng amd nflx tsla,1 +2021-09-21,aapl is the most important stock in the market and it is important to watch everything shifted this morning as it double top rejected from high of yesterday qqq double top rejection as well note spy has not confirmed a 5 min trend change during reg hours since yest low,1 +2021-09-13,spx qqq still trading near the lows possible to see 1 to 2 more days of consolidation and pull back before we see a bounce spx looks like it can drop to 4400. needs to defend 4444 aapl if it cant reclaim 150 it can pull back to 145. aapl event tomorrow as well,2 +2021-09-15,the market is starting to show signs of a bottom here spx held 4444. if it closes above 4474 it can test 4500 tomorrow googl setting up for 2900 if it runs again tomorrow aapl needs back above 150 to test 153 in early october,1 +2021-09-03,good morning futures slightly green after jobs report released qqq lets see if it closes between 382 to 383 today under 379 can sell off aapl if this break above 155 it can test 158 next week calls can work above 155 nvax wait for 263 above will set up for 300 gl 😄,3 +2021-09-03,next week is looking to set up for another leg higher 📈 names on 👀 googl 2900 mrna 414 nvda 230 nflx 600 aapl 155 whats on everyones watchlist,1 +2021-09-25,seeing some good technicals on high growth stocks u arkk tsla ba is looking nice seasonality on sept oct might be bearish but have to play around the news and macro with bottoming stocks like zm shop etc amzn point 3500,3 +2021-09-28,uwl review eod the standouts to me are sorted by percent gain on the day dna afrm hut apps amd tsla gtbif upst skin cxm on nflx zip pstg hood qs panw dash dlo u,4 +2021-09-10,gogol in huge trouble now aapl ruling will affect msft store amzn store gooogl store etc etc under is 2822 we loaded 2850 fast at 3.8 now 11 wow,1 +2021-09-10,good morning qqq gapping up near 381 this morning if it closes near 383 we can see a bigger tech rally early next week qqq above 392 will set up for 400 tsla watch 770 if it can break this level it can move to 800 by next week call can work above 770 good luck 😄,1 +2021-09-16,good morning small gap down this am watch to see if spx qqq move red to green at the open spx setting up for 45004517 googl if it moves red to green it can test 29002918 next calls can work above 2900 tsla possible to see 770 if it holds 752 good luck 😄,3 +2021-09-30,indexes below the 50 day sma iwm spy qqq sectors below the 50 day sma ibb clou xlb xlk xlu xlre xlp xli large cap tech below the 50 day sma amzn aapl googl msft nvda if it looks like a duck and quacks like a duck its a duck side note tsla above 8 day,1 +2021-09-08,good morning futures down slightly but off the lows alb u and g buy berenberg coup point raised to dollars 00 from dollars 60 oppy msft point raised to 3 dollars 5 jefferies coin sec threatens to sue over interest program tsla tesla delivers 44264 china made cars in aug up 34.3 percent m and m,1 +2021-09-28,good morning futures down powell on the hill today ccj u and g buy td sec baba has started to allow consumers to use wechat pay operated by its rival tencent amat d and g neutral new street ms d and g hold berenberg wfc d and g equal weight ms,5 +2021-09-09,spx qqq still very choppy the past 3 days we should see a bigger move by next week upst looks like its setting up for a run to 300 next needs to hold above 280 nflx if it closes under 600 it can pull back to 593 tomorrow,1 +2021-09-24,some of the uwl that catch my eye qs afrm inmd task app dlo u cflt pltr apps crox skin asan upst dna mrna docn amba gdyn nvda pstg sq cxm amd panw snap mdb nflx tsla dash ddog net hood several of these have wick set up potential for tomorrow that ill be looking to trade,4 +2021-09-23,best of the uwl in my eyes sorted by percent gain today arqq hood amba cxm apps docn afrm inmd cflt net asan mdb sq snap nvda nflx pltr pstg hubs skin ddog crwd crox zs u tsla mrna amd task dna docu swch upst zi panw spt abnb snow team zip dash qs,5 +2021-09-08,spx qqq still very choppy leading into spx roll tomorrow we should see a bigger move early next week be patient here bbig setting up for a run towards 14 to 15 if it holds above 11,2 +2021-09-21,spx qqq no real momentum today as long as spx holds above 4342 it should move back towards 4400 after fomc tomorrow amzn not ready to bounce yet keep an eye on 3400 to consider calls puts can work under 3300,2 +2021-09-24,good morning qqq if it holds 370 possible to see a 2 to 3 point bounce qqq under 370 can back test 367 support calls can work if it holds 370 amzn gapping down 20 under 3388 can test 3363 if amzn can reclaim 3400 it can run 25 to 30 points today it can be a tricky day so be patient,4 +2021-09-14,good morning positive reaction to cpi this morning qqq lets see if it closes near 379 possible to see more chop if it stays between 375 to 379 amd can move back towards 115 to 118 in october lets see if it can break above 106 today calls can work above 106 gl 😄,4 +2021-09-16,spy qqq some bounce since vix rejected from 20 area yet again 18 is still level for vix to break so market can get out of this chop will revisit daily charts and other large caps later in day msft consolidating over 300 is good,3 +2021-09-24,ok see vix has been on downtrend if you followed my plan from vix 25 and 20 we been banking on large caps on my feed now if qqq spy continues to breakout fb tsla key watches for continuation aapl already up 2 points from morning mention if you are worried scale down,3 +2021-09-10,great day to end the week googl on aapl news 2850 from 3.8 to 30 spx 2870 1.6 to 12 lrcx 1 to 10 bntx 350 4.6 to 13 said non stop spx roll week into 9 to 11 pretty sure one more week of this and back to rippy,1 +2021-09-02,tech stocks starting to sell off leading into non farm payrolls tomorrow morning qqq if it fails at 379 we can see a pull back towards 375 next week amzn green to red on the day possible to see 3434 before buyers step in puts can work under the lows,1 +2021-09-20,good morning qqq possible to see 362 if it fails at 367 this week dont try to guess the bottom let the market drop fomc later this week as well aapl gapping under 145 if it stays under 145 it can back test 141 before we see a bounce puts can work under 145 gl 😄,1 +2021-09-23,major indexes with a follow on rally as nasdaq reclaims the 21 day ema and the 15000 level SP500 500 is back above the 50 day sma and the 21 day ema ibd current outlook shifts back to confirmed uptrend from uptrend under pressure qqq spy,5 +2021-09-22,aapl ios 15 googl nyc buy vno slg on watch opi jbgs tost ipo well above range qs run licy eyes dollars 1 dis selloff overblown upgrades sofi vlta azo nflx spwr lcid spg dvax covid player but too late to the game dpro producing valqari drones,1 +2021-09-15,googl dropped on aapl store epic news and not1 analyst cane to defend thi sis because of missive spx puts being bought w think 2 monster upgrades on monday,1 +2021-09-13,aapl vs epic fight continues ahead of iphone 13 event baba to be broken up nflx ratings surprise spce delay viac looks to shake up after streaming numbers dis goes back to theaters amc on watch intc looks to cut cpu prices to fight amd joan buyback,1 +2021-09-15,leaders look fine nvda upst net asan msft fb crox celh zim mrna hubs team panw googl ddog amd … so many holding up well…,5 +2021-09-23,thats it charts are done for the night hope they are helpful see you tomorrow reviewed spy qqq iwm spot grwg amd apps crm dis dkng penn wish pltr upst dats nnox twtr aapl nflx roku visl,3 +2021-09-28,thats all for charts today everyone have a good night reviewed qqq iwm spy btc eth plug m penn dkng rblx visl twtr acb fubo pltr optt cei dats amzn crwd amd grwg,3 +2021-09-14,thats all for tonight family time these are simply my perspectives and can change with price action as always never marry any perspective i hope everyone has a great night reviewed spy qqq iwm aapl amzn amd dis grwg roku fubo ge dal qqq 2018 compare,5 +2021-10-25,look at fly i am buzzing right now let this continue to rise all week this is where this stock price should be lfg 🚀🚀🚀🚀 tsla,1 +2021-10-19,for fun to here are financials and forecasts for a dollars 67 stock price with dollars 65 billion market cap tsla cnq cve su may have to blow up a bit to view,4 +2021-10-22,ebet is at important level dollars 7.2 dollars 7.9 breaking above this level will take the price to dollars 1 then dollars 4,1 +2021-10-06,prog today is a easy trading set up where the chart is bullish and positive news are expected per previous pr it is up to and to take this stock price back to dollars .0 and up bmra spy,1 +2021-10-07,tesla just raised its price on two top models by dollars k to dollars k investors are liking that,5 +2021-10-24,big week for us earnings 164 SP500 500 companies including 10 dow 30 components are scheduled to report results for the third quarter highlights include the mega cap tech all stars aapl amzn fb msft googl,5 +2021-10-31,tesla inc s tsla stock price is up 10 times in 18 months to a ten bagger in a year and a half we live in extraordinary times,5 +2021-10-30,online learning firm udemy valued at dollars .7 billion in market debut report online learning company udemy inc was valued at dollars .7 billion after its shares opened seven per cent below offer price in their nasdaq debut on friday …,1 +2021-10-03,will it affect the price of stock?,3 +2021-10-04,nasdaq advm stock surged by 0.46 percent at last close while the advm stock price gains by 18.35 percent in the after hours trading session read more here,1 +2021-10-19,nasdaq ever stock gained by 0.23 percent at also close whereas the ever stock price plunge by 5.42 percent in the pre market trading session read the full news here,1 +2021-10-15,inc nasdaq syta stock plunged by 3.34 percent at last close while the syta stock price declines by 8.93 percent in the after hours trading session read more about it here,1 +2021-10-19,nasdaq ettx stock declined by 1.27 percent at last close whereas the ettx stock price gains by 24.12 percent in the after hours trading session read the full story here,1 +2021-10-21,nasdaq auvi stock plunged by 1.90 percent at the last close whereas the auvi stock price gains by 8.47 percent in the pre market trading session read the full news here,1 +2021-10-27,nasdaq iinn stock skyrocketed by 308.09 percent at last close whereas the iinn stock price declines by 38.27 percent in the after hours trading session read more here,1 +2021-10-29,nasdaq wdc stock gained by 3.24 percent at the last close whereas the wdc stock price declines by 10.30 percent in the after hours trading session read the full news here,1 +2021-10-25,nasdaq inpx stock plunged by 8.16 percent at last close whereas the inpx stock price gained by 19.56 percent in the after hours trading session read more about it here,1 +2021-10-04,rekor systems inc nasdaq rekr stock plunged by 5.74 percent at last close whereas the rekr stock price surges by 8.22 percent in the after hours trading session read full news here,1 +2021-10-21,abb inc nasdaq abb stock gained by 1.45 percent at last close whereas the abb stock price declines by 5.96 percent in the pre market trading session read the full news here,1 +2021-10-11,📈 to 📉 fb calls 32.8 puts 327.1 aapl calls 143.30 puts 141.5 nflx calls 638 puts 633.3 tsla calls 787.4 puts 782.2 f calls 15.2 puts 14.9 amd calls 105.4 puts 104 also our merch store is now live 🥳🥳🥳,5 +2021-10-24,tech earnings week some of the big names fb ah monday dollars 5 dollars 0 priced in amd ah tuesday dollars dollars 0 priced in msft ah tuesday dollars 0 dollars 5 priced in googl ah tuesday dollars 50 priced in aapl ah thursday dollars dollars priced in amzn ah thursday dollars 50 dollars 80 priced in 🎲😉,1 +2021-10-28,fang index is testing the resistance again after getting rejected earlier this week aapl and amzn are reporting after the close this could be a good spot for a qqq straddle it will either blast through the resistance or sharply reverse lower,2 +2021-10-18,big 3 revisited 1 today is significant as msft made an ath signaling more upside 2 amzn and aapl seem to work on the rebound w 2 even if this is indeed w 2 they still point to a bit higher potential 3 for any bear case to materialize spx has to turn back down here,4 +2021-10-29,spy qqq nasdaq ndx bunch of people telling you to dip buy aapl and amzn this morning ask those people to post exactly which dip they bought in real time today i bet you they wont,1 +2021-10-22,the nasdaq was the only major u s index that did not set new highs this week despite being 6 months overbought below bulls have to pray this is not the beginning of wave 3 down in tech stonks because cyclicals are hyper overbought what a difference one year makes,1 +2021-10-04,the impending taper is monkey hammering tech stocks the nasdaq is stair stepping lower in what appear to be nested 1 down and 2 up deja vu of 2010 flash crash to an elliott wave sequence preceding a massive third wave down so i am adding a fourth risk for this month,1 +2021-10-28,market note memba wen nflx msft and goog ripped after er none ran up into earnings know what happens wen stocks run up into their ers its sell the news because we already know the news is good aapl amzn,1 +2021-10-24,big earnings week ahead with names like amd aapl amzn shop twtr v fb reporting what are you guys watching,5 +2021-10-29,watchlist 0 days te nvda over dollars 50 to 252.50255257260 under 248 down to 245243.30240 upst potential bear flag afrm over 162 wick fill to 166 nflx over dollars 80 momo play amzn post er downside under 3280 or over 3320 tsla over 1085 towards 1100 lcid for continuation momo play,1 +2021-10-20,market recap earnings so far are sending a clear message we will pay more and earnings reviews pg ual nflx eat and pfe rebound trade and charts spy qqq iwm dxy gld tlt tbt vix aapl tsla btc amc earnings previews abt lrcx tsla,1 +2021-10-23,here we go massive earnings week fb ups ge goog v twtr hood amd lly qs rtx ba gm ko mcd spot teva twlo f algn upwk ebay tdoc shop cat aapl amzn sbux ostk xom abbv ma mstr which name will 🚀 this week,5 +2021-10-03,faamg vs qqq spy over the last three years msft aapl by far best performers followed by goog then fb my fun fact of the day is amzn has underperformed qqq over the last 1 and 3 years 😮,5 +2021-10-20,fangam spy monthly i like big tech better than spy aapl 10 million bo in jun nflx 1 year bo in aug msft breaking out this week googl steady strong uptrend amzn 15 million base poised for bo,1 +2021-10-01,aapls price moved below its 50 day moving average on september 17 2021 view odds for this and other indicators,1 +2021-10-02,aals price moved above its 50 day moving average on september 22 2021 view odds for this and other indicators,1 +2021-10-20,has this been useful for you guys so far this week some nice moves on sq amd tsla nio roku zm aapl snow amzn googl msft so basically everything 😂 thanks spy qqq 📈,5 +2021-10-03,amd in uptrend price expected to rise as it breaks its lower bollinger band on september 20 2021 view odds for this and other indicators,2 +2021-10-30,pre market this morning spx 4600 close ✅ aapl 150 calls next week exploded to itm ✅ amzn 50 points ✅ gs 416.5 couldn’t break ✅ nvda exploded ✅ fb calls paid ✅,1 +2021-10-31,obstacle to further gains is oct’s 45 percent gain at 127 times street 2022 eps vs my 93 times 2022 pe ratio underwt pms keep hoping for a pullback as long as 2022 tsla ests keep rising and amzn and aapl and fb ests keep falling there’s money in motion and instit pms likely to buy any dips,2 +2021-10-05,dip buy on tech worked out nicely although it was scary yesterday at lows with no strenght on bounce tries positions closed at 11 a m this morning qqq nflx fb,3 +2021-10-23,spy dd🧑‍🚀 • new ath🎉 • however it didn’t stay there for long🥲 • huge earnings coming up next week with aapl fb amzn googl msft 😵‍💫 • this will make or break spy spx if tech delivers on earnings new ath coming if earnings miss expect 440⁉️ • data via,1 +2021-10-26,spy dd🧑‍🚀 • spy spx continue to look strong as we move through earning with aapl fb amzn googl msft all reporting this week🔥 • so far no huge move by any fang names but if aapl beats on earnings new ath if earnings miss 440 is possible⁉️ • data via,4 +2021-10-29,as we come into the months end market has finalized aapl and amazon earnings and the likelihood of a corrective move is looming around the corner we have been monitoring uvxy over the past couple of days and have noted the higher lows printed despite the market moving,4 +2021-10-28,intraday scan sorted by volume change mxl big power earnings gap today arcb focus list stock breaks out from its cup with handle pattern before earnings next week kbr strong reversal off 20 expontential moving average post earnings bg perks up just below 92.38 pivot tsla strong accumulation again,2 +2021-10-29,the bear case is losing a lot of steam over the last 18 hours with the and market caps aapl amzn missing earnings and spx qqq on the new highs list currently a strong close would help but both are straight up from the open so far,2 +2021-10-29,global market insights .5 apple stock fell more than 3 percent in extended trading hours on a revenue miss amazon stock fell 4 percent after weak fourth quarter guidance starbucks shares 4 percent down on lower than expected revenue,1 +2021-10-27,a silent sell off on the nasdaq today didnt show on the index due to the big up moves in msft and googl however we had net lows today as shown in the bottom panelred bar breaking the upstreak and putting the market on shakier ground,1 +2021-10-28,pajama traders are bullish right now but the closing today was kind of ugly i think we can see 379 on qqq before we go higher watch the open again red open will be a gift yesterday i was talking googl rest of the week watch nvda will share trade idea bsed on interest,3 +2021-10-15,amzn was one too bad i only added stock lottos if added wud have been nice already looking around if see anything will share watch qqq if breaks out can play those lottos as well,2 +2021-10-29,global market insights us futures markets slip after a disappointing outlook from apple and amazon major technology companies released results at market close earlier all us indices closed with gains dow positive 240 SP500 positive 45 and nasdaq positive 212,1 +2021-10-01,aapl 141 vix now 21.24 need to stay under 22 till end of week and day spy qqq higher trend fb still leading 338 still risk tsla consolidating,2 +2021-10-22,ok friends calling it an evening heres what we have so far i will do some scans in the morning to see if anything piques my interest docu mttr ftek jpm aapl atvi tsla good night ♥️🐶,3 +2021-10-15,spy qqq overall market has changed the trend to upside from recent correct imo unless spy breaks back under 439 or qqq back under 365 upcoming earning season will lead the way important to trend higher monday as new weekly candle upon us vix as long as under 18,3 +2021-10-29,and that is a wrap for me nice week nothing spooky here spy qqq ath strong names leading msft tsla nflx nvda trend is your friend fed wed charts this weekend happy halloween my video below,1 +2021-10-15,qqq even though amzn and tsla are running nasdaq 100 is still lagging added some calls for 368 breakouts can use low of day risk if qqq runs here watch fb to rebound as well,2 +2021-10-05,vix aapl at highs vix at key inflection point appl held key 140 level so far if vix goes under 20 here might be ok for short term will see check levels on spy qqq as well fb amd too key holdings so far but still cautious off overall trend solid day in largecaps,4 +2021-10-23,💥big week of tech earnings ahead 👀👀 mon fb tues msft googl amd twtr hood v wed ba mcd ko gm f thurs aapl amzn shop ma sbux cat fri xom cvx rcl dia spy qqq iwm vix,1 +2021-10-18,if your still bearish you need to rethink your thesis strong 4 day move in the markets today amd caught it right on the open if not nvda aapl tsla amzn afrm roku tgt to name a few names ruled today this market,1 +2021-10-14,nasdaq logs a day 8 follow through day ftd as it gains 1.73 percent on heavier volume vs yesterday the index closed just below the 50 day sma shifts current outlook to confirmed uptrend qqq spy,1 +2021-10-16,💥big week of third quarter earnings ahead 👀👀 mon to tues nflx jnj ual pg hal wed tsla ibm hpq vz lvs thurs snap intc t aal luv fri axp hon dia spy qqq iwm vix,1 +2021-10-28,happy thursday here are my stocks set for higher open aapl amzn earnings shop ma sbux cat mo x also report f surges 10 percent after strong results to u s third quarter gdp jobless claims may the trading gods be with you 🙏 dia spy qqq iwm vix,1 +2021-10-24,happy sunday here are my busiest week of third quarter earnings season aapl msft amzn googl fb earnings twtr hood amd shop also report ba cat mcd ko gm f ge ups results to u s inflation data third quarter gdp may the trading gods be with you🙏,5 +2021-10-29,happy friday here are my stocks set for lower open aapl amzn tumble after weak results xom cvx earnings rcl abbv cl also report to u s pce inflation data may the trading gods be with you 🙏 dia spy qqq iwm vix,1 +2021-10-24,🇺🇸earnings this week apple microsoft amazon google facebook twitter amd robinhood visa mastercard shopify ebay mcdonald’s coca cola starbucks gm ford ups boeing caterpillar general electric exxon mobil chevron 👉 dia spy qqq,5 +2021-10-24,after a much needed twitter rest im excited and getting ready for next week which will be a really interesting one with all of these earnings calendar by fb amd msft goog twtr shop amzn twlo tdoc spot,5 +2021-10-06,qqq tech stocks choppy but bouncing oversold bounce meaningful overhead resistance with day mas turning down looking for test of 200 day ma,3 +2021-10-28,fang constituents aapl 146.9 to 1.32 percent amzn 3296 to 2.82 percent baba 168.61 to 0.37 percent bidu 168.48 positive 0.45 percent fb 316.61 positive 1.43 percent goog 2918.08 to 0.24 percent nflx 677.73 positive 2.06 percent nvda 249.79 positive 2.14 percent tsla 1074.06 positive 3.51 percent twtr 54.12 to 1.24 percent,1 +2021-10-06,fang constituents aapl 139.06 to 1.5 percent amzn 3183.94 to 1.21 percent baba 140.87 to 1.52 percent bidu 147.46 to 1.6 percent fb 327.9 to 1.55 percent goog 2693.44 to 1.1 percent nflx 628.27 to 0.99 percent nvda 200.73 to 1.97 percent tsla 770.5 to 1.23 percent twtr 58.98 to 1.44 percent msft 284.62 to 1.46 percent,1 +2021-10-01,paras defence and space technologies makes bumper stock market debut shares rally 171 percent over ipo price,5 +2021-10-29,aapl and amzn are both down about 3 percent each today while the nasdaq is only down .18 percent this tells me there’s a lot of underlying strengthen in this market,3 +2021-10-25,focus list .5 nflx momo play over 675 level tsla few more upgrades can easily take us over dollars 050 tomorrow etsy 255 to 260 had a great run today but missed it due to tsla coin bull flag breakout next tg is dollars 40 for the week nvda tat of dollars 40 this week,1 +2021-10-27,qqq daily shooting star after making aths and double topping if aapl amzn decide to taking a number 2 after earnings use your imagination well get the reversal confirmation,4 +2021-10-25,2 third quarter earnings kick into full swing this week with aapl msft amzn googl fb twtr all reporting biggest focus will be whether weak snap guidance last week following aapl ios 14.5 privacy change was a one off or are advertisers cutting back on all social media advertising,1 +2021-10-09,watchlist for next week tsla nflx amzn i will resume my swings from next week as ivol is coming down what are you watching,3 +2021-10-17,watchlist for next week amzn apparently but heading into huge resistance area with a weak prior q er behind it nvda to love it nflx to only until er not through er may be msft growth continues to get beaten up except upst afrm so play the strength whats yours,3 +2021-10-25,if you shorted spy iwm qqq youre going to eat some dust for breakfast its going to be a fun morning also oil and energy stocks remain priority yet you keep selling snmp its a double whammy burger with energy and infrastructure bill,4 +2021-10-18,good morning futures down slightly china gdp disappoints tsla michael burry no longer short aapl mac event 1 pm today mrna u and g buy point dollars 85 cfra dis d and g equal weight point dollars 75 barclays spce d and g sell point dollars 5 ubs ntap d and g sell gs point 81,1 +2021-10-28,as i expectedsee my last newsletter to oct amzn negative 130 points negative 3.75 percent after hrs and aapl negative 5.6 points negative 3.7 percent were the two faangs most likely to issue disappointing third quarter reports big question is whether it will put a stop to absolute wilding in the narrow number of faves still working,3 +2021-10-17,qqq still lagging stopped at the 50 days on friday we start getting some tech names this week nflx tsla intc ect above the 50 days posed to run as well,1 +2021-10-14,uwl names of interest after today task inmd se hut ddog crwd bros docn net bill mdb snow cflt asan amd afrm hubs upst zi team pltr crox apps nvda msft open app nflx tsla abnb uber si fang mtdr,3 +2021-10-18,uwl names standing out afrm amd arbk bros coin crwd dash ddog docn gnrc hut inmd msft net nflx nvda open panw qqq se snow task tsla u upst zs,1 +2021-10-27,mq arqq nvda bros xpdi zip crwd fang nue pstg zs abnb u gs msft docn lyv app amd inmd snow nflx tsla hut open some of the names jotted down but i see some short term signs of needing to take it slow for a moment and really only take a good set up,3 +2021-10-12,tsla holding up well with the market dipping at the open holding above 805 so far this should test 819 this week above 819 can run to 835 shop bouncing off 1354 the past few days this can move back towards 1400 if it holds 1354 qqq almost red to green needs 359,3 +2021-10-27,are the indices really gonna pull back hard before aapl and amzn report tsla msft and goog crush and remaining doesn’t want to see what the other two mega caps got 🤔,1 +2021-10-28,tsla basing under 1077 if it closes near this today possible to see another gap up tomorrow shop get through 1500 it can run another 40 to 50 points tomorrow qqq new all time high today setting up for 388 next week,1 +2021-10-26,spx nice breakout towards 4600 this morning spx can run another 50 to 60 points this week if tech earnings have a positive reaction and spx holds 4600 tsla massive trade this week possible to see 1200 if it closes through 1100 arkk bottom should be in this can test 133 to 135,1 +2021-10-15,have a lovely weekend all to many eps next week to a few i am watching jnj ibm axp slb plus ip and pmi econ data cant wait some fun to boy pablo to dance baby,5 +2021-10-12,the bottom should be in for today qqq held 356 again now setting up for 359. if qqq holds here it can move back above 362 tsla setting up for 835 this week as long as 805 holds calls working so far if you bought above 800 aapl if it holds 142 it can test 145 next week,3 +2021-10-29,uwl review these are the ones of note to me going into tomorrow lcid qs si tsla docs app crox enph u coin nvda nflx bros open pstg ssys hut nue mara msft snow bkkt,5 +2021-10-22,good morning futures mixed tech down nvda u and g buy summit insights zm u and g overweight jpm urbn u and g buy citi intc d and g neutral mizuho intc d and g equal weight ms snap point cut to dollars 5 frp dollars 5 piper amzn point cut dollars 200 from dollars 700 cs mrna int sell db,1 +2021-10-29,good morning futures down qqq most cvx eps beat .77 rev beat cat u and g buy ubs point dollars 35 plug point raised to dollars 6 from dollars 7 piper sbux d and g to hold point dollars 12 stifel amzn point cut to dollars 875 from dollars 904 piper hsy d and g neutral citi,1 +2021-10-27,good morning futures flat tsla point raised to dollars 37 from dollars 17 citi just embarrassing spot eps miss 0.29 rev beat googl point raises across the board msft point raises across the board twtr point cuts across the board amd point raised to dollars 40 from dollars 20 piper,1 +2021-10-28,usa 🇺🇸 gdp has now slowed down to 2 percent only 1 data point now remains unknown afaic aapl eps here are key levels which may decide next whether we hold or 100 points down in SP500500 upon a d1 close below these tsla 982 now 1037 aapl 144 now 149 SP500500 4537 now 4559,1 +2021-10-30,aapl 148 calls .25 to .30 to 1.50 to 1.75 149 calls .10 to .15 to .85 to .90 amzn 3325 calls 8.10 to 3330 calls 8.00 to 6.50 to 3360 calls .75 to 18.00 googl 2925 calls 3.00 to 36 2940 calls 5.75 to 22 2950 calls 3.00 to 15 2950 calls 1.50 to 11 spy 458 calls .20 to 1.50 some of many re entries today,1 +2021-10-27,premarket plan 💡 qqq is just in a range near 379 for now aapl amzn earnings tmrw if theres a positive reaction qqq can retest the ath at 383 nvda above 250 can test 254260 calls can work above 250 googl above 2800 can test 28202843 calls can work above 2800,1 +2021-10-11,weekly charts of interest from the uwl abnb afrm amd app apps bill bkng crk dash ddog docn hut lc net nflx nvda panw si skin snap snow tsla u uber upst zip,4 +2021-10-18,spy next leg over 446.30 qqq push over over 369.50 two key levels for market push vix needs to break 17 and back to 16 here for market push aapl trying to lead but lagging most stocks have developed opening 30 min range need to see that break for upside for trend,2 +2021-10-27,great earnings have to have a future story or are sold tsla was unique googl was big cap msft is bug cap now numbers stunning no real reason to be lower twlo coo left thaìs a huge issue shop aapl amzn next amazing week … net net,5 +2021-10-18,three 3 forces are now supporting SP500500. helped by susmita’s superb aapl airpods presentation stock has closed right under 147 dollar 154 to 156 is a cinch from here with this background i am now open to 4535 now 4475 spx ndx spy esf nqf zcf clf,1 +2021-10-28,big earnings coming up today after the close with aapl amzn possible to see a bigger tech rally tomorrow if theres a positive reaction qqq at breakout level at 383 and spx near 4600,5 +2021-10-27,qqq to tech looking extremely strong huge day in the making looks like aapl amzn still to report gs is looking extremely close to a massive break out opening red is a gift spy iwm dia,1 +2021-10-08,vix under 19 18 next support good for market overall 440 pivot for spy to upside nasdaq lagging needs over 365.5 sideways action for now will see trend if breaks those pivots spy qqq amzn roku consolidating tsla big reject from 800 fb 330 support ba strong,3 +2021-10-07,market gapping up this morning vix testing 20 key level look for break or bounce off that level to see how trend holds amd fb aapl tsla and other gapping up nicely if pullbacks at open use yesterday close level as risk to hold for tradei e gap fill bounces or emas,1 +2021-10-29,its a show off day for gwth stocks even when aapl and amzn missed er estimates and got sold off new aths lc bros inmd net enph ampl oprx tsla team ddog zs nvda msft next week is 1 of historically best performing weeks and many sm gwth stocks will release ers gl,5 +2021-10-21,msft for vr equipment for us army rblx to teach kids how to make a living in video game platforms ab as they’ll manage pension funds axp as every government official has to have an amex 💳 nflx as all students will start learning from netflix documentaries,4 +2021-10-09,update on apple tesla nio qqq spy roku squarecash draftkings nvidia bitcoin xpeng etsy amd content tech qqq aapl msft nvda amd mu growth tsla nio etsy roku sq xpev nndm arkk reopening spy dkng xom dis jblu crypto btc eth,1 +2021-10-06,lots to do today as many of tuesday’s lows got reclaimed after holding monday’s low spy qqq can anyone name a few that worked and u took for a bit of upside follow thru which has been hard to find,4 +2021-10-08,while spy may look bearish divergent keep in mind qqq dia are throwing strong signals xlf weaker going into next week but they buy every dip big bull signals remain on amzn googl and stocks like ba roku mcd ulta pypl nke all look better going into next week,2 +2021-11-01,tsla in a year wow some lovely gains are being made here i still stand by and believe this stock should be at the amzn share price levels,5 +2021-11-19,what do you think is the next hot stock here’s our morning watchlist want more info link in bio 👆 check out our discord also,5 +2021-11-10,is stock a buy at dollars 00 technical analysis and price prediction .75 full video on youtube investwithjo,5 +2021-11-12,is stock a buy at dollars 50 technical analysis and price prediction .3 full video on youtube investwithjo,5 +2021-11-19,will the car push the stock to dollars 00 technical analysis and price prediction full video on youtube investwithjo,1 +2021-11-17,is stock a buy at dollars 82 technical analysis and price prediction .3 full video on youtube investwithjo,5 +2021-11-12,is stock a buy at dollars 5 technical analysis and price prediction .6 full video on youtube investwithjo,5 +2021-11-15,esf SP500 500 price forecast – SP500 500 forming bullish flag the SP500 500 has rallied a bit during the course of the trading session on friday as we continue to form a bullish flag spy spx,4 +2021-11-18,the history of apple’s aapl stock price over the last ten years is extraordinary the technology giant is now worth dollars .5 tn and the stock is flirting with another all time high the split adjusted return comes in at 1038 percent,1 +2021-11-01,lcid is the price going to retest dollars 0 after forming a doji candle on daily chart lets see what happens,1 +2021-11-08,its funny that is doing everything in his power to tell shareholders that the price is too high yet they refuse to listen i guess is credible for them only if hes tsla,4 +2021-11-15,two new correlations have been detected in the recently the longer the life expectancy of or the more concerned is about the suggestion to the lower the price of tsla,3 +2021-11-16,tsla daily check the dollars 000 level was heavily contested yesterday but the won no surprise that the price is pressing higher today not out of the woods yet but could see a inverse head and shoulder formation equals bullish sign no invest advice,2 +2021-11-06,tsla who could have imagine on 13 april 2021 when i bought back in april at dollars 55 and set the price target 1250 it hit dollars 243.39 and a sell off thank you for 2300 percent gain,1 +2021-11-05,although the gaming industry is suffering from a downturn in the boost they got from the pandemic electronic arts ea just reported the strongest second quarter in the companies history the average price target on is dollars 76 🤐,2 +2021-11-30,a put options means you think the stock is going down in price something bad must had happened that is causing the stock to go down in value to learn more click on the link below,3 +2021-11-15,tsla daily check was down pre market but gained quite a bit and had a spike to dollars 035 price is artificially suppressed by sentiment there is a huge put wall dollars 000 equals strong support line expect more volatility as might sell more stock,3 +2021-11-30,tsla daily check weekly chart in reversal from overbought zone with potential to revisit the blue price is caught in consolidation zone red triangle a good fourth quarter equals momentum push for a break out today retest dollars 200 no invest advice,3 +2021-11-15,tesla inc tsla closed at dollars 033.42 today stock price has gone down by 2.83 percent dollars 0.09 since previous close value of dollars 063.51,1 +2021-11-09,psei and 0.61 percent to 7441.67 value p9.5 billion foreign flows p813 million services led advancers today notably glo positive 3.70 percent jfc positive 4.51 percent ict positive 3.16 percent dmc positive 6.93 percent strong bounce after third quarter earnings report,1 +2021-11-16,current vibe right now spy xly smh aapl and u remember this post if the SP500500 is at 4770 to 4830 eoy might have to discuss this tonight,5 +2021-11-23,the nasdaq ended lower for a second straight session while the dow and SP500 500 rose as rising treasury yields prompted investors to sell tesla and other big tech names and buy less pricey stocks,2 +2021-11-01,nautilus inc nasdaq nls stock gained by 0.79 percent at last close while the nls stock price soars by 5.96 percent in the pre market trading session read the full news here,1 +2021-11-08,11.8 with lots of love aapl 152.5 calls 152.48 150 puts 150.64 amat 155 calls 153.75 148 puts 148.8 cat 210 calls 208.88 205 puts 205.23 cvx 115 calls 115.29 113 puts 113.93 spicy plays c 68 calls nflx 650 calls or 645 puts wmt 150 puts algo and flow provided below by our friends at,5 +2021-11-15,from the trading floors tech is leading higher with index futures up across the board followed by industrials health care utilities materials and financials energy is red crude falls below dollars 9 to 10 year 1.57 percent btc dollars 5.4 thousand vix 16.70,2 +2021-11-29,nailed bounces on amd fb aapl and nvda today to end the day early with 35.4 k profits waited for tsla pullback but it never happened so passed on it today 🙏🏽,1 +2021-11-18,nailed bounces on nvda rblx fb at the open and caught a small piece of amzn and aapl later in the day to end the day with and 54.1 k profits 📈,1 +2021-11-29,big tech drove naz positive 2 percent gain tecl soxl tsla nvda amd xlk but mkt leadership continues to narrow and become more news driven this next rally attempt hangs in the balance be on your toes defense first,2 +2021-11-01,market recap and outlook the final take from big tech earnings and ackman warns does he know something we dont and who bought the dip and what triggered the gamma rally in tesla and charts spy qqq iwm dxy gld tlt tbt vix btc shib aapl tsla amc,5 +2021-11-19,lol that spike thats nasdaq new lows market is crazy i will talk about this on tonights brief ndx qqq fb aapl nvda googl msft amzn nflx tsla,1 +2021-11-16,amzn aapl googl tsla msft large dark pool prints in ah judgement day spy open these levels buys these will be a beautiful support going forward spy open these levels sells they will act as a strong resistance going forward 👀 spy runs on these tickers,5 +2021-11-01,market evaluation for 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 sq amd tsla nio roku zm snow aapl amzn googl msft spy qqq 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸 thanks for letting me share the flow share your trades tagging🐳 and i show ♥️ with a like and rt please it helps a lot 🙏,5 +2021-11-22,market evaluation for 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 sq amd tsla nio roku zm snow aapl amzn googl msft spy qqq nvda fb 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸 thanks for letting me share the flow show ♥️ with a like and rt please it helps others see the ideas 🙏,5 +2021-11-09,good morning traders 💥💪 a big slate of earnings here pltr pypl both lower while rblx continue its march over dollars 00💥💥💥 fsr my fave ev name getting some love to dollars 0 and we will watch amd nvda as the heats up🔥,1 +2021-11-29,market evaluation for 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 sq amd tsla nio roku zm snow aapl amzn googl msft spy qqq nvda fb 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸 thanks for letting me share the flow show ♥️ with a like and rt please it helps others see the ideas 🙏,5 +2021-11-19,happy friday traders 💥👍 aapl msft both at or above ath✅📈 will be buying all the dips nvda has that dollars 14 level that looks to hold why is wsm down 🤷 long break dollars 08 lgvn fda news and we had this yday sofi as if more selling pltr pypl rblx,5 +2021-11-16,wow and its only noon aapl .97 1.96 102 percent 🟢 amd 1.27 3.48 174 percent 🟢 spy .83 1.73 108 percent 🟢 all from the watchlist built using the flow hope everyone is having a good one,5 +2021-11-26,weekly recap amzn 3650 calls 25 to 33💰 spy 471 calls 1.4 to 2.3💰 tsla 1170 puts 23 to 22🔻 aapl 157.5 puts 0.64 to 0.84💸 cat 207.5 calls 1.2 to 1.9💰 aapl 162.5 calls 0.8 f🔻 spy 467 puts 0.5 to 0.6💸 gme 225 calls 5.3 to 9💰 dal 39 puts 0.28 to 3.3🚀🚀 qqq 394 1.1 to 1.4💸,1 +2021-11-23,daily brief part deux spy tsla aapl is this the end do we need confirmation will the market be green at open or are we just selling into a steeper channel to crazy highs,1 +2021-11-08,market evaluation for 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 sq amd tsla nio roku zm snow aapl amzn googl msft spy qqq 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸 thanks for letting me share the flow show ♥️ with a like and rt please it helps a lot 🙏,5 +2021-11-15,market evaluation for 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 sq amd tsla nio roku zm snow aapl amzn googl msft spy qqq 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸 thanks for letting me share the flow show ♥️ with a like and rt please it helps a lot 🙏,5 +2021-11-01,nasdaq strengthens further today net high expanded significantly and has re entered a 3 day bullish streak despite tame indices net highs show a drastically improved environment leaders continue to be strong mq sofi upst si den fang net highs shown in bottom panel,5 +2021-11-09,nasdaq remains healthy with net high easily outpacing net lows rblx surprises and rallies to new highs coin upst disappoint after hours net highs in the lower panel green background highlights a bullish market environment,2 +2021-11-03,spy pushed over 461.60 level to 462.72 qqq to 391.28 from 390 level good view of move here vix has to stay under 16 from here on and market wants to move higher into end of the day,1 +2021-11-21,qqq breaking out on all time frames and we caught most of the move via amzn and aapl this week i believe will be the same but i would prefer a little flag here before marching towards out point 420 beautiful looking chart,4 +2021-11-22,the topping tails forming on names like amd and the smh are epic nutty reversal on the qqq today as soon as yields hit 1.6 percent algos sold hard,5 +2021-11-24,qqq is positive 20 percent since many 40 times sales leaders have continued much lower in 2000 mkt leader csco had a 196 pe aapl today 28 pe in 2000 tech was the only sector working and all else were in downtrends today 10 of 11 spx sectors are within 3.5 percent of the highs,2 +2021-11-02,nasdaq remains healthy with a steady advance of net new highs si skin stand out leaders of the day energy names den fang showing rs by climbing despite oil down on the day net highs in the bottom panel green background signifies a healthy market,5 +2021-11-18,nasdaq is deceptively strong as big tech powers higher under the surface significantly more stocks made new lows vs new highs rare at all time highs and will explain why many traders feel frustrated net lows in bottom panel green background is a healthy market nvda cf,2 +2021-11-19,aapl shows what those watching msft qqq and xlk knew 3 to 4 weeks ago that a major top had not occured in september and more highs to 171 to 173 are expected at minimum watch to see if the weekly rsi breaks 73.68 if it does there may not be a pullback at 171 just a rally to 200,4 +2021-11-23,like we have discussed pure garbage internals once amzn aapl googl gave up the market just tanked banks did good today see where we pulled back to right to the short term moving average tomorrow is an important day still spy point 480 possible nothing has changed,1 +2021-11-07,do you like charts compqx spx iwm iwo afrm abnb bros asan coin net s amd tsla docn skin afrm zs nflx domo ddog amba nvda crwd mtdr team app u inmd mara bill lc se apps dash spt aehr upst hut task si and more,3 +2021-11-11,nasdaq remains healthy with net new highs plenty of action with numerous earnings plays net new highs in the lower panel a green background highlights a healthy market,4 +2021-11-18,vix spy qqq so far we got the reject from 18 area as mentioned and some bounce on market for aapl 155 is next leg up and fb over 338 and then 340 remember fb daily breakout 347 that mentioned yesterday careful if vix reclaims 18 on long side,1 +2021-11-05,just a incredible week nvda tsla amd sava ba dis msft googl take your pick spy qqq dia iwm all hit new all time highs short term a bit extended and hot here but few days sideways can fix that my recap below hagw,5 +2021-11-18,vix spy qqq check out before and after vix decent reject from mentioned level and market bounce since aapl fb moving see prior tweets below shown this live 100 times u can scalp puts calls large cap what ever you want system,1 +2021-11-05,nasdaq keeps powering higher and net highs are along for the party market conditions remain positive however keep fomo in check and act only on proper setups net highs in the lower panel green background highlights healthy market abnb cflt ddog,3 +2021-11-12,and thats a wrap one hell of a week spy held the 8 days and strong push back up lcid rivn aapl rblx dwac afrm some names that paid huge this week video below enjoy your weekend charts sunday,1 +2021-11-18,the SP500 500 gained in a choppy session after strong earnings results from nvidia the world’s largest chipmaker by market value and various retailers the dow fell 0.17 percent the SP500 500 gained 0.34 percent the nasdaq was up 0.45 percent,1 +2021-11-17,watchlist amzn googl nvda both amzn and googl have been lagging behind other fangs names msft nflx aapl lets see if they get a follow thru day tomorrow will update pm if i see anything else moving have a good evening everyone👊,1 +2021-11-29,amzn weekly chart we pulled back to the weekly 8 expontential moving average last week macd is crossed over but little moments at the moment we’re back in a ttm squeeze and rsi is holding over 50 exercise paytience on this one charts courtesy of,1 +2021-11-13,weekly update on tesla apple amd nvidia the nasdaq SP500 500 amazon bitcoin and nio big tech qqq aapl googl amd nvda reopening spy dis ba aal jblu ccl esg tsla enph fslr nio plug be software and ecash amzn twtr pins btc riot sos,1 +2021-11-05,hope you all are tracking vix spy qqq for large caps chop into friday close only amzn fb showed relative strength but pulled back with vix move over 16,1 +2021-11-27,amd large blue volume bars on the up weeks and small pink volume bars on down weeks while the nasdaq fell 3 percent last week this stock was down 60 cents and we have dr lisa su in austin texas too 😂🤣👍📈,1 +2021-11-21,watchlist for nov 22 si over dollars 22 nvda over dollars 32 lcid above dollars 5.50 under under dollars 3.4 rblx under dollars 32 above dollars 39 risky jks over dollars 4 amzn under dollars 661 a bit skeptical on the indices so sizing down until i see stronger signals good luck traders 🍀,3 +2021-11-11,spx 4700 amzn 3600 googl 3000 nvda 310 tsla 1200 these are few important levels i am watching and are easy trades something to note of,3 +2021-11-09,tsla is setting the tone abnb has been a disappointing follow through and the rest of the best are having a hard night rblx ttd ddog asan i want to see hold up on a bad day or follow thru like ttd did today and amd nvda fight see how the setups form quicker better,3 +2021-11-18,easy trades coming up amzn above 3600 googl above 3000 qqq above 400 spx above 2720 aapl above 155 nvda above 310 nflx above 700,5 +2021-11-08,blog post day 15 of qqq short term up trend hot market 507 us stocks with new highs friday some growth stocks with glb breaking out of nice multi week bases amat nxst mchp afg si ffin see weekly charts gmi is 6 of 6 and green,1 +2021-11-05,spx make that six straight days in the green for the SP500 500 but that’ll be tested today with the release of the oct jobs report expectations are high nvidia zoomed higher to reach a valuation of dollars 45 billion bullish on its plans to help build the metaverse,2 +2021-11-24,💥new wednesday post alert💥 3 stocks poised for new highs as fed rate hikes expected sooner than anticipated morgan stanley ms positive 48.6 percent ytd to nasdaq inc ndaq positive 56.6 percent ytd to apple aapl positive 21.6 percent ytd 👉 dia spy qqq,1 +2021-11-05,the nasdaq is flashing a warning sign to but dont hit the panic button nvidia surges on metaverse plans airbnb expedia fortinet are flashing buy signals after earnings nvda abnb expe bill ftnt ddog net point on pgny,1 +2021-11-22,lots of broken charts on the daily yet spy qqq still stretched at ath i would tread carefully dip buying for now especially on a shortened week also remember if meme stonks pop off we generally see broad market downside,2 +2021-11-19,seriously breadth in the nasdaq qqq is dreadful but when extremes happen the index can catch up to the downside but the downside tends to be limited because most stocks are already nearly washed out this has happened a few times last 2 years i just can’t get too bearish yet,2 +2021-11-29,aapl point raised dollars 45 from dollars 40 asan point lowered to dollars 20 from dollars 35 car point dollars 33 jefferies from dollars 00 cri point raised to dollars 45 from dollars 38 berenberg pfe point raised to dollars 3 from dollars 2 jpm snow point raised to dollars 21 from dollars 53 btig zs point raised to dollars 90 at needham,1 +2021-11-21,probably apparent to most of you by now but if it weren’t for aapl and amznand the rest of the mega cap tech crew showing up this week SP500 would have easily been in the red xlk and xly did the heavy lifting xlu up on the week also which was probably a good short cheers 🍻,3 +2021-11-19,highest number of 52 w lows on the nasdaq since march of 2020 and we stand at all time highs for the index the top 10 holdings of qqq now make up 50 percent of total assets all the while cloud penetration still feels early innings,1 +2021-11-07,eps gapers thus far this eps season holding – abnb acls alb anet aosl arbk asml ayi bac bg bigc bill bkng boot bx car ccrn ce cers cf cflt civi cpe crox csx cve dava den diod docn dxcm enph entg eog epam erf este expe fang fnko gdyn googl goos gpre gs hlt hubs ibkr,5 +2021-11-19,apple amazon nvidia lead a megacap rally but its a mixed blessing at best the nasdaq to esp the nasdaq 100 is looking a bit stretched even as nasdaq losers trump winners 2 to 1 same with new lows vs highs aapl amzn nvda tsla rivn lcid amat,3 +2021-11-18,aapl over 158 can see 160 next congrats if you caught calls on the 155 break🚀 amzn if it can close over 3652 it can test 3700 and 3718 googl right back into 3000 this can run another 50 points if it can close above tsla forming an inside day so far on watch for now,3 +2021-11-22,burn into your brain that with current weightings spy cannot see any meaningful weakness if aapl amzn msft are in hourly uptrends and up at all time highs these are the most important individual stocks in the market,5 +2021-11-02,there’s many signs that it and many key nasdaq stocks are peaking fyi i nailed the short of tech in 2000 some time i’ll lay out more parallels there’s many but we are now close in time and tsla is one to watch i won’t short it but when you see it blow off and want to play,3 +2021-11-26,pf down 1.37 percent weekly positive 15.09 percent ytd 2 up 28 down 2 unch ⭐️ arqq 🐶 aaz bvxp ekf fnx gama poly som spt ssss top slice arqq positive 200 percent in 3 months since ipo 🙌 top up nas som gaw aaz poly polr divi fsfl rns interims from polr✅ and reci✅ enjoy your with e folks🍷,5 +2021-11-29,impressive day for some tml’s mttr tsla rblx nvda enph lcid some concerning action u volume lighter on nyse higher on naz stock pickers mkt i still have no clue if this is a bottom or a top w blow offs in leaders coin and enph set ups i’m watching tomorrow still cash gn,4 +2021-11-01,nflx amzn googl aapl and msft are all deep red but the nasdaq is green the recent ability of markets to separate from faang driven price action is huge we have not seen this in years,2 +2021-11-24,premarket plan 💡 qqq 3 point gap down needs to hold 392 support otherwise it can drop to 388 next if it holds above today it can move back to 400 by next week tsla if it holds 1077 at the open possible to see 1100 to 1120 by friday nvda if it cant hold 310 it can drop to 300,3 +2021-11-23,premarket plan 💡 the market still not showing any signs of strength yet if qqq cant reclaim 400 it can continue to consolidate for 2 to 3 more days under 395 can drop to 392388 tsla keep an eye on 1200 needs above to test 1243 shop can test 1650 if it closes above 1600,2 +2021-11-30,bear flag variations some already breaking lower afrm amba arkk asan bill bros crwd dash ddog docn dxcm inmd mdb net snow sofi team zi zip,3 +2021-11-23,331 large caps trading 20 50 and 200 sma many are set up well esp on any pullbacks some higher growth stocks with no earnings broke down more tech money won’t leave tech entirely but it’s been moving into stocks with current earnings and strong balance sheets faangm,4 +2021-11-23,qqq couldnt hold 400 at the open now back near 395 needs to defend this level otherwise we can see 392 tomorrow tsla if it holds 1128 it can bounce towards 1155 to 1160 next amzn id wait for 3600 to consider calls stuck in a range near 3554 for now,1 +2021-11-22,tale of 2 markets here msft amd nvda tsm aapl tsla very strong sofi pltr sq afrm plypl ma dash abnb getting hit growth out here,5 +2021-11-01,from the uwl some names of note aapl abnb afrm apld app apps arqq bkkt bros cflt coin crwd ddog dwac docn enph googl hut inmd lc mara mq net nflx nvda open pstg qs rblx snow sofi team tsla u xpdi zs,3 +2021-11-22,on the notepad after running through the uwl aapl abnb amd amzn asan bkkt blnk bros dcrc ddog enph evgo mram mttr newr nvda on panw pubm qcom qqq qs rblx shop si snow tsla ttd u xpdi abnb mram nvda tsla ttd xpdi look readily actionable as do others like ddog asan amzn etc,5 +2021-11-12,dow jones unofficially closes up 189 points or 0.53 percent at 36018.0 nasdaq unofficially closes up166.25 points or 1.03 percent at 16188.50 SP500 unofficially closes up 33.75 points or 0.72 percent at 4676.75,1 +2021-11-22,so qqq was getting very extended on few names finally pulled in we need rotation xlf and xle trying good to see safety names too pg ko cost growth names slaughtered pypl sq pltr dash etc some point they come back for them hagn,2 +2021-11-25,lots of stocks remain in bullish uptrends especially the ones doing he heavy lifting like aapl msft tsla goog amzn i believe will rally the market higher we will still see an xmas rally and then have our healthy pull back this is a stock pickers market,2 +2021-11-02,amzn fb nflx and tsla are all red today but the nasdaq is positive again this market wants you to know that it doesn’t solely rely on fang anymore the last 2 days are proof,1 +2021-11-18,good morning futures up csiq eps beat .29 rev miss gpro u and g overweight jpm ba u and g to overweight jpm point dollars 75 nvda point raised to dollars 50 keybanc and piper onon point raised to dollars 0 gs asan point raised to dollars 40 piper low point raised to dollars 80 from dollars 15 barclays,1 +2021-11-11,so many of these stocks are falling 20 to 30 percent after earnings miss even if they beat stock is still falling 5 to 10 percent i think is overall bearish for the indices also very few names top 10 are keeping things afloat for now now 4650,2 +2021-12-02,aapl is there more upside to come in the price before the end of 2021 how long before it gets to dollars 00 i take a look in,2 +2021-12-29,scalp sell taken price took out equal highs and bos sell taken off imbalance and breaker to fill imbalance and will be looking for buying opportunities at the bullish ob,1 +2021-12-04,the tracks the top 100 in the etc we see a 50 percent retracement 4 hr says rsi equals 34 oversold i want a macd crossover between now and 61.8 percent golden ratio at this point id be bullish on megacaps into 2022 safe haven before possible bubble burst,5 +2021-12-28,netflix inc nflx closed at dollars 13.12 today stock price has gone down by 0.16 percent dollars .97 since previous close value of dollars 14.09,1 +2021-12-14,tsla daily update signals uncertainty and inflation concerns bring fear to markets tsla sells off accordingly weekly still too high and will continue pressure on price blue trend will be tested no invest advice,1 +2021-12-13,you’ll never shake me on these amd aapl smh xly xlk tsla spy ftnt and even arkk bad 2021 makes a 2022 comeback look even sweeter,5 +2021-12-07,seah finally kind of moving 😂 what is going on with this stock it’s such a good company and people don’t want it at this price 🤷🏻‍♀️ amd cfvi dkng,5 +2021-12-10,now see same chart with qqq instead of arkk the market is differentiating fangma from the “nut job multiple” stuff sure there is some baby with the bath water stuff ddog now nvda even crwd but that’s a accumulate quality trade for later respect the message,3 +2021-12-20,tsla daily check we are at peak fear on base trend equals support and weekly finally is down to normal levels and price is now at the same low it was in march chances are good we are at close to correction bottom no invest advice,2 +2021-12-14,dollars 4 price,1 +2021-12-21,aapl had quite the dip during the first hour and 30 minutes but we are back on the uptrend and looking much more positive now today my price target for  today is a whopping dollars 74 dollars 75,3 +2021-12-04,upst upstart holdings inc ordinary shares our predictive algorithm has forecasted this company s stock price will fall in the short term and has a neutral long term outlook,4 +2021-12-05,what i am watching to add more shares and to trade tsla adbe amzn shop snow lulu nvda amd msft li spy fb aapl amat sbux what else is on your watchlist,5 +2021-12-17,tsla tesla inc our algorithm estimates this company s stock price has an undetermined short term setup and has a neutral long term outlook,4 +2021-12-22,acst a biotechnology company rose about 27.03 percent at dollars .41 in pre market trading wednesday stock analysts at oppenheimer initiated coverage on shares of acasti pharma nasdaq acst with an outperform rating and a dollars .00 price target,1 +2021-12-22,said he’s met his goal of selling 10 percent of his tesla stock but buying more than he sells hes also exercising options to buy additional stock and hes doing so at a bargain exercise price of dollars .24 a share well below 1 percent of tsla current share price 😮🙄hrmmm,1 +2021-12-01,this is the market today apple 3 std deviations overbought while nasdaq new lows hit an 18 month high as of yesterday the blue down arrow is where the SP500 peaked last week,1 +2021-12-21,today the market will gap up as the algos seek to fill yesterdays massive gap down last week i showed nasdaq new lows at an all time high hit a record the highest since 2007 ath now nasdaq volatility at an ath is officially the highest since 2007 as well,1 +2021-12-09,if you had bought just one share of apple during its ipo in 1980 at dollars 2 you would own 224 shares today after the stock splits those shares would be worth dollars 9179.84 at the current price of dollars 74.91 per share  aapl,1 +2021-12-07,tsm jp morgan research overweight analysis gives a lot of clues to the other companies’ potential plans tsm aapl qcom intc nvda amd,3 +2021-12-01,amzns price moved above its 50 day moving average on november 3 2021 view odds for this and other indicators,1 +2021-12-22,most active names today were still big tech along with semis 🟢 would love to see some basing and continuation tired of chop 😯 nvda aapl amzn amd mu tsla msft fb googl,3 +2021-12-01,aals price moved below its 50 day moving average on november 17 2021 view odds for this and other indicators,1 +2021-12-01,goog in uptrend price may jump up because it broke its lower bollinger band on november 26 2021 view odds for this and other indicators,2 +2021-12-06,tqqq aapl i just added 60 percent to my aapl puts today look at tsla nvda crack yeehah laugh took off some tqqq puts to fund them last man standing laugh,1 +2021-12-16,the resistance level for me and most important aspect of smh semis tsla ev names qqq big tech bulls not going anywhere until it becomes support pictured is nas100 usd,3 +2021-12-13,👩‍🏫lesson👨‍🏫 aapl ✅weaker overall market spy ✅rising wedge bearish ✅coming into resistance vwap ✅great risk reward weak market day and bearish pattern and resistance equals take puts spx tsla shop nvda,1 +2021-12-06,market evaluation for 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 sq amd tsla nio roku zm snow aapl amzn googl msft spy qqq nvda fb 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸 thanks for letting me share the flow show ♥️ with a like and rt please it helps others see the ideas 🙏,5 +2021-12-13,market evaluation for 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 sq amd tsla nio roku zm snow aapl amzn googl msft spy qqq nvda fb 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸 thanks for letting me share the flow show ♥️ with a like and rt please it helps others see the ideas 🙏,5 +2021-12-06,qqq light volume inside day think we in pinch and will go one way or the other have names prepared either direction spy tested 20 expontential moving average today and stalled so would be area to watch what it does,1 +2021-12-31,💥 brother love that spy pic nice outside bar close on the daily i think we either get a really choppy day or some super nova action appreciate you as always and wishing you green i really like nvda and fb into tom,5 +2021-12-21,large caps are the real movers here if they cant hold the bid spy wont hold the bid either important levels nvda 280 tsla 900 aapl 170 amzn 3300,1 +2021-12-26,i hope everyone had a great christmas exciting times ahead amzn and nvda are set to begin their ultra bullish wave 3 of 3 aapl 200 coming fast… don’t blink tsla good luck buying the dips,5 +2021-12-09,nasdaq fell over hard breaking the chance at 3 days of net highs and a healthy market signal the trend remains choppy with a downward bias to although most stocks outside big tech are exceptionally weak caution and limited exposure remain a priority net lows in the bottom panel,2 +2021-12-16,i think this is correct well get real fear when we see the aapl amzn msft tsla fb begin the next leg down i want to see the percent stocks 40 moving average to be less than less than 15 percent thats where bottoms start to form,3 +2021-12-08,nasdaq continued higher aided once again by a strong move up in aapl new highs managed to oupace new lows for a second day in a row the next couple of days will be important to decide the trend net highs in the bottom panel white background is a choppy market,2 +2021-12-15,indices review market in correction iwm stalls near channel bottom qqq big gap down landed it near its 50 simple moving average today breadth continues to deteriorate with new 52 week lows outpacing new 52 week highs spy lower high 470 is playing out nicely so far next stop 50 simple moving average 457,2 +2021-12-12,weekend review market in correction nasdaq reclaimed the 50 day sma then closed above the 21 day ema SP500 500 finished at an all time closing high qqq spy,1 +2021-12-12,do you like charts compq spy iwm iwo ffty aapl amba bldr cien f googl lrcx mrvl msft mxl nvda on pubm qcom rblx simo snow tsla afrm apps asan bros coin crwd ddog docn domo enph hut inmd lc net point on roku s se si skin spt task team ttd u upst zs,3 +2021-12-18,i don’t think there’s a bigger chart of divergence than this one fed balance sheet which we know will be shrinking to fangmat mega tech market cap qqq ndx,2 +2021-12-19,do you like charts compq spy iwm iwo ffty swch anet cien simo bldr googl ttd msft lrcx qcom on aapl low mrvl tsla f mxl nvda pubm amba asan task point on apps roku crwd domo aehr u amd inmd zs ddog s bill coin and more,3 +2021-12-03,metaverse stocks top 2 a must fb nvda giants msft googl aapl amzn promising u mttr adsk gaming rblx etf meta,5 +2021-12-02,whats been happening under the hood of the nasdaq .6 of qqq stocks as of yesterday are in a bear market and .3 have lost 50 percent since ath companies like aapl msft amzn tsla goog and nvda are obfuscating this imagine what would happen if aapl or the others crack,1 +2021-12-15,4 charts for tomorrow meta inverse head and shoulders setup wmt double bottom breakout anet peg play coming to the pivot point amd falling wedge getting tight,2 +2021-12-09,hanging man and shooting star type looks in aapl fb goog and msft amzn and tsla did not make a higher today enough for me to be defensive here,3 +2021-12-17,i shared the post below on about the market move into stocks with current earnings and out of no eps arkk went negative 22 percent in 14 days asan went negative 54 percent in 14 days those no eps stocks could have very sharp bounces at any time but they face longer term headwinds vs a tighter fed,1 +2021-12-07,qqqe equal weighted nasdaq is back to an important level not a place i would chase but if it gets above the sept 3 highs then this uptrend may have more legs,3 +2021-12-13,watchlists were a sea of red as stocks broke lower along with the nasdaq aapl finally stalled on heavy volume and that weighed on an already weak market new lows outpaced new highs for 3 days marking an unhealthy market net lows in the bottom panel,1 +2021-12-15,6 charts for consideration aa inverse head and shoulders aapl all time highs within reach amd massive breakout fb inverse head and shoulder breakout gild ascending triangle setup u peek a boo candle breakout ❤️ and 🔄 to spread the love,5 +2021-12-13,happy monday here are my markets await fed taper plans to stock futures inch higher SP500 nasdaq set for new records aapl closes in on dollars t valuation to omicron headlines may the trading gods be with you 🙏 dia spy qqq iwm vix,1 +2021-12-10,another day of a bipolar market where the nasdaq moved higher as more stocks broke down aapl and msft led indices higher while many smaller cap stocks struggled caution is still warranted for active investors net lows in the bottom panel 👉,2 +2021-12-16,tech stocks may fire up yet again apple’s mkt cap is moving towards dollars trln nasdaq 100 stocks’ mkt cap is now about 50 pct of sp 500 index during peak 2002 dotcom it was below 33 pct,1 +2021-12-30,if you wonder why growth stock pop today like sofi fubo pltr etc just look at msft red and aapl flat that is my thesis all month mega cap needs to correct they are way overbought,2 +2021-12-12,now covering mega cap stocks as well as gold and silver and miners and commodities and uranium and all major sector etfs and currencies and cryptos and metaverse and much much more appl msft tsla googl amzn fb,5 +2021-12-13,good morning aapl needs to protect 180 so aapl can test 183 to 185 next aapl calls can work if 180 holds amd dp activity friday amd over 138 can test 140 143 next amd must protect 134 or can test 130 lower msft over 343 can test 345 to 350 next under 338 can test 335 next,3 +2021-12-19,aapl way above 50 displaced moving average fb right at 50 displaced moving average amd right at 50 displaced moving average nvda right at 50 displaced moving average msft under 50 displaced moving average amzn under 50 displaced moving average goog under 50 displaced moving average tsm under 50 displaced moving average nflx way under 50 displaced moving average tsla way under 50 displaced moving average either markets are super unhealthy right now or this is a big btfd moment fwiw,1 +2021-12-16,were hearing how this is a big down day for tech but when a stock like aapl is down negative 2 percent it really camouflages the action in this sector ryt equal weighted tech is positive today with acn dxc wdc epam hpe all up more than 2 percent and check out ctsh but yes xlk negative 1 percent,2 +2021-12-01,you know the market breadth advance and declines is horrid when aapl googl and msft are all up 1 to 2 percent on the day and the qqq is flat yikes the inability for the market to hold its mega gap higher today is very bearish,1 +2021-12-07,tsla positive 3.3 percent to dollars 043 pre mkt in front of tonight’s nov china vols 55 thousand 60 thousand exp equities surged spx 1.3 percent ndx positive 1.7 percent as concerns about omicron receded tech stocks surged as ms raised its aapl point to dollars 00 from dollars 64 10 year ty positive 1.4 billion p to 1.444 percent elon sold no shares yesterday,1 +2021-12-01,lts focus list 🏁 aapl ⬆️ 166 167.50 calls nvda ⬆️ 335 340 calls roku ⬆️ 235 240 calls fb ⬇️ 324 320 puts nflx ⬇️ 640 630 puts amzn ⬇️ 3500 3450 puts good luck everyone 😁,5 +2021-12-11,abnb will soon be part of qqq nasdaq today announced the following six companies will be added to the nasdaq 100 index 👇🏿 abnb ddog zs lcid panw ftnt they will become effective prior to market open on monday,5 +2021-12-02,recap mara 101 percent ✅ aapl 148 percent ✅ brk b 203 percent ✅ ge 171 percent ✅ dkng 17 percent ❌ xom 23 percent ✅ nflx 27 percent ✅ amd negative 11 percent ❌ jnj negative 17 percent ❌ fdx negative 16 percent ❌ mrna 26 percent ✅ etsy 39 percent ✅ mara 18 percent ✅ smh 16 percent ✅ total 711.22 percent realized,1 +2021-12-07,update equities surging this morning spx positive 1.3 percent ndx positive 1.7 percent europe positive 2.0 percent as investors add back risk with omicron risks subsiding ms aapl upgrade and intc mobileye ipo plans tsla positive 3.7 percent pre mkt appropriate with 2.0 times beta and likely strong nov china vols 55 thousand 60 thousand tonight,1 +2021-12-28,was hoping for a inclusion of nflx and amzn in this faang run we are having as of rn nflx looks better this am but neither look amazing i’ll still look to these names for hints to see if they can join 🎉 or lead weakness in these names,3 +2021-12-02,spy qqq aapl tsla downtrend over for now long dated calls coming back into market puts expiring need to watch spy above 4610 to 4640 if cascading puts come in selling not over but nothing about today looks like it further week is over and we are at a giant hard bottom,1 +2021-12-16,beautifully ugly dia spy qqq btc tsla aapl arkk action today dont fight the trend learn to respect and appreciate it when its soooooooo one way,5 +2021-12-28,aapl back testing 180 if this closes over 181 it can see ath this week if the market keeps pushing amzn watch 3452 3475 strong move today fb pulling back from the 350 resistance watch for a close above for continuation to the upside nvda no trade yet watching 314,1 +2021-12-03,recap cvs 90 percent ✅ jnj 47 percent ✅ amd negative 14 percent ❌ aapl 29 percent ✅ mara negative 14 percent ❌ nvda 873 percent ✅ point on 117 percent ✅ fb 17 percent ✅ ge 148 percent ✅ tsla negative 14 percent ❌ etsy 187 percent ✅ aapl 18 percent ✅ mara 22 percent ✅ jnj 14 percent ✅ amzn 802 percent ✅ smh 44 percent ✅ f 9 percent ✅ amc 9 percent ✅ nflx 19 percent ✅ total 2401 percent realized,1 +2021-12-28,spy — looks like a chop slow day today tech also lagging qqq aapl amzn — as spy makes hod high of day days like this i prefer to be risk off and size down on my positions,2 +2021-12-10,people are poking fun at aapl and msft because they are rallying so much this is exactly how santa works active managers are underperforming the index passive flows keep coming from them and new money they are underweight magaf vs passive they are chasing spy and,1 +2021-12-08,𝗠𝗼𝘀𝘁 𝗣𝗼𝗽𝘂𝗹𝗮𝗿 𝗧𝗲𝗰𝗵 𝗕𝗹𝘂𝗲 𝗖𝗵𝗶𝗽𝘀 apple inc aapl microsoft msft amazon amzn tesla tsla nvidia nvda alphabet googl meta fb adobe adbe netflix nflx ɴᴇ乂ᴛ ᴄʟᴀꜱꜱ ᴄᴏᴍɪɴɢ ᴜᴘ twlo crm ddog snow what others are potential blue chippers,1 +2021-12-07,aapl broke the 170 resistance needs to hold here to set up for 173 this week googl reclaimed 2900 if it defends 2925 it can test 3000 next calls can work above 2925 qqq to 400 coming if it holds above 395,1 +2021-12-03,holy moly the volume in tqqq is off the charts dollars 6 billion today dollars 4 billion for week 2 times old record theres a total freakout tug of war going on in nasdaq related etfs meanwhile spy is elevated but not that crazy usually its much more relatively correlated but not today,1 +2021-12-29,qqq held 400 so far on the pull back still needs to get through 404 to test the all time high at 409 tsla if it reclaims 1100 today it can test 1128 tomorrow shop back above 1378 possible day 1 of a bounce towards 1429 if it holds 1378,3 +2021-12-13,premarket plan 💡 qqq gapping up near 400 if qqq can close above 400 by fomc on wednesday it can run towards 404 aapl strong gap up it should run to 186 to 188 this month calls can work above 180 amd setting up for a bounce to 151 in the next 3 weeks once it reclaims 140,1 +2021-12-02,spx defended the 4545 support so far if spx can reclaim 4575 it can test 4600 tomorrow aapl trying to find a bottom above 160 lets see if it tests 164 by next week tsla setting up to test 1128 if it breaks above 1100 today,3 +2021-12-22,focus list nvda dip buy dollars 87 tsla momentum push calls over dollars 44 jnj regain dollars 67.5 zm momentum push over dollars 00 psych level msft momentum push over dollars 28 spy must defend dollars 61 and get above dollars 64 today for bulls watch reactions at 4618 sup and 4649 res,1 +2021-12-07,obviously lots of repair work to do but right now these are some that are noteworthy pstg mrvl qcom aapl amba abnb afrm app mu ddog on onon snow coin nvda,4 +2021-12-19,65 percent of the companies in the nasdaq are below their 200 dma sven henrich of theres a widespread bear market going on in stocks but we dont see it yet because a few big firms like aapl goog msft prop up the indices if those falter look out below,2 +2021-12-28,has almost been a year of the spy vs equities disconnect we have a serious bear market under the surface of an index up 27 percent ytd anything not named mfst aapl is staircase on the way up and an elevator down,1 +2021-12-01,17 percent of stocks in the nasdaq made a new 52 week low yesterday the most since the march 23 2020 low the crowded long basket msxxcrwd has underperformed the nasdaq 100 by negative 13 percent in the last month larger underperformance than the “covid month” of march 2020 all via ms,1 +2021-12-27,welcome to slow ville santa rally slow and methodical just focus on the names in play pre today called out big tech nvda amd fb msft aapl and tsla stick with what they want slightly short term extended here on the spy,4 +2021-12-08,heading off screens early today markets look fine nice digestion day roku and nvda for me but aapl rblx tsla fb snap among others big days,3 +2021-12-13,weak price action leading into fomc on wednesday spx failed at 4700. qqq couldnt get through 400. qqq possible to see 392 next if it fails at 395 aapl green to red bearish price action failed at 180. let it drop for now tsla setting up for 945 back test,1 +2021-12-27,many wonderful messages amzn good that we are on a spread currently tad lower fb 100 percent and play amat 3 times swing asml 50 percent and very nice day nvda swinging a small tiny position of 320 calls along with fb 360 calls for next week trade shared 💸,5 +2021-12-17,premarket plan ☀️ qqq bigger gap down down to 383 if qqq cant hold 383 it can drop to 379376 qqq need to reclaim 388 to set up for 400 tsla almost filled the gap near 900 if it holds here it should move back towards 1000 by early january aapl under 170 can test 165,2 +2021-12-16,so many winners today shared se 120 to 132 rblx 95 to 100 amzn 3380 to 3470 tsla 940 to 980 many more like wmt fb dis v and nvda and SP500500 4605 to 4710 all shared in real time sent a new post what i think comes next doesn’t look good for few names 😰,1 +2021-12-02,remember first they came for garbage stocks like tlry then they came for growth darlings like pltr se sq now they coming for mega caps like aapl this is a wave and may crest when aapl gets to good levels like 147 to 149 now 157 roughly equates to SP500500 4326 to 4400,1 +2021-12-17,tsla aapl amd tsla support 910 900 filled the gap aapl 168170172 key levels amd 133136 level nvda if can build over 280 vix needs under 22 for these to bounce and reclaim bullish 34 to 50 emas at open if any of them under emas and premarket lows careful o n longs,2 +2021-12-23,amd strong trend today needs to breakout over 146 for next leg up spy qqq both flagging spy over 470.50 and qqq over 396 next leg up vix still over 18 if goes sideways at 18 that is ok too just dnt want to see bounce off 18,3 +2021-12-17,going in to tomorrow rest of month understand that tsla amzn and several others makes up a large percent of market flow i e nasdaq if these names go down so will mostly everything else id love to see a small cap season but today was brutal for iwm bear season heads up,2 +2021-12-09,there are some explosive moves taking shape either will be another set of inside days going into friday for cpi or can be the big move tomorrow nvda amat shop amzn msft snow googl top of the list extremely good looking hope the futures remain flat like this,4 +2021-12-07,aapl upgraded for ar headsets and autonomous car programs and tsla point hiked for “no rival even close” to it in 2022 tech continues to be the unstoppable growth engine,5 +2021-12-09,the weakness is spreading and one by one the leaders are rolling over out of faang only aapl around its ath on recent rally fb amzn nflx googl did not make aths same for msft and tsla adbe crm ma now pypl v also below aths,2 +2022-01-17,tsla price in 2022 and to hit dollars 000 its about this time of year i dig into the technical analysis to find out,1 +2022-01-18,nflx a make or break this thursday coming gonna need to show pretty good and punchy figures to get the bulls back onside i take a look where the price may be heading next,1 +2022-01-21,netflix inc share price down 42 percent from 17 nov 21 jan 42 percent down in 2 month today when us market open this stock on open almost 20 percent down its big fall what you think this is opportunity of investment,1 +2022-01-11,intc value play here 9.5 million block buy for the 57.5 calls leaps did not exceed oi but significant activity based on price action 🤔🤔🤔,3 +2022-01-02,happy sunday 🙂 i think amd and aapl have potential setups if we get a bounce tomorrow in the stock market spy still looks good until it breaks 473. area,4 +2022-01-22,amzn’s price closed monthly chart low bollinger band but rsi the low bb was touched in this chart on 2009 and price bounced 2 weeks later weekly chart rsi but 150 expontential moving average could be tested last time the 150 expontential moving average was touched was on 2015 pe ratio ratio 55 qqq,1 +2022-01-27,reality bites moment has arrived,5 +2022-01-22,shop monthly chart as of today lower bollinger band is negative 11 percent of current price rsi the low bb has never been touched in this chart weekly chart rsi is already 200 expontential moving average is negative 22 percent of current price the 200 expontential moving average has not been touched before here pe ratio ratio 33,1 +2022-01-20,2022 a year of major inflection points,1 +2022-01-12,stock review technical analysis and price prediction 2022,4 +2022-01-08,tesla inc tsla closed at dollars 026.96 today stock price has gone down by 3.54 percent dollars 7.74 since previous close value of dollars 064.7,1 +2022-01-23,week ahead fomc meeting on weds the headline act but also on the docket is us fourth quarter adv gdp pmi data and earnings from the likes of msft aapl tsla 👇,3 +2022-01-11,this finance dudes come out of nowhere and start using complex words on stock market to make people think only they can do what they’re doing smh doesn’t make any sense “price is the only thing which is true rest everything is noise”,1 +2022-01-03,aapl becomes first company ever to hit 3 t market cap today they are most definitely in a league of their own my price target for  this year is a whopping dollars 25 dollars 50 what do you think,1 +2022-01-12,tesla analyst hikes price target says the company can make all other ev names obsolete tsla,1 +2022-01-09,happy sunday interesting week ahead cpi data jan 12 spy is currently sitting on 50 moving average with low volatility qqq is at a relatively strong support trending to the 150 moving average,4 +2022-01-15,spy as expected they closed spy below 470 and above 460 this morning with the team i predicted a close at 465 because it works out for the mms the best they bounced it off bottom of 460 perfectly created double bottom as well nailed qqq close tsla and amzn,1 +2022-01-27,aapl pop up ah 1 aapl smashed all earnings expectations and rocketed back to the high mark over the last few days 2 given its weight this move itself is worth about 10 spx point if it keeps the price there tmrw would have a good start for the bulls,1 +2022-01-03,top 4 penny stocks 🤑 iqst projected 90 million dollars in revenue knrlf revenue up 612 percent cybl has price target of 765 percent gains ilus could be the safest otc stock,5 +2022-01-26,breaks down the gains from nasdaq leaders msft tsla and nvda in addition to looking at the arkk etf and how rivn continues to slide in the ev space full comments,1 +2022-01-28,if you kind of wanna long this market but also hate bubble stocks like nvda and tsla theres a big spread between dow jones internet index fdn and qqq theyre roughly the same except one excludes aapl nvda and tsla the three stocks you might be worried about longing here,1 +2022-01-19,qqq got a gap at 360 best setup for september or jan 23 calls spy 455 jan calls spy 470 jan calls sprinkle som xlk xly after march and boom nvda and amd ripe for jan 23🤣😂🤣🤣😂🙌🏾🙌🏾🙌🏾,1 +2022-01-19,per sun update last gwth barometers to watch now showing soxx buckling as asml tsm e rpts did not impress enough aapl tsla teetering near the ledge,2 +2022-01-22,spy all we can see in the week ahead is huge opportunities we cant wait for msft ba aapl and tsla earnings get ready team for some next level trading 🔥🔥🔥🔥🔥,5 +2022-01-27,watchlist tsla calls above 973.5 puts below 923.1 amd calls above 112.41 to 117.36 puts below 107.65 shop calls above 927.3 puts below 871.9 aapl puts below 159.44 watch qqq for puts below 342.8 trade safe,1 +2022-01-28,nqf esf rtyf a tale of 2 markets it was the best of times aapl just saved the market it was the worst of times futures fading despite aapl earnings beat 📈📉,1 +2022-01-01,nvdas price moved above its 50 day moving average on december 21 2021 view odds for this and other indicators,1 +2022-01-01,goog in uptrend price expected to rise as it breaks its lower bollinger band on november 30 2021 view odds for this and other indicators,1 +2022-01-02,goog in uptrend price may ascend as a result of having broken its lower bollinger band on november 30 2021 view odds for this and other indicators,3 +2022-01-03,market evaluation for .3 𝑻𝒓𝒂𝒅𝒆 𝑰𝒅𝒆𝒂𝒔 sq amd tsla nio roku zm snow aapl amzn googl msft spy qqq nvda fb 𝗚𝗼𝗼𝗱 𝗟𝘂𝗰𝗸 thanks for letting me share the flow show ♥️ with a like and rt please it helps others see the ideas 🙏,5 +2022-01-31,the apple market aapl now up 9 percent from last thursdays close didnt fill the entire gap bulls jumped on it and have continued to hold the bid more tech earnings this week goog fb tomorrow amzn on wed,1 +2022-01-24,qqq reversal extension on heavy volume if we trade up tighten and get spots will look for wedge pops to build day 1 and will see if just a bear rally or if can see volatility contract and things tighten up or not big tech earnings start tmrw,3 +2022-01-31,qqq got the big rip back as expected and now coming into the back test of this think this entire 370 to 380 area is a strong price level goog amd report after the bell tmrw and will be big reports i think,2 +2022-01-18,sector analysis 👇 new widget added should be visible tomorrow looks like the technology and utilities sector started to get some decent net premiums end last week will look to enter into individual names if we hold qqq at 370 aapl uber abnb some names in watchlist,3 +2022-01-13,the nasdaq had a good run from early october into november on that 50 percent run in tsla and appl nvda etc but since then the nasdaq chart hasnt been looking good,3 +2022-01-28,spy dd🧑‍🚀 • spy has been falling for weeks but can aapl earnings beat stop the bleeding…maybe🙏 • if spy can show support at 430 it can bounce to 440 or even 445🚀 • failure at 430 and 420 is possible…under 420 is☠️ • bearish flow continues🐳 • flow via,1 +2022-01-23,米国株52週安値多数 nflx webl shop sklz fubo coin clsk snap se sq pltr wkhs run apps chwy lmnd docu spce twtr gdrx grwg gevo arkk dkng bngo ogi pypl zm pins ride roku mq fsly twlo otly astr amrs nndm ddd sndl ayx etsy cour tdoc api crwd qrvo penn wix vxrt tmdx amzn cake path nvta,5 +2022-01-21,what could make the nasdaq bounce from these oversold levels no more hawkish than feared fed on wed and solid earnings from 30 percent of info tech sector reporting next week tech adj net profit margins are 24 percent 2 times the spx of 12 percent a big positive amidst wage and other cost concerns,5 +2022-01-27,this morning it looked like this outcome that i speculated about last night was off the table but maybe the correct path is much lower fwiw shorted some spys if aapl disappoints thats the ballgame imo if if if,3 +2022-01-23,qqq daily testing the trend line from sept and oct 20 lows good potential here for a bounce not to mention inside former support zone nqf xlk aapl msft nflx fb amzn,4 +2022-01-28,qqq on its way to 2 best day of 2022 positive 0.8 percent as falling 10 year ty 1.775 percent negative 2.5 billion and a solid beat by aapl lifted ndx russia remains wildcard going into the weekend with possible bank sanctions the main deterrent against invading ukraine next week goog fb amzn sbx pypl eps,1 +2022-01-21,qqq daily trying to put a bottom in and lots of confluence here for a bounce equals legs target has been reached nqf xlk aapl msft nflx fb amzn,1 +2022-01-25,focus list for tomorrow these companies going to move crazy up or down look for level yes we jp talking so it obvious the move going to be crazy 1 aapl 2 spy 3 qqq 4 fb 5 baba 6 sq 7 x 8 tsla 9 intc 10 bby 11 spx 30 ♥️ and 15 re tweet for level,1 +2022-01-28,global market insights us futures rise on apples better than estimated results apples share up 5 percent however the regular session ended lower as tesla disappointed in guidance nasdaq fell 400 SP500 100 and dow 600 points from highs,3 +2022-01-29,some big earnings this week what are your top 3 on watch amd amzn fb pypl f googl xom ups snap gm nok qcom sbux pins atvi abbv otis lhx tt nxpi epd penn u spot mrk gild cop ffwm akts ea phm dhi mtch lspd bmy su tmo wm agnc ftnt arcb,5 +2022-01-18,amzn below the 50 week ma nflx below the 50 week ma msft below the 20 week ma googl below the 20 week ma spy barely hanging on to the 20 week ma nvda barely hanging on to the 20 week ma tsla above the 20 week ma aapl above the 20 week ma,1 +2022-01-31,gm 🌞 overnight markets are mixed seller activity present at my 4436 support present at 4410 bonds are down dollar is down massive earnings coming tomorrow xom baba pypl goog 👍 chicago pmi only main news today around 730 am pst spx ndx spy qqq iwm esf,1 +2022-01-20,happy thursday here are my stocks set for higher open to tech shares rebound nflx fourth quarter earnings aal unp csx trv bkr ppg also report to jobless claims philly mfg survey housing data may the trading gods be with you 🙏 dia spy qqq iwm,1 +2022-01-23,⚠️top 3 things to watch in markets this week federal reserve decision apple microsoft tesla earnings u s gdp inflation data 👉 dia spy qqq iwm vix,1 +2022-01-25,and nasdaq gave back 7 months of gains in 21 days h and t only thing holding us up is the fact mega cap tech hasnt reported yet markets are an auction of buyers and sellers forced selling into an air pocket of risk see ya at 20 times qqq,1 +2022-01-23,happy sunday here are my fed meeting powell speech to u s inflation data fourth quarter gdp aapl msft tsla earnings intc ibm hood v ma also report ba cat mcd jnj ge vz t cvx results may the trading gods be with you 🙏 dia spy qqq,5 +2022-01-27,aapl earnings are tonight after the close this stock carries weight in every major index as it is a mega cap and part of the qqq spy and dia as apple goes so goes the market maybe,5 +2022-01-26,what makes up the market indices checkout below spy qqq what moves market aapl msft is most of the market its that simple that is what i mean when i say certain stock taking market up or down understand constituents of indices credit 👇👇,3 +2022-01-20,💥new post alert💥 market faces key test as ‘faamg’ earnings loom amid tech selloff msft reports jan 25 aapl reports jan 27 googl reports feb 1 amzn reports feb 1 fb reports feb 2 👉 dia spy qqq,1 +2022-01-30,hi its time for some weekend reading this week i cover 🟪mkt recap spx bear rally 🟪macro to the fed rate hikes and yield curve 🟪earnings brief  aapl msft ba mcd cat ma 🟪around the markets to changes to SP500 index shipping 📩 free hagw,4 +2022-01-21,nflx shares negative 21 percent in morning trading worries about fed tightening and weak first quarter nflx guidance are dragging down other highflying nasdaq names like tsla and amzn,1 +2022-01-21,as the qqq is at lowest level since october 14 pay attention to where stocks are today vs that date msft flattish nvda up 10 percent tsla up 20 percent,1 +2022-01-30,big earnings week ahead 👀 googl amzn fb amd pypl snap pins spot qcom xom sbux gm f ups atvi ea mstr nokia dia spy qqq,5 +2022-01-12,there’s some really clean setups on the radar right now aapl qcom look great but i’m waiting to see if qqq can get back above daily 21 expontential moving average in the meantime mp mrvl azo psa and lcid are a few i’m keeping an 👁 on,3 +2022-01-30,lots of er to be aware of this week the big ones i’m watching are googl amzn fb amd pypl snap sbux gm f ups atvi what are y’all gonna be keeping an 👀 on spy qqq dia,5 +2022-01-23,upcoming week catalysts that will keep market on edge tuesday federal reserve’s meeting wednesday fed day thursday 4 qtr gdp plus big earnings from tsla msft aapl,5 +2022-01-31,sunday night update equities opening modestly lower spx negative 0.2 percent ndx negative 0.2 percent as 10 year ty 1.791 percent positive 2.1 billion p earnings take center stage this week tue goog gm pypl mtch wed fb spot thu .6 amzn f snap fri all eyes on jan non farm payrolls positive 150 thousand exp positive 199 thousand dec,1 +2022-01-19,in this vacuum of fundamental news the street will sell off tech and ev stocks on fed tightening fears on a daily basis it all comes down to earnings season and guidance to calm the fears apple tesla microsoft tenable palo alto networks zscaler are favorites names,5 +2022-01-28,in a jittery market with fed talk everywhere the tech space needed fundamental confidence from earnings season we heard it from stalwarts msft and now aapl two major data points which speak to our view heading into this week we believe tech space way oversold on rate fears,1 +2022-01-27,so a lot of people dont realize it but today truly is d day for the market its all the meat and potatoes this is the biggest earnings report of the quarter possibly the year apple weighs heaviest whatever direction aapl takes fully determines spy this is it good luck ✌🏾,5 +2022-01-21,10 year ty negative 3.7 bp to 1.767 percent now but tsla still may get smacked around tomorrow with risk off all high pe ratio stocks after nflx got crushed tonight for weak first quarter guide amzn similar set up to nflx covid hangover weak first quarter growth high relative pe ratio asia futures spx negative 0.7 percent ndx negative 1.3 percent,2 +2022-01-27,academy securities msft and tsla made it through earnings both selling off initially and then rebounding so we only have the behemoth aapl to get through and they seem to rarely disappoint,4 +2022-01-24,big earnings this week tue pm msft wed pm tsla intel thu pm aapl fri am cat these could move indices considerably and thus crypto apple is by far the most important one as its the stock that has been keeping the SP500 from collapsing then microsoft,5 +2022-01-21,aapl googl down approx 10 percent from highs fb amzn down approx 20 percent from highs nvda down 30 percent from highs nflx down 40 percent from highs 2020 to 21 tech ipos down anywhere between 30 to 80 percent from highs spx down “only” 7 percent from highs 👏,1 +2022-01-11,once again tools flagged the bottom for qqq family members were notified monday am before the open provides daily technical insights stop guessing get the “first word” at,5 +2022-01-31,i started the week at neutral on the market not sure what we would do after our huge 3 percent and nasdaq gains we made on friday i expected it would be volatile im still staying in cash not in a rush to buy the drop i want to see aapl and big cap tech at the open first,2 +2022-01-31,so i missed that late gigantic rally today in the nasdaq my mistake not totally concentrating on aapl and instead to believe that it was possible for the nasdaq to come off highs intraday instead if i did it right and just looked at aapl i would of know that was impossible,2 +2022-01-03,aapl setting up for 188 to 193 if it closes through the all time high at 182 this week tsla 1200 coming next above can run to 1243 spx qqq still just consolidating the past 5 days,1 +2022-01-18,i literally laugh at those who say the market is so slow yeah the dia spy qqq btc eth are down big but there are several big percent spikers are you guys just not seeing bbig gftx sirc and potential dip buys on big percent losers on plays like owuv epaz it literally makes no sense,1 +2022-01-10,tsla holding 1000 so far possible to see 10511077 if it bases above 1000 into wed amd setting up to test 130 if it holds here at 126 shop to 1100 if it starts a bounce qqq big sell off dropped 10 points today but held 370 needs back above 373 next to test 375379,3 +2022-01-04,best from the uwl yesterday tsla mram lcid tsm amba mp uber amd abnb on bros mu gfs bkng aapl nvda expe onon mrvl qcom grab qqq olpx spy cien,5 +2022-01-03,aapl flagging wants to get to 3 trillion as vix rejects resistance amd nvda noticeable strength amd earnings runup candidate next leg over 150 nvda 300 area basing around,1 +2022-01-22,sam in room and twitter the week nflx 2 to 52 milly milly shop 1000 mentioned 2 to 130 amzn 3000 at 2 to 150 spx 4550 from 6 to 150 nvda from 1 to 9 on 240 and so many more sam have the ability to see thats poss via premiums,5 +2022-01-28,spx held above 4284 this am on the dip if it closes through 4342 today itll set up for 4400 early next week aapl setting up for a move to 170 if it closes above 167 today amd held 100 now at 103 it should test 106110 if it can hold a higher low above 102,1 +2022-01-23,tremendous earnings and fomc this week are you ready folks aapl mcd bx hood v msft lmt ge axp xlnx tsla lrcx i will be providing my analysis and thoughts 💭 on each of these stay tuned stay safe,5 +2022-01-20,gap and go then dumped brutal qqq on the 200 days spy not far from it now markets short term extended down and oversold hoping for a gap down tomorrow and some buying into it we will see nflx fugly rest up and enjoy your evening,1 +2022-01-20,technically qqq nqf approaches good 😊 levels imo from r and r perspective at 14500 now 14780 but needs to be able to sit thru a couple sessions of volatility,3 +2022-01-21,spy to 200 simple moving average oscillator got to negative 80 vix 28 alert didnt play bounce as not my style but interested to see what happens thought stuff like msft would break harder and showed relative strength going to be interesting earnings season,2 +2022-01-27,aapl earnings coming after the close today possible to see 170 or 150 after earnings spx qqq still no momentum to the upside just basing for now id be patient and protect your capital for now i dont see any great setups,2 +2022-01-31,good morning futures flat tsla u and g outperform cs point 1025 nflx u and g buy citi point 450 bynd u and g overweight barclays point dollars 0 k d and g market perform bmo cap twtr point cut to dollars 0 frp dollars 5 bernstein,1 +2022-01-24,what a wild day spoke to members yesterday that we should bounce at some point today but had to be patient holy bounces easy bounce in now we see tqqq 7 trades for me today no trust but in and out now we focus on earnings and the fed hagn,5 +2022-01-31,hell of a day markets pushed all day long short covering and buying coming in aapl msft nvda tsla leaders today tech leading inflows in the am then we see if this holds,1 +2022-01-27,vix spy qqq market strong to open as digests the fed ideally should have some calmness till march but vix important levels 28 breaks is needed nflx msft decent strength will be focus if hold 34 to 50 emas tsla relative weakness no long interest until 900,3 +2022-01-27,vix spy qqq big reject on 33 on vix the level we been watching 860 and over tsla can build but 850 will be risk watch those emas curl nflx still want that 390 to 392 break msft 300 key,1 +2022-01-10,qqq nasdaq broke 380 huge support now 370 next level spy 460.458 next levels vix testing 21 premarket most large caps under key level like tsla under 1 thousand and fb at 325 amd under 130 9. am ideally shows us the trend,1 +2022-01-25,good morning futures down a bit logi eps and rev beat nvda is said to quietly prepare to abandon takeover of arm viac u and g sector weight keybanc dal u and g buy berenberg point dollars 0 nke u and g overweight wfc point dollars 75 twtr point cut to dollars 8 from dollars 0 jpm,1 +2022-01-24,enough interest here at 4200 to 4300 with bottom sniffers as well as sell the rip crowds add in aapl msft tsla earnings and and you potentially get an explosive 🧨 mix,5 +2022-01-25,market vix is holding uptrend and held key 33 level and most names under 34 to 50 ema 10 min bearish trend for most tsla showing some relative strength holding 900 level fb losing 300 nvda amd amzn all bearish dwac strong will watch vix 35.50 next level,4 +2022-01-10,spy qqq strong close here on the market as vix 21 resistance held want to see vix gap under 20 for continuation tsla impressive amd back to highs into close fb big bounce no position tmro will be important to see continuation ema will show the trend,5 +2022-01-12,long via size tsla f amzn nvda oxy and zim need more energy to whole group is rocking but i’m late cpi number tomorrow reaction critical we’ll see… 🙏🏼😲,3 +2022-01-04,another day of split action dow up over 300 points while the nasdaq is down 1.2 percent and some areas are getting hammered like cathie woods bottom fishing index to arkk down 6 percent on the day,1 +2022-01-04,nasdaq weaker today than SP500 61 names declining on nasdaq 100 market chop with no significant trend to open the day although some trend in mid cap iwm most names sideways and down amd nvda downward pressure on semis aapl strong helping spy,3 +2022-01-30,a 13 percent drop on spy and 17 percent drop on qqq makes no sense when the heavy lifters are posting incredible earnings aapl msft v and tsla all fantastic solid quarters goog amzn fb to follow market is not going to drop much with these tech giants performing like they are,4 +2022-01-08,this week spy negative 1.8 percent qqq negative 4.5 percent negative 3 percent aapl amzn tsla negative 5 percent googl hd negative 7 percent msft nvda zm negative 8 percent amd twtr coin negative 9 percent pltr path negative 10 percent crm nflx tdoc negative 11 percent arkk pins z negative 12 percent sq snap negative 13 percent now sofi twlo negative 14 percent ttd negative 16 percent se u negative 17 percent shop negative 18 percent rblx negative 19 percent zs negative 21 percent afrm roku negative 23 percent upst 😩😩😩🤬🤬🤬,1 +2022-01-04,2022 started off hot with tech leaders continuing to go up and to the right aapl neared a dollars t mkt cap and tsla rose over 10 percent the aggregate increase in mkt cap bw aapl and tsla yday was dollars 12 billion which was larger than 84 percent of the companies in the nasdaq100 ndx qqq spy,1 +2022-01-19,tsm spending 44 billion on cap ex the sims off amat lrcx klac huge something else up do we get a massive shutdown and chip issue again no idea,1 +2022-01-19,amzn aapl tsja gonna break next fb to 262 there is no metaverse for year s and year s in the metaverse dak juked entire sf team and scored …,1 +2022-02-09,aapl price up 220 percent since start of march 2020 lockdown its been one of the strong so far in 2022 can it go higher still dollars 00 dollars 00 in i take a look,1 +2022-02-03,this is how giants punish a company who enters in parent company crashes like shitcoins and trade at 52 w low price,1 +2022-02-16,rblx needs some type of bundle for sale to get this stock price going back up smh 🤦‍♂️,3 +2022-02-02,with googl recent announcement of a 20 to 1 stock split do you think the share price will increase like tsla and appl when they split,3 +2022-02-16,a gamma explanation to todays jump in stock price likely fully true explains the buying ah will be more free descents after mopex on friday spy spx qqq,3 +2022-02-03,why i think the panic over facebook stock price drop is totally unwarranted no one is paying attention to what they are doing,1 +2022-02-10,the stock price has an upward trend lately and positive tweets are trending source,3 +2022-02-14,1 rsi breakdown its 40 level 2 true strength indicator is below 0 level 3 price follow dow theory respectively 16715 is the key support area if it breach we may see 15950 level,2 +2022-02-16,use to see investor reactions on days for shop this morning bullish sentiment preceded a rise in the price and then bearish sentiment preceded a fall in the price,3 +2022-02-09,wall street ended sharply higher lifted by apple and microsoft while a jump in treasury yields elevated bank stocks ahead of a key inflation reading this week,1 +2022-02-04,biggest one day decline for a stock in u s history🤯 stay strong 🙏💪,1 +2022-02-03,same profitable story when aapl and tsla split tsla gave a dollars 00000 profit within one year to the price rose back up to the presplit price before a year was up,1 +2022-02-11,this split will drastically reduce the price of goog and googl recently the stock traded at over dollars k the 20 to 1 split will ultimately reduce share prices to a much more palatable dollars 40,2 +2022-02-02,fb and nflx in reality just followed the longer term trend post earnings can amzn buck that trend and join aapl and googl in the faang divorce,1 +2022-02-16,nvda will report its earnings today after the close a significant beat is expected and a stock buy back may help the share price disclaimer this investor is long the stock,3 +2022-02-09,goog alphabet inc class c our model calculated this company s stock price has an undetermined short term setup with a flat long term setup in a neutral long term market setup,4 +2022-02-03,trailed out profits in nasdaq still holding dow dax and apple long with tsl such that trade is in profit it doesn’t matter if fb fell or no what matters is did u trade and how u managed,5 +2022-02-23,ev spac mania 1 year later ride to not really planning for the snow slide on the stock ticker gm tsla f gm bmwyy vwagy race tm ignore the hype to watch the price to exit when it breaks more in my video,2 +2022-02-01,price of nvda ⬆️ 7.21 percent in the previous trading session it is also up more than 1.8 percent pre market today why royal london asset mgmt significantly increased its investment in nvda in the 4 quarter they bgt 539518 nvda bringing their stake to about 2 million shares barrons,1 +2022-02-03,tracking ’s spread trade on 🔮 nov 5 ➡️ today short fb dollars 41 ➡️ dollars 40 nflx dollars 65 ➡️ dollars 12 aapl dollars 51 ➡️ dollars 75 amzn dollars 518 ➡️ dollars 806 long goog dollars 984 ➡️ dollars 904 announce 20 for 1 split msft dollars 36 ➡️ dollars 06 announce best quarter ever,1 +2022-02-04,ive seen enough market is comfortable with the ten year yield between 1.90 to 2.0 percent qqq up dollars from the pre market a close above 357 is constructive above 360 fomo should emerge again macro tnx amzn,3 +2022-02-17,while everyone is yelling and screaming about stocks crashing the new big tech lean hogs continues to climb higher calmly 🐽 spx spy qqq,2 +2022-02-12,friday’s close set up massive downside macro daily charts on most tech names with qqq losing support now it’s all about news over the weekend to see if follows through those macro trades don’t set up every day when they do it’s phenomenal tsla have blessed day ✌️,5 +2022-02-04,good morning meta was yesterdays story to priced in by market this morning amazon is up 14 percent in after hours did the market presage us decline to yes but has nasdaq started a fresh decline we dont know here is the setup as i see it,1 +2022-02-03,some intense after hours moves amzn up 17 percent snap up 50 percent as of right now pins up 29 percent nq has erased the bulk of todays losses which were largely driven by the fb earnings call yday and nfp tomorrow,2 +2022-02-07,but higher pe tech and growth names on the nasdaq compq remain laggards this pattern looks decidedly more bearish than the spx for now,3 +2022-02-12,disaggregating the fangam stocks during the period you see a clear separation between the winners aapl goog and msft and the losers fb amzn and nflx at least in the market place,2 +2022-02-06,now… y’all know i was right about fb hood msft and nflx this week i think tsla breaks out above dollars k again let’s eat together may grab some eth on dip this week as well looks to have found a new false “ceiling” 😂,1 +2022-02-04,the nasdaq 100 fell the most since 2020 on thursday hurt by a historic dollars 51 billion wipeout for facebook owner meta platforms inc but amazon could add nearly dollars 00 billion in market value if the stock’s 14 percent gain in after hours trading holds to friday’s wall street close,1 +2022-02-02,how can a final leg come when aapl msft and goog reported such stellar results and they carry the indices fb today too needs to be a catalyst for a sell off fed will fold with economy slow down forthcoming i know i’m a novice and you’re the expert but i don’t see it,2 +2022-02-04,the worst selloff in american technology shares since 2020 showed signs of easing in late trading after amazon up 15 percent and snap up 40 percent soared on quarterly results lifting the biggest exchange traded fund tracking the nasdaq 100 by 2 percent as of 4 p m in new york,1 +2022-02-03,good morning nasdaq futures have tumbled as both meta and spotify have crashed in after hours trade on poor earnings especially meta facebook will be interesting to see if dip gets bought or market momentum halts here,1 +2022-02-16,health check 3218 advancers vs 4956 decliners across us market exchanges 110 new highs vs 241 lows just 33.6 percent of stocks above their 50 moving average and 30.2 percent above their 200 moving average pm miners and energy lead tech and semis lagg sm cap growth sold high beta large caps bought,1 +2022-02-07,aapl inside day on top of all key ema and sma’s this is really important for qqq and tech this week i literally alternated trading sqqq and this today that’s how important is is for qqq,5 +2022-02-04,a tale of two trades us giants get smacked during the day yesterday then surge post market following earnings smells like short covering to me closed down negative 8 percent surged positive 14 percent after hours closed negative 24 percent positive 59 percent in extended trade closed negative 10 percent positive 21 percent,1 +2022-02-06,series update for 05022022 along with along with some for afrm twtr snap spy spx esf qqq ndx iwm dia rut amzn googl fba like and rt and share and subscribe,5 +2022-02-03,are you serious right now look what im getting ready for tomorrow in amzn snap pins etsy shop bill twtr syna u skx if you thought the last 2 days were awesome wait till you all see what we do tomorrow in the greatest chatroom on the planet,1 +2022-02-16,🕵️wed watch🕵️ tsla 922 trigger bt team is already in spy 446 trigger closed over puts below 443 amzn primed to run if 3130 holds will take a large position in this when flow comes through nvda broke 263 trigger calls if this levels holds 1000 percent and opportunity everywhere,1 +2022-02-17,markets fell hard today with the nasdaq 100 shedding 3 percent net lows were present on both the nasdaq and nyse tech stocks continue to get hit and are becoming a classic example of avoiding falling knives oils and golds led higher to which says a lot about this market dvn su nem,1 +2022-02-03,nasdaq fut dn 1.8 percent signalling a reversal from yesterdays gains after facebook missed est in afters hour trading meta dn 21 percent worst one day slide since listing twitter dn 8.2 percent snap 17 percent amazon negative 3.5 percent results today netflix negative 2.5 percent,1 +2022-02-13,another big week for earnings…🤯 nvda pltr shop rblx upst glbe roku ttd dkng wmt abnb crox mar amat mro mttr sand fvrr qs wynn gold alx inlb poww et aap csco dash,5 +2022-02-04,nasdaq rallied on the back of amzn earnings the follow through day is holding however net lows still dominate this indecisiveness requires strong risk and portfolio mgmt skills to maximize profit and exposure in stocks advancing and cutting losers sloppiness can be costly,3 +2022-02-25,qqq weekly potential support off the 100 simple moving average march 20 avwap and prior weekly support nqf xlk aapl msft nflx fb amzn,3 +2022-02-03,spy pivots for tomorrow 450.7 losing that nothing stopping spy from retesting 444 and 442 room to upside above 454 fb needs to recover 20 to 30 points off open nvda had the meta verse affect on it too down 3 percent and snap pins rblx tankage,3 +2022-02-01,eyes on amzn tsla spy aapl amd msft nvda and fb today calls and puts i am sensing a big morning push and peak followed by a top out based on spy momentum for most classic support and resistance lines might be the outlier today i could be dead wrong nfa,3 +2022-02-10,if you look at amzn it’s below 3200 msft is teetering at 300 adbe ffs is down in gutter at 500 nvda down goog at 2800 🙄 what’s rallying banks bac xlf xom cvx again 😂 xlk has to do better now 4575…,2 +2022-02-08,qqq with very heavy divergence on the flow nvda amd with massive flows into 2 half of march fb amzn googl showing some very big divergences too this week will be interesting in terms of tech and growth,3 +2022-02-27,weekend review market in correction nasdaq and SP500 500 are on day 2 of a new rally attempt as nasdaq hit bear market territory with an undercut and rally off their jan 24 lows qqq spy,1 +2022-02-10,global market insights the us markets extended gains as traders seem to digested corporate earnings and now eye inflation inflation data will be released today tech stocks lead the gains with meta and spotify rising more than 4 percent us bond sell off eased,1 +2022-02-09,global market insights the us markets rebound on expectations that economic growth will sustain with higher interest rates dow was up 372 points SP500 500 gained 38 while nasdaq added 180 dip buying in some big tech cos like apple ms,3 +2022-02-02,global market insights the us market continues to rally for 3 day this week dow gained 3.59 percent SP500 4.92 percent and nasdaq 6.86 percent alphabet jumped more than 8 percent on good earnings and stock split amd up 10 percent on strong earnings while paypal tanked 17 percent on weak guidance,1 +2022-02-01,stocks up again today nasdaq led the gains arkk to the poster child for high multiple high promise as yet unprofitable tech “spec” tech to outperformed could qqq and could “spec tech” outperform in feb answer in todays commentary⬇️,5 +2022-02-03,stay tuned if goog and fb earnings are any precedence then someone same someone already has the amzn numbers seattle not too far from mountain view this will show up on emini SP500500 tape tomorrow and i will share what i see 👀 with folks fwiw,1 +2022-02-02,that qqq 20 percent dip and spy 13 percent dip before the big boys reported well played the fed was so hawkish bill ackman bailed his rate hike bet before 1 hike and rolled his profits into a nflx position and is now up about 20 percent from his entry well played,1 +2022-02-05,qqq weekly chart here shows shooting star struggled near the ema 21 friday 361 was a hard rejection near thursdays highs daily shows inside candle alot of indecision still in the market what to do with great amzn earnings goog split etc positive was a close above 8 moving average,1 +2022-02-02,happy wednesday here are my u s stock futures rise to tech shares set to rally googl positive 10 percent on earnings stock split fb qcom spot report results to adp payrolls tumble may the trading gods be with you 🙏 dia spy qqq iwm vix,5 +2022-02-02,interesting but hard to imagine the indices going down another leg with googl aapl and msft reporting such blowouts add fb and amzn i dont think these are the same indices from the last bear markets these are beyond secular growers they are secular monopoly monsters,3 +2022-02-01,qqq large cap tech stocks surged today closed at 363 today nasdaq 100 now testing 200 day ma and falling 20 day ma big spot here,1 +2022-02-09,just seems a little too cute to have spy up 1.11 percent qqq up 1.36 percent iwm up 1.26 percent and dia up 0.81 percent ahead of the biggest cpi number in 40 years,3 +2022-02-25,heres a weekly update on the nasdaq tesla apple nvidia palantir nio ethereum xpeng shopify amazon bitcoin tech qqq spy tsla aapl nvda amd fb value pfe azn ba dal sil play growth amzn nflx nio pltr mara shop btc eth bynd w,4 +2022-02-03,spy needs to hold dollars 50 after amzn er tonight we will get a better sense of direction booked 80 percent of my profits from entries around and below spy 430 going forward i will mainly stick with spy qqq tsla and amzn after er when the premiums come off,1 +2022-02-01,• qqq 371 ➡️ 380 with googl double beat and split • amd huge beat nvda complimentary play running ah • .75 largest names in SP500 with earnings double beats amzn to report thursday amc tomorrow and rest of this week should be fun 🚀,5 +2022-02-03,it looks like the recent mega bounce in the market has hit a speed bump today fb getting slammed and taking most leading tech qqq with it the easy money is over the grind begins maybe things for the market will be better in the metaverse,2 +2022-02-12,the fangam are newsworthy with fb renaming itself msft buying activision nflx finding a real competitor in disney plus aapl playing good guy in the privacy wars amzn playing villain in so many scripts and the goog search box finding them all,5 +2022-02-07,i see a lot of bear flags across the board on some big names gaps on goog and amzn nvda amd thank you spy and qqq look like they could be bullish which gives me a bad taste in my mouth flow is mixed i can feel the indecision gut feeling thoughts,3 +2022-02-24,watchlist spy qqq spx dia aapl msft f tsla rivn gm xom sbux amd nvda smh fb twtr snap pins amzn mara riot mstr coin,3 +2022-02-02,be careful today qqq gapping north of dollars 70 and into major resistance areas the underlying market is weak with the iwm is negative in other words googl fb and amzn holding the up,2 +2022-02-04,the nasdaq 100 index was primed for a rebound friday as strong earnings from the likes of amazon snap and pinterest helped ease fears from metas crash,5 +2022-02-03,this mkt has no mercy nflx pypl and fb missed earnings and are down 20 percent and it’s like walking in a landmine hedge funds r having bad performances too but stocks i bought last week when vix 30 r still profitable i have too much cash on the sideline so this mkt is exciting,1 +2022-02-15,there is no invalidation laugh high of bear flag is 444.62 all tech trading at lods almost amzn googl nflx fb aapl lower high and qqq about to break dollars 52.50 leans bearish ready to flip long above 444.62 on spy 5 million close tho,1 +2022-02-01,some levels seem to be aligning this morning amzn 3 thousand aapl 175 tsla 950 and spy 450 all can be psychological levels and i will use to judge general market strength today,3 +2022-02-01,market has benefited from a nice win streak for earnings on some large cap names aapl v ups 3 of the main reasons now market is in the hands of names like amd goog pypl sbux,4 +2022-02-26,after the major indexes tumbled to lows and the nasdaq briefly entered bear territory stocks rebounded powerfully to end the week but the new market rally attempt has a lot to prove to and theres a big catch .25 aapl jbht regn msft anet tsla,3 +2022-02-10,i get todays session felt big and bad but in reality names like aapl sold back to levels not seen since tuesday am laugh just watch tech tomorrow if they bid we can have a green friday,1 +2022-02-04,ndx has become manic positive 3 percent after aapl beat and negative 4 percent today after fb guided lower tonight amzn missed on fourth quarter revs and guided to first quarter rev growth of positive 3 to 8 percent its worst growth ever ws positive 11 percent e but amzn positive 15 percent ah after raising prime fees and recording a one time dollars 1 billion gain on rivian’s ipo,1 +2022-02-10,if there’s good pullback on cpi numbers stocks i would like to add trimmed these in strength today googl msft tsla apps dis amd biotechs bcrx auph myov nari,3 +2022-02-03,props to snap amzn pins on da comeback fb they apparently are not so it doesnt look like well have any max panic at the open tomorrow so the back and forth dia spy qqq action will continue zzzzzzz not ideal for me but at least it gives me more time to do burpees,3 +2022-02-09,arkk is testing downward trendline trying to breakout spy has currently double topped iwm is testing top of bear flag qqq currently is in a lower high since it didn’t break high tomorrow is a big day for bulls and bears cpi decides 💭,1 +2022-02-27,like spy learn vxx while trading spy have aapl msft or amzn up on your screen those are the top three heaviest weighted in the SP500 accounting for almost 15 percent of the index if they start to move good chance you’ll see spy follow,5 +2022-02-09,energy if you had 4515 if you had 4492 4536 you are probably smiling ☺️ right now now 4566 spx ndx spy amzn aapl goog fb tsla,1 +2022-02-07,since december 1 the qqqs are down 8 percent spx is flat djia is up 3 percent energy financials and staples are all up while tech broadly and megacaps are down,1 +2022-02-09,aapl msft amzn goog and tsla 23 percent of the SP500 500 difficult to answer the question because of the performance and profits of these over the rest of the market no,2 +2022-02-02,spx more choppy today if it cant defend 4545 possible to see a 4500 back test by friday spx needs back through 4575 to test 4600 googl rejected at 3000 again i would wait for it to reclaim 3000 to consider calls amd reversing lower after earnings 122 possible bottom,1 +2022-02-20,tsla is the highest google is like your best money market account nvidia would be next with chips and semi conductors shopify could be next generational company with online business and fintech msft and apple are your sleep well at night stocks pltr is the longshot,5 +2022-02-03,well that was fun while it lasted after 4 days of gains futures tanking negative 340 points right now after fb missed earnings estimates by a mile and gave a weak forecast privacy app store rules denting fbs revenues tomorrow will be a must see,2 +2022-02-06,i am not seeing a ton of quality entry ready setups on my watch list yet only thing catching my eye are the mega caps tsla amd aapl goog msft amzn which definitely caught a bid growth names still have a ton of work to do first step would be to establish higher lows,3 +2022-02-08,docs enph tsla net abnb ttd se docn coin rblx afrm upst goog amzn msft dwac snap bill bros si gtlb u some other names on my weekly list right now also have names reporting written down,1 +2022-02-15,vix spy qqq vix not giving up 26 yet bulls need that or can push to 28 level qqq nasdaq has to get over 355 and spy over 446 for a upside trend day nvda relative strength into earnings over 252 key level now,1 +2022-02-16,nvda stalling at 50 displaced moving average post earnings anouncement see if it can open near that tomorrow or near 10 displaced moving average upst with hve today back on the gappers wl for me dash heavy volume ahs today worth watching tomorrow see if it prints hv edge,2 +2022-02-10,spy qqq market pulling back as vix finds big bounce off 20 level on cpi numbers vix 22 23 23.50 initial levels of resistance today spy 450 important level or it will get back into range we talked about earlier with 444 lower level qqq 356352 support levels,1 +2022-02-08,well another whippy day but strong close now can we get continuation jpm great out of the gate then they rotated to tech aapl amd amzn leaders then spy close to breaking range hagn,4 +2022-02-03,p s a to same i gave clients if dollars 42.80 fails qqq could flash crash into the 100 w around dollars 20 to 315 amzn reports tonight iv in puts is in unprecedented 200 range so folks grabbing protection in ndx xrt xly vix is already percolating above dollars 3.76 with gap up equals careful,1 +2022-02-24,if you told me this morning there would be a 100 stocks ending with a bullish engulfing 🐂 📈 here are just some of the results cost goog nflx twtr,1 +2022-02-13,tremendous earnings next week fortunes will be made and lost 😡 upst afrm deja vu rblx my baby 🍼 pltr my baby 🍼 🍼 mar meh abnb shop nvda fsr de roku bidu crox dash gold akam csco can these names put a bid under SP500500,1 +2022-02-25,names noted where the low was higher than the low from the uwl aapl abbv abnb amzn brkb bros cf cfvi clsk crwd ddog docs dvn dwac expe fang glw googl hal hcp lyv mar mu net nue nugt nvda on panw pstg pxd rtx si snap ttd upst xom xop zim,3 +2022-02-09,and just like that everything looks much better cpi tomorrow am i suspect its built in here fb made my day amd small win dis double dipped ah thank you mouse hagn,1 +2022-02-03,why was i bullish on amzn goog and bear on nflx fb and pypl before earnings because no stock down before er has gone more down this season after er and no stock up before earnings has gone up after er simple this was the secret 🤫 😊,1 +2022-02-09,tsla googl amzn note that while market is strong these big 3 are sideways or consolidating while aapl fb nvda msft spy qqq overall trending sometimes many tickers take turn to make next leg up in a trending market so make note pf lagging and leading,3 +2022-02-03,fb at july 2020 levels in premarket vix bounced from 20.47 nover over 23 key level interested in amd again if builds over emas or else will wait nflx 400 again key level aapl relatively better 173.40 support no rush will trade the trend,1 +2022-02-03,exhausted so i’ll do furu style dd🧑‍🚀 • spy bullish over 455 460 470 bearish under 450 444 440 • nvda bullish over 250 260 275 bearish under 240 235 220 • tsla bullish over 900 950 1000 bearish under 900 850 800 • amzn and f earnings will have major impact on tech and ev,2 +2022-02-02,amd touched 132 googl 3050 in premarket locked decent profits congratz now everything under 10 min trend so far with market as vix bounces off 21 level longs only on 10 min uptrend intraday and shorts on 10 min downtrend for me strictly following rules,2 +2022-02-02,good morning futures up nasdaq up big googl point raises all over dollars 600 cowen and jefferies amd point raised to dollars 5 from dollars 50 atlantic and many others pypl d and g to neutral from buy btig point cuts across the board dollars 45 jefferies lowest sbux point cuts across the board,1 +2022-02-09,qqq spy i believe the market is pricing in the good news tomorrow on cpi meaning if its expected estimates than we move sideways for the day but if theres really good data out then we can continue to the pump note that qqq closed above the 200 today,1 +2022-02-11,faang fb amzn aapl nflx googl underperforming mkt esf spy remember when everyone complained they were the only stocks holding up mkt,1 +2022-03-15,tuesday bounce back dow rallies 600 points nasdaq notches gains as crude oil price retreats airlines jump sharply djia spx comp,1 +2022-03-04,starting february 3 facebooks stock price has been on a steady march downwards as of this writing its priced at about 45 percent off its 52 week high is this the beginning of the end probably not…,2 +2022-03-09,middle east in 73 arab oil embargo was selling us a helluva lot more oil than russia has and is but yet the price was a dollars .22 equivalent at least dollars .19 now big 4 oil companies stock skyrocketing while the is not much more than flat dow 30 2 percent,1 +2022-03-19,nvda double bottom pattern with strong support at 210 a continuation of the pattern could put the stock price above 300 in 2 to 3 weeks,4 +2022-03-16,spy here is a nice bullish chart forming as you can see the 5 and 20 day support held on the daily the macd just crossed and like i said before we need the price to stick consolidate and reverse if we can get one more big push above dollars 40 tomorrow or,1 +2022-03-28,morning brief went over spy tsla coin and aapl this morning i wish twtr gave me more time so i didnt have to rush but let me know if you have any questions,1 +2022-03-16,you didnt believe your eyes back then because of the gurus and news but do you believe the price action now or maybe youre staying with your bear market theory and predictions,3 +2022-03-02,i removed tsla from my watchlist because premiums are just too expensive for a small or at least for contracts near stock price and i dont want to go that far otm 1.60 0.93 3,1 +2022-03-09,tsla up 2.5 percent on tuesday but with a lower low and lower high with this continuation pattern i suspect the stock price will head down note that it was rejected at resistance of 828,2 +2022-03-03,yday qis taa flagged looked an efficient play open access👉 now retina flags bullish divergence on qqq vs spy relative value fundamentals improving for us tech no opinions ai signals pushed into your workflow,2 +2022-03-01,aei price closed above 20 expontential moving average and 50 simple moving average is soon to be next gap is at dollars entry over dollars .36 break,1 +2022-03-09,us recovering ⬇️4 percent goes🆙 gets positive coverage on new device 📲 gets eu approval for dollars bln deal but could face criminal probe new shoes beats while drops rallies,1 +2022-03-07,i think tsla will still be that unique upper range car with a cheaper stock price than now i think f will be the company to supply the affordable electric car,4 +2022-03-04,upst upstart holdings inc ordinary shares the automated equity analyst judges the price of this stock has an undetermined short term setup and its stock price is in line with its long term fundamentals,4 +2022-03-19,goog alphabet inc class c the network foretells the price of this stock has an undetermined short term setup and has a neutral long term outlook,4 +2022-03-10,s amzn 20 for1 announced googl 20 for1 aapl 40 for1 tsla 5 for1 msft 2 for1 typically there is a gain after the split cuz more buyers attracted 2 the lower price to get in,3 +2022-03-25,is a buy citigroup is reiterating its “buy” rating holding dollars 50 price equals a potential 36.5 percent upside credit suisse also a “buy” rating their pricetarget equals dollars a potential 56 percent gain cowen closes us out with an “outperform” theyre sticking 2 a dollars 50 target,1 +2022-03-30,the next spy price level i am looking at is dollars 70 so i put in a limit order to buy 3 dollars 70 calls dollars .00 probably won’t get filled today but i am going to keep my eye on it,3 +2022-03-14,watch apples stock price tomorrow,5 +2022-03-23,the wtd vwap blue on the bottom 15 min tf is where spy and qqq have found buyers so far if they fail it would be reasonable to go test the 5 day sma orange the way iwm has today,3 +2022-03-16,qqq poking just over the middle keltner green dotted line after a huge run yesterday a gap up today then another huge run not my cup of tea as far as buying here right before fed i would have been more bullish had we chopped sideways or went down even i’m short here,1 +2022-03-22,market analysis and discussion for 03.22.22 es qqq aapl amd amzn ba baba cat cost fb roku googl etsy se msft nvda upst nflx sq tsla watch it,3 +2022-03-09,good to see a big late day move from amzn 7 percent weighting in qqq in response to its stock split and buyback news preserves support pictured and makes the 50 day ma look surmountable to currently bid up to dollars 975 with major resistance near dollars 325 in our work,4 +2022-03-31,market analysis and discussion for 03.31.22 es qqq aapl amd amzn ba baba roku cost fb se googl crm hd msft nvda upst shop nflx orcl tsla watch it,3 +2022-03-17,outlined the first 4 days of spy this week before they happened plus fb and sbux 1000 percent plays nflx 332 mtch less than 87 tdoc 50 pltr 10.3 tsla premium lesson and more no one gives this much free 📖,1 +2022-03-10,3.10.22 spy qqq iwm aapl dwac adbe tsla pbr fcel goog xlf cpng dollars 1 month special link in bio and pinned learn to see what i see,1 +2022-03-17,market analysis and discussion for 03.17.22 es nq qqq aapl amd amzn ba baba cat cost fb orcl googl etsy jpm msft nvda upst nflx tsla watch it,3 +2022-03-07,market analysis and discussion for 03.07.22 es qqq aapl amd amzn bidu blnk cat oxy fb fslr googl crwd etsy jpm msft nvda lmt sq tsla watch it watch it,5 +2022-03-24,market analysis and discussion for 03.24.22 es qqq aapl amd amzn ba baba cat cost fb roku googl crm se msft nvda upst nflx sq tsla watch it,3 +2022-03-16,how do qqq and spy behave at declining 20 day smas should they both reach that level obvious spots to watch and both rejected hard on previous test lots of levels to get through still and trend obviously down,2 +2022-03-17,tsla macd just crossed down on the monthly joining qqq spy dia and other large caps amzn googl fb nflx the next 6 months will be interesting i think the volatility will get worse,2 +2022-03-28,⚓️vwap from ath red on weekly and 195 min halted the buyers in qqq for now iwm appears stuck below decl 5 displaced moving average orang on 15 min now looks ready 2 test ytd vwap pink which is also ⚓️vwap from recent low purple on 15 eye on wtd vwap blue on 15 as it builds this week,1 +2022-03-14,spy qqq price action and thoughts 👊 after a while we are finally touching very important support levels resistance on inverted chart here 1 avwap from october 2020 lows on spy 2 avwap from march 2020 lows for qqq very important level 3 weekly macd curling down,4 +2022-03-17,my little friends turned off their lows a little while ago after macd stretches which ill use as an entry lets see if we dont get full blown signals here in the sqqq,2 +2022-03-15,a little trouble at the ⚓️vwap from the low for spy and qqq today bigger level above is conjunction of the vwap from low and the mtd vwap shown on the 195 min charts in the middle iwm lagging,3 +2022-03-22,results💰 tsla was play of the day💰 was waiting for goog to move why i added it back to the wl this week tsla 1000 calls positive 433 percent 🤯 goog 2800 calls positive 247 percent 🤯 aapl 170 calls positive 184 percent 🤯 amzn 3300 calls positive 98 percent nvda 260 puts positive 59 percent nvda 275 calls positive 24 percent amd both triggers hit sl have a great evening fam 🍻,5 +2022-03-10,it is probably a coincidence that the spy and qqq fell from the conjunction 15 min tf at bottomof the 5 day sma orange ⚓️vwap dark blue mtd vwap yesterday light blue and this morning found buyers at the wtd black vwap,1 +2022-03-08,global market insights .5 nasdaq ended down 20.1 percent from its nov 19 record high close dow jones ended down 10.8 percent from its jan 4 closing record high amazon microsoft apple was among the top drags on the SP500 500 financials sector fell 3.7 percent,1 +2022-03-10,pivots 3 to 10🧑‍🚀 • spy bull over 430 435 444 bear under 420 415 410 • ba bull over 180 183 190 bear under 175 170 167 • amd bull over 110 115 120 bear under 105 100 90 • aapl bull over 164 165 170 bear under 160 155 150 • nvda bull over 235 245 260 bear under 220 215 205,5 +2022-03-07,faatman below the 50 and 200 day ma aapl is the only one above its 200 day ma fb amzn aapl tsla msft googl nvda the crazy part is that it looks like we are just getting started,1 +2022-03-31,qqq weekly we came right into the big 370 spot we originally broke down from and were rejected i think it makes sense to be cautious here and in wait and see mode based on some of the sector action seeing in financials homebuilders semis many growth names below 50 simple moving average s,4 +2022-03-18,update on those aapl 150 puts magnificent fleecing of put buyers now my focus shifts from shorting puts to stalking call shorting opportunities especially on spy qqq aapl and the bae tsla the next few days should be fun,5 +2022-03-18,some tech majors like amzn and nvda have reclaimed declining 50 smas which is a positive trend signal a few others are there or close qqq ndx hasnt yet and is still below overhead and the 200 sma a positive step some follow through would help a key week coming up in tech,3 +2022-03-31,aapl 🙅‍♂️ 🛑 .31 to .28 lcid 🤑🔥 but no entry for me amd cancelled callout to has had bullish moves and bearish in its current range will watch aapl for one more potential entry if not np i dont need to force winning every single trade idea our accuracy has been 🔥so np,1 +2022-03-17,spy qqq everyone who was asking why does it keep going up when net flow is bearish did you get your answer now 👊 most stocks have removed their gains from the open today thats why we stay cautious saving money in this market isnt that easy net flow enables that,1 +2022-03-23,💭 tech is strong tsla aapl crazy crwd zs panw massive red to green moves right from our levels too very nice now spy fills this down gap huge,5 +2022-03-18,spy qqq fb aapl tsla iwm baba thank you china and to my amazing team we traded beautifully together and we banked big congrats to you all and if you want to be in my room vegas live or vegas 2.0 link in bio 😘😘💕💕💰💰💰💰🚀🚀💵💵💵🔥🔥🔥🔥,5 +2022-03-09,score mon ✅✅ tue ✅✅ wed ✅✅ wonderful day lost a little on tsla put first time we knew there would be a gap up and went after weekly swings on amzn amd abnb put paid amzn round 2 paid snow amd little pay thur what do you all think about tomorrow,5 +2022-03-22,spy qqq 💰💰💰 solid move on market since morning breakout alert rode 34 to 50 all levels worked like chart but vix sideways today tmro want to see 22.70 and under good for your calls on spy qqq review complete thread buy close to emas,5 +2022-03-22,qqq aapl googl msft with strong moves through the overhead 50 sma some back and fill can happen at any time but a lot of trend improvement in the majors,4 +2022-03-26,🔥 6 weekly tech charts courtesy of 🧵 ill drop the charts below later tonight ❤️ 🔄 make sure to like this to follow the thread and retweet it to spread the word amzn aapl msft tsla upst pltr,4 +2022-03-20,weekend review confirmed uptrend SP500 500 staged a day 15 follow through day on tuesday nasdaq logged its own day 4 ftd on friday both indexes closed just above their 50 day sma qqq spy,1 +2022-03-23,come next week we will see tsla 1100 googl 2900 aapl 175 fb 220 spy 460 all will rejoice and chase to buy calls since it’s over vwap only then will i fade and short their fomo,4 +2022-03-01,score 0. mon ✅❌ tue ❌❌ plan partially worked today we had aapl tsla swing which we sold for wonderful profit but btd mentality caught me off guard on amd wed to whats the plan spy qqq,1 +2022-03-22,spy qqq continuation so far fb strongest so far amd testing 117 same for nvda tsla going for 943 baba strong nke sideways see below before and after,5 +2022-03-06,weekend review market in correction nasdaq and SP500 500 closed down two months in a row watch if feb 24 lows will hold as we wait for a follow through day qqq spy,1 +2022-03-29,qqq nasdaq is up 17 percent in two trading weeks so far got rejected at the flat 200 displaced moving average its volume is declining as price moves higher price is above the vwap from the highs and the 50 moving average a higher low would be extremely constructive i for when it pulls back,2 +2022-03-06,aapl to above 200 displaced moving average msft to right at 200 displaced moving average nvda to right at 200 displaced moving average tsla to right at 200 displaced moving average goog to right at 200 displaced moving average nflx to way below 200 displaced moving average dis to way below 200 displaced moving average amzn to way below 200 displaced moving average adbe to way below 200 displaced moving average pypl to way below 200 displaced moving average fb to way below 200 displaced moving average tough times,2 +2022-03-27,tsla aapl nvda mfst these four liquid leaders are seeing some decent volume come in as they form the right side of their bases it is difficult to imagine to nasdaq charging higher without these four participating,3 +2022-03-24,while tesla tsla and amazon amzn have moved back into overbought territory on this rally none of the mega caps have managed to push into positive territory on the year yet aapl msft nvda googl fb,1 +2022-03-15,aapl is ready to be the first amongst the biggies to begin a new race to a and it seems nvda is next moment fb closes 192 it too can take a leap of 30 percent every dog has his day never under estimate pays briefly only,2 +2022-03-23,blog post day 3 of qqq short term up trend gmi turns green 5 ibd and ms stocks pass weeklygreenbar scan unvr panw trtnsfbs lnth unvr has glb,1 +2022-03-14,watching aapl spy tsla amd along with other higher beta names today fomc and fed opex week good luck,1 +2022-03-12,charts via 👀 ☠️ death cross on amzn and goog 💀 msft cross looks inevitable next week 🍎 aapl holding the 200 sma sign up for a free trend spider platform 7 day trial charting strategy tester scanner and more 👇,1 +2022-03-31,•spy on the other hand is an etf meant to mirror spx at a roughly price the funds backing spy are reweighted every night to accurately represent the SP500 ex at close aapl made up 7.08 percent of the SP500 by mkt cap so holdings will be reallocated tonight to show this,3 +2022-03-08,weekly watchlist exp tsla below 797 790 puts nvda below 210 205 puts nflx below 350 puts 340 puts not interested in longs until spy reclaims 423.5 on 1 hour r below that… pretty much short everything weak intraday i suggest holding off on the first hour of the trading day,1 +2022-03-31,we will be watching these stocks this morning pypl coin nvda amd and se remember rule to only trade in the direction of spy and qqq gapper strategy setup 🔥🔥🔥,1 +2022-03-29,commodities were supported tday even as oil pulled back sharply tech being led by qqqs tsla nvda aapl out front breadth was mixed today as we might lose steam into 200 days but abv 50 days and we may back and fill a bit,3 +2022-03-21,blog post day 1 of qqq short term up trend gmi still red 13 stocks pass my weeklygreenbar scan lnthstldmckmatxmohcbz abbv and 6 others listed…,1 +2022-03-11,video 📽️ bear market stock market analysis spy qqq iwm smh ibb xlf ibb gxo atc ura carr ping vlo btu ndaq st and more ⚓️vwap,1 +2022-03-14,it’s interesting to see the growth stocks so “bid less ” is this what a tapered no qe market environment looks like i’m bottom fishing today in preparation for the dovish fomc but only in the strongest brand names like aapl goog msft dis and nke,3 +2022-03-08,spy dollars 65 tomorrow if aapl car teams up with tsla while running goog self driving software on an msft platform service connected through a joint effort between t vz and tmus crossing my fingers,1 +2022-03-21,watchlist 1 triggers 🌟🧤 spy 💸 📈 dollars 48.18 📉 dollars 35.76 qqq ⚙ 📈 dollars 57.05 📉 dollars 43.18 nvda 💹 📈 dollars 67.76 📉 dollars 44.86 shop 🖥️ 📈 dollars 23.60 📉 dollars 80.22,1 +2022-03-10,for what its worth the stock splits should make googl and amzn dow industrials index ‘eligible ’ if and when that happens i will put the dow on my screen b of a desk,4 +2022-03-11,tsla dollars 95 haven’t seen that in awhile goog aapl both starting to roll over they’ve been carrying things if we lose these big caps what’s going to hold this market up,5 +2022-03-15,the key signal today as expected was the nasdaq and aapl once they got strong everything else took off higher had it been the other way it would have been a different scenario,3 +2022-03-08,largest stocks that hit new 52 week lows at some point today amazon amzn meta fb visa v jpmorgan jpm mastercard ma alibaba baba nike nke netflix nflx paypal pypl boeing ba blackrock blk el starbucks sbux booking bkng analog devices adi tjx lam lrcx uber,1 +2022-03-08,spx reclaimed 4200 after dropping under 4160. if it can push back near 4284 this week it can run another 60 to 70 points spx under 4160 can test 4116 tsla needs back through 851 to test 900 next amd watch 110 next if it breaks this it can move to 114 to 118,1 +2022-03-07,microsoft and amazon both down 17 percent year to date netflix down 41 percent alphabet down 12.8 percent apple down 10 percent meta down 44 percent even the mighty nvidia is down 27 percent ytd seems like the sure things are no longer quite so sure amzn msft aapl nflx fb nvda googl,1 +2022-03-16,my thoughts on the market from here market will probably stay higher until fed meeting then a lot of volatility after if it dips it should bounce watch aapl for clues europe and asia did well they werent afraid of the fed knowing rates are going up today,3 +2022-03-17,msft shared by me at 170 is now almost back 200 goog from 2500 is now almost 2700 aapl makes a comeback from 150 to 160 amzn from 2600 to 3100 pltr also comes back from dead 12 this only a couple of days ago would have seemed like a dream 💭 not possible …,1 +2022-03-09,spy over 427.50 qqq over 333 key levels for market pivot amd 110 same setup if market bounces and vix fades we can see the breakout over that level,1 +2022-03-11,goog and msft are the internet tsla is the energy amzn is america’s supply chain cost is american warehouse pltr is america’s spy 🕵️‍♀️ wanna bet against them,1 +2022-03-02,spy 430 calls from 2.66 yesterday with team now 7.24 amzn 3050 calls near lows 17.00 now 36.85 gt 15 calls itm … stop over trading and start trading to be profitable how when the market gives you green,1 +2022-03-02,spx moving higher after powell so far setting up for 4400 test if it holds 4370 qqq to 350 can come if it closes above 346 tsla a bit weaker today if it can move red to green possible to see 879 to 888,3 +2022-03-13,look at that xly xlk and xlc ytd good thing my coach warned me about staying long amzn tsla aapl msft googl fb top holdings in each of those etfs talk about,5 +2022-03-14,spx close to breaking 4200 it tried to break higher towards 4266 but failed qqq if it fails at 319 it can drop another 10 points amzn 2800 coming price action very weak since news about the stock split tsla to 729 can come next needs back through 800 to consider calls,1 +2022-03-24,and thats a wrap strong close spy back 450 last 3 days we have gapped opposite of the close aapl beats nvda amd strong fb msft perking up late see ya tomorrow,1 +2022-03-10,choppy day so far after the open spx still holding above 4223 support needs to get back through this highs near 4260 to set up for 4300 amzn setting up for 3000 test if it can breaks above 2951 tsla weaker price action possible to see 800770 if the market breaks lower,2 +2022-03-21,spy vix qqq strong market open vix if fades under 23.75 should be good to for market continuation amd still lagging overall market push main focus there as well tsla bounce over 34 to 50 ema too strong last few days ev sector strong,3 +2022-03-07,weak close qqq now in a bear market time to talk about the r word especially with fed trying to tighten into this spy open to retest 410 night all,1 +2022-03-25,market 1 move down as vix bouncing of that 21.50 level only fb with relative strength tsla testing 1 thousand level amd nvda sideways oil futures trying to ramp up,1 +2022-03-14,largest stocks that hit new 52 week lows at some point today meta fb alibaba baba disney dis adobe adbe nike nke netflix nflx citi c starbucks sbux estee lauder el analog devices adi lam research lrcx snowflake snow netease ntes illumina ilmn baidu bidu vmw,1 +2022-03-22,nvda 270 to 271 amd 117 keep eye on semi sector important breakout levels to watch specially if things ride the ema clouds at open watch vix to fade under 23 and stay there for bullish bias on market baba nke with big gaps on watch plan,2 +2022-03-02,thats all for chart updates tonight hope everyone has a nice night charted spy qqq iwm btc eth mu dis tsla amd nvda aapl amzn nflx pltr slv gld shop arkk,1 +2022-03-29,all charts posted for tonight reviewed spy qqq iwm btc eth pypl amd cgc nvda tlry aapl nflx shop mu enph fslr tsla,5 +2022-03-03,hope the charts were helpful tonight goodnight✌️ reviewed spy qqq iwm btc eth xbi pypl shop amd nflx amzn aapl mu tsla blnk pltr se clf sofi,5 +2022-03-17,charts posted for tonight reviewed spy qqq iwm btc amzn tsla msft blnk pltr amd nvda mu aapl roku pypl slv gld,3 +2022-04-14,📢dow announces new dollars billion share repurchase program declares quarterly dividend of 70 cents per share 📆announcement date apr 13 2022 🏦issuer dow inc 🤯current market cap dollars 5.25 b 🤩opening price dollars 3.49 🤩closing price dollars 4.16,1 +2022-04-21,behold the of amd fear of missing out fomo is worrying a stocks price will only move up and never be this cheap again the white areas show when this was actually the case in conclusion dont youll be wrong most of the time,1 +2022-04-06,when the price of dropped below 200 days moving avg pink line it was a potential buy opportunity as tends to be above its 200 days ma 20 days ma white line is just crossing 50 days ma yellow line now rsi and macd looks good as well,3 +2022-04-11,stock market live stocks must hold this level watch todays stock market live focuses on the key levels the sp 500 price action spy etf must hold to avoid the signs of a stock market crash,5 +2022-04-03,i am expecting to be more than a doubler by fy 2025 after a wonderful run up stock price is sideways the next upmove may settle it to another level may be above 4500 to 5000 no recommendation only a thought amzn,1 +2022-04-28,trade alert ndx nasdaq technical analysis price hit support for expected bullish trend nasdaq surge over 3.2 percent today,1 +2022-04-25,argus analyst bill selesky reaffirmed his buy in tsla stock any price below dollars 000 to dollars 000 is a buy opportunity,1 +2022-04-21,bullish but fb has been shot netflix shot only 20 percent of the nasdaq is above the 200 simple moving average daily laugh just a matter of time until apple gets shot when it does,1 +2022-04-07,do not focus just on patterns and indicators try to pay more attention to price movement 💪 qqq,2 +2022-04-29,nvda back to the price i bought it at stock split day brutal market,5 +2022-04-28,this split will drastically reduce the price of goog and googl recently the stock traded at over dollars k the 20 to 1 split will ultimately reduce share prices to a much more palatable dollars 40,2 +2022-04-01,amzn inc our predictive algorithm is forecasting that this stock price has an undetermined short term setup and has a neutral long term outlook,2 +2022-04-20,plunges will crack n drop below 100 other like experienced slowdown in fourth quarter will see same fate as in first quarter with massive stock price drops,1 +2022-04-30,📈 aapl stock price rises on buyback dividend boost 📉 by,5 +2022-04-08,is like getting 3 companies for the price of one many analysts are bullish on tsla however morgan stanley makes a highly bullish case ms sees tesla as a play not just on the ev sector but also tech and renewable energy applications and lithium mining soon,3 +2022-04-26,reports its first quarter tomorrow after wall street close can a solid performance put a floor to the price collapse find more info in our latest earnings preview,4 +2022-04-11,spy may find institutional buying around the 441.50 price level,1 +2022-04-23,nvda earnings justify a price of dollars 0 dollars 2 they make chips for ai so could allow inflated multiple with price dollars 0 dollars 5 great company and products when i upgrade my pc in 10 years don’t know if i’ll get amd’s or theirs though hmm 🤔,1 +2022-04-17,amzn is at a big backtest of previous trend just as aapl pair this with the supports that msft and googl are coming into its hard to think that all these names do not bounce if they do not look out spy spx es esf,4 +2022-04-01,read needham and company llc cuts ncino nasdaq ncno price target to dollars 0.00 at etf daily news ncno,1 +2022-04-28,nqf qqq nasdaq rallying on fb and qcom earnings reactions looked above last weeks low in premarket then remembered that aapl and amzn will report earnings tonight,1 +2022-04-14,aapl and amzn short entries at their 20 dema and 50 dma respectively goog and msft cant get out of no mans land i see no reason why anyone would need to be long any of these turkeys,1 +2022-04-30,qqq potentially worth noting the number of nasdaq stocks making new lows fell by over 200 today and is showing a divergence with price on a longer term basis the weight of faang clearly brought things down today,3 +2022-04-23,closing chart faangm to ytd perform aapl negative 8.8 percent amzn negative 13.4 percent googl negative 17.4 percent msft negative 18.3 percent fb negative 45.3 percent nflx negative 64.2 percent five of those have earnings next week were gonna need more 🍿,1 +2022-04-25,stocks ⬇️⬇️⬇️ again right now china ⬇️ 5 percent oil ⬇️ 160 earnings aapl amzn fb googl msft worst march2020 dow⬇️over 1000 points at close ⬇️ 2 percent deal news watch,1 +2022-04-20,here are the updated monthly charts on msft amzn goog and appl macd crossed over negative on 3 of the 4 so far 1 could be lagging timewise,3 +2022-04-01,googs price moved above its 50 day moving average on march 18 2022 view odds for this and other indicators,1 +2022-04-25,vnkumar market views i will be sharing more tomorrow once market opens lets make some 💰💰💰💵💸🔥🔥🔥🔥 spy qqq iwm aapl amzn amd fb sq nvda baba please ❤️ and retweet for more 🔥,1 +2022-04-25,new lows in fang relative to SP500 500 now are we going to see a continuation to the 1.10 level fb aapl amzn nflx googl msft baba nvda bidu tsla spy,2 +2022-04-01,how does this make you feel mmat price exceeded its 50 day moving average,5 +2022-04-14,not looking great as spy and qqq found sellers at the declining 5 day sma are both below the wtd vwap and spy about to lose ⚓️vwap from yesterday low,2 +2022-04-29,aapl back to where it was at today’s open amzn back to where it closed two days ago nothing to see here remember that half of trading is psychological so remember what happens next spy qqq spx,1 +2022-04-26,interesting options flow in spy and qqq today which registered as very positive delta opposing this was material negative delta flow in high beta large cap aapl msft tsla msft nflx seems like nflx opened the second leg down for many tech names arkk negative 6.75 percent today 2 year lows,2 +2022-04-29,people on here tweeting from their aapl iphones 📱 and ordering their next amzn 📦 while discussing both names to tank tomorrow 😂 crazy times in the market qqq,1 +2022-04-20,key tells watching 65 minute qqq 247.50 to 249 area 20 expontential moving average and smh 248 area the lows in qqq is still the old weekly high if qqq can get above these levels first resistance that 356.78 to 360 gap nice reaction to nflx report and gap now does it hold it follow through,4 +2022-04-15,join us and trade our powerful watchlist amd fb msft ba nvda aapl twtr shop cost hd 🚨small gains adds up🚨 join a service that shows the actual entries and exits not the peak nflx amzn tsla join and trade our powerful watchlist,5 +2022-04-28,open 🔻🔻🔻 spy qqq ▪️end of month fund flows tomorrow ▪️major fomc meeting coming up next week not sure how many will want to hold through this weekend ▪️big tech earnings are now done,3 +2022-04-25,just a reminder on how big this weeks earnings will play the in the market aapl is 5.9 percent of spy msft is 5.6 percent of spy amzn is 4.05 percent of spy fb is 2.29 percent of spy googl is 2.02 percent of spy goog is 1.96 percent of spy grand total of 21.82 percent of spy holdings reports this week,1 +2022-04-20,spy dd👨‍🚀 • nice recovery from lows today by spy but nflx earnings reaction may make bulls wary⚠️ • if spy fails to hold above 440 expect 436 to be tested…a close under 436 and 430 can print🐻 • if spy holds above 445 expect 450…450 is a big level🚀 • flow,3 +2022-04-24,happy sunday ☀️ i’m watching spy qqq vix tsla aapl intc amzn twtr ba googl jblu and save msft upwk roku hood dpz,5 +2022-04-28,spy dd👨‍🚀 • nice earnings reactions from fb and msft providing much needed good news for spy📰 • if spy can hold above 420 expect 428 to 430 to be tested…a close over 430 and 440 can print🚀 • if spy fails to hold above 417 expect 413 to be tested🐻 • flow,4 +2022-04-29,spy dd👨‍🚀 • bad quarter from amzn and no guidance from aapl pushing spy lower📉 • if spy reclaims 425 expect 430 to be tested…a close over 430 and 440 can print🚀 • if spy fails 420 expect 415 then 413 to be tested…a close under 413 expect 405🐻 • flow,1 +2022-04-24,massive earnings coming which will set the course for the market the next few weeks or months if msft and googl can set the tone tuesday with good quarters it can trigger a rally into aapl and amzn earnings on thursday if .75 of them can deliver on earnings spy to 469,1 +2022-04-19,💡squeeze sweepers active off the open in many of the out of favor tech and speculative parts of the market all in short term strikes ahead of earnings aapl amzn nvda ater btc ntnx msft,1 +2022-04-30,msft along with aapl slowly nearing march lows as i explain in yesterdays technical note breaks of march lows by msft aapl would make life difficult for spx qqq and these are 12 percent of spx those are 270 150 respectively happy sat,2 +2022-04-19,nvda and amzn giving tsla a run for its money for top call premium paid so far today lots of puts being bought on spy qqq and iwm i imagine the etf put buying represents hedging,5 +2022-04-22,spy dd👨‍🚀 • spy reject right at 450 level largely caused by nflx flop if market is to recover watch for aapl msft to lead❤️‍🩹 • if spy can reclaim 440 expect 444 to be tested…a close over 444 and 450 can print🚀 • if spy fails 430 watch out for 420🐻 • flow,1 +2022-04-29,global market insights the us markets futures fell and asia markets expected to be muted the us market rally fizzled in after hours trading as amazon and apple fell on weak earnings and guidance dow positive 614 1.85 percent to 33916 SP500 positive 103 2.47 percent to 4287 nasdaq positive 383 3 percent to 12872,1 +2022-04-25,reason for spy this week rather than specific ticker is due to a lot of earnings this week plus high premium • aapl msft amzn fb googl all in spy 👀,1 +2022-04-24,🇺🇸earnings this week apple microsoft amazon alphabet meta platforms twitter intel robinhood paypal visa mastercard exxon mobil chevron mcdonald’s chipotle domino’s pizza coca cola pepsico ford motor gm ups boeing caterpillar general electric negative 3 million spy,1 +2022-04-24,massive earnings this coming week fb aapl msft amzn pypl googl ko ups atvi twtr xom ba f ge spot pep roku mmm cvx qcom vlo rtx cl intc jblu v wm cat nok luv gm dhi hood enph cve ma abbv otis phg cmg mcd mrk dorm x adm,5 +2022-04-13,big declines for the mega caps over the last week has left them all down 5 percent and ytd and only tesla tsla remains above its 50 dma nvda goog and msft back to oversold has had a huge impact on the major indices,1 +2022-04-26,faang stocks from to todays closing fb and meta📉 negative 47 percent amzn 📉 negative 18 percent aapl 📉 negative 14 percent nflx 📉 negative 67 percent goog 📉 negative 18 percent equals equals equals tsla 📉 negative 27 percent equals equals equals arkk 📉 negative 48 percent 📉 dollars 30 million in less than 4 million ths wen theyre not so perfect q which one will have a further downside📉 nfa 🧐🥶🥹,1 +2022-04-26,txn to more proof semi cycle is done going up negative 8 percent smh on way to dollars 07 to start qqq hit dollars 14.86 point on way to 312 then dollars 03.50 googl falling hard msft falling harder,1 +2022-04-28,bounce in the market the weakest stocks are the strongest today we will see if they can hold up all eyes are on aapl and amzn the market is still in a down trend,2 +2022-04-26,fyi🚨we are at a massive support level right now on the nasdaq so if msft or googl take a shit tonight during earnings we are super fucked just so you know😘😘plan accordingly🤍i have sqqq calls if you follow along you know i’ve been preaching sqqq for a long time,5 +2022-04-22,the white arrow is where the gurus started posting that the market has bottomed and tech earnings were going to be good qqq tqqq do your own homework,1 +2022-04-29,amzn keeps making lower on that relative weakness mentioned earlier also that 2600 level was key to downside vix trending higher tsla 🔻will take loss on last leg under 890 had good bounce trade earlier off 900 to 917 earlier scratch for the day,3 +2022-04-24,could be a crazy week in the markets with so many of the large companies reporting earnings this coming week • tuesday google microsoft visa • wednesday meta • thursday apple amazon,1 +2022-04-12,spy consumer discretionary doing better today not many trades today tsla was nice early waiting for 1 thousand breakout and nvda amd reversal vix hanging around so sideways action right now,3 +2022-04-27,you do not mean revert an index spx ndx spy qqq when earnings miss for a major constituent like googl the tech rout is just starting we have fb today and aapl and amzn tomorrow more blood will be shed,1 +2022-04-23,💥big week of first quarter earnings ahead 👀👀 mon ko tues msft googl v wed fb pypl pins spot ba thurs aapl amzn twtr hood roku intc mcd cat ma fri xom cvx dia spy qqq iwm vix,1 +2022-04-26,nasdaq hit 52 week low after falling 3.95 percent a top russian official says threat of nuclear war real rose 3 percent back over dollars 01 tesla tsla shares fell 12.2 percent as musk looks to close his dollars 4 billion purchase of twitter twtr alphabet goog announces dollars 0 billion buyback and weak earnings,1 +2022-04-24,happy sunday here are my aapl msft amzn googl fb earnings twtr intc hood v ma also report ba cat mcd gm ge xom cvx results to u s inflation data to u s first quarter gdp may the trading gods be with you 🙏 dia spy qqq iwm vix,5 +2022-04-03,tsla nvda googl aapl the big cap nasdaq leaders are setting up in bases the index is not going to run without its big dogs earnings season is upon us,1 +2022-04-25,tomorrow after the market closes msft goog v all report fb on wednesday and aapl amzn intc mc mcd on thursday that is about 40 percent weighted on the qqq,1 +2022-04-28,obviously amzn and appl are on deck after the close im not sure if the markets will do a whole lot more ahead of these mega cap reports im watching the charts for clues anything i see i will post here spy qqq dia iwm,1 +2022-04-10,panw aapl tsla ftnt i am keeping an eye on these tech stocks their earnings reports are due shortly as long as they are above their 50 simple moving average with rising moving averages i will not take my eye off of them,2 +2022-04-19,oh ma gosh you all banking on qqq and and or spy today have boatish things to do and havent traded but just took a peek at the markets and spx is up almost dollars 0 dang missing a huge one hope you are all cashing in big ❤️❤️❤️,1 +2022-04-28,aapl is the last tech stock trading above the 200 displaced moving average it just got shot ah today tsla aapl are the only 2 i believe are above the 50 week ma the generals are starting to get shot,1 +2022-04-16,good lord earnings season upon us this week notables nflx tsla following week msft goog amzn aapl twtr fb oh my place your bets,5 +2022-04-27,on ah big tech earnings you can play spy qqq until 5 est when er is announced spy qqq react easy way to add some green to your account 😊,5 +2022-04-29,fang constituents aapl 160.86 to 1.67 percent amzn 2649.95 to 8.4 percent baba 103.75 positive 14.17 percent bidu 131.8 positive 9.21 percent fb 205.42 to 0.12 percent goog 2386.12 to 0.23 percent nflx 197.85 to 0.77 percent nvda 195.13 to 1.46 percent tsla 903.25 positive 2.9 percent msft 290.62 positive 0.28 percent twtr 49.17 to 0.02 percent,1 +2022-04-27,fang constituents aapl 159.05 positive 1.47 percent amzn 2836.56 positive 1.76 percent baba 89.43 positive 6.41 percent bidu 119.25 positive 6.32 percent fb 207.77 positive 14.82 percent goog 2335.51 to 2.26 percent nflx 191.25 to 3.63 percent nvda 188.29 positive 0.22 percent tsla 891.58 positive 1.74 percent msft 286.28 positive 5.93 percent twtr 48.91 to 1.57 percent,1 +2022-04-27,apple you have to look at weights index so apple msft and tesla have been holding up index it still has sold off pretty well but majority of nasdaq stocks are down over 50 percent since feb 21 worst damage occurred last year slow bleed there so mega tech are now getting hit,3 +2022-04-16,if you are trading us markets just focus on these 4 stocks and index options and make price action and volume your friend aapl tsla spy qqq you will nevet feel a need to look for anything else,5 +2022-04-28,easiest way to learn price action is to pull up qqq spy vix iwm aapl msft fb tsla nvda and other high beta names and just sit and observe how price correlates with each other certain levels certain times of the day week patterns are in price also it takes time 😀,5 +2022-04-14,spy qqq aapl msft googl amzn fb nvda tsla unless we rally a lot higher in the next 2 hours were going to see some ugly 4 hour reversals on all the leaders,3 +2022-04-26,earnings today after hours msft googl goog gm cmg v enph txn qs cof ffiv skx cni byd tx mdlz jnpr exas,5 +2022-04-12,market conditions forcing more defensive action qqqs which include aapl googl nvda tsla amzn are all sells only 15 percent invested there will be a terrific opportunity when the low is in i mean a multi year run with huge returns incrementally try again on follow through days,2 +2022-04-26,many names have already went thru their dot com style crash those that haven’t decide the fate of the market this year aapl msft goog amzn tsla some or all of these eventually having fb nflx style sell is what can sink spy less than 400,1 +2022-04-24,not surprising nasdaq is negative 18.11 percent ytd to look at some stocks to amazon negative 15.29 percent apple negative 11.11 percent alphabet negative 17.49 percent lam research negative 34.94 percent meta negative 45.62 percent snap negative 36.12 percent netflix negative 63.92 percent microsoft negative 18.14 percent intel negative 12.54 percent boston scientific positive 1.08 percent twitter positive 14.70 percent hwp negative 5.75 percent ebay negative 20.40 percent,1 +2022-04-14,whats happening to msft aapl and nvda in this current correction is very different then mkts over the past few years in weak overall periods this action has been more source of funds type and doesnt bode well for a bounce anytime soon tech is still a ss or take trades,2 +2022-04-29,tech earnings this week were strong and massively better than feared china shutdowns a known variable that will impact apple tesla other semi food chain names not demand driven enterprise cloud cyber security strong while wfh and e commerce names weak have and have nots in tech sector,1 +2022-04-08,taking off some free alpha this week pins and tsla monday 🚀 🐻 semi’s continuation wmt cashed runners tsla short 1150 produced 125 point sell gild 🚀 abnb 🐻 ❤️ if u benefited from at least 1 🙏🏻,1 +2022-04-26,qqq already taking out yesterdays lows when the index that has the strongest bounce rolls over first thats pretty much a text book dead cat right now we have big earnings from msft googl amzn fb aapl so will probably be volatile,2 +2022-04-28,question is between now and monday does the market keep ripping atr for spy was basically exhausted today i expect aapl to beat amzn to miss going to be really interesting on how this plays out im shorting this pop,2 +2022-04-26,so i see futures are up but it doesn’t matter big tech earnings and guidance will dictate where the market goes this week aapl msft googl amzn with the fed in their blackout period prior to next weeks fomc meeting i don’t expect rates to do too much until then,3 +2022-04-19,just remember that in ahs tonight all the tech stocks will rise or fall based on nflx earnings as they set the tone for earnings season in the big tech space tsla,2 +2022-04-25,sunday night update equity futures down spx negative 0.5 percent ndx negative 0.5 percent as traders weighed more fed tightening against a full slate of corp earnings this week tues to msft goog wed to fb thurs to twtr amzn aapl first quarter gdp thurs 1.0 percent e expect more twtr discussions this week,1 +2022-04-25,i don’t even think qqq waits until tuesday to go green tbh msft is strong gaming and more goog is stronger youtube 🔥 tsla is on magic day 3 from destroying ws expectations aapl has endless demand and supply chains are shrinking to should beat amzn,1 +2022-04-25,its possible these two make numbers though theres risk with msfts exposure to a sinking pc market leading to a qqq rally that then is undermined by aapl and and or amzn on thurs personally id prefer latter scenario suck buy the dippers in and then slaughter them,3 +2022-04-21,qqq nasdaq weaker vs spy names as vix sticking with 20 level tsla needs to break 1092 for next leg now but under nasdaq pressure amd nvda pop and drop at open nflx heavy,1 +2022-04-22,aapl 500 163 nvda 500 197 tsla 1000 1002 fb 400 184 nflx 500 211 goog 50 2387 crm 300 171 hd 300 302 ba 500 177 wynn 500 73 shop 200 457 cmg 100 1488 coin 500 132,5 +2022-04-19,nflx sucked all the life of the tech rally nasdaq already gave back half its gains in 5 minutes ah last hope is asml tonight if that is bad tomorrow will be a blood bath 🩸,1 +2022-04-04,nice low volume grind day today and .5 way through the am tos finally started to work right sq twtr fb tsla aapl some tech names lead as the qqq closing right at the 200 days crwd continues to be on watch hagn,4 +2022-04-28,what a day missed the big move at lunch but redeemed myself on aapl ahs aapl good report amzn intc bad pce in the am going to be interesting night all nfl draft time,3 +2022-04-28,spx reclaimed 4223. if theres a positive reaction to aapl amzn earnings spx can move back to 4300 tomorrow tsla up 30 from the lows above 851 can pop another 25 to 30 points nvda to 200 possible if it runs again tomorrow,1 +2022-04-20,⚡️insiders you should have a leg up in understanding whats happening with the spy and qqq right down to how its happening we will likely be trading an earnings report this week stay tuned for evening mailouts considering a few 🔥,4 +2022-04-28,new bears now need to be a bit careful today around these prints now 92 i think in anticipation of aapl amzn spy may be range bound i won’t be bear so close to this 87 now spx ndx spy qqq,3 +2022-04-28,not sure why aapl is seen as the mean read for the market other than market cap amzn has always been the read through to me as its is a conglomerate aws for cloud and software retail for e commerce ads for ads,3 +2022-04-25,and monday in the books oversold rally nice hammer candles on spy qqq many names does it hold huge earnings start in the am twtr going private grats dollars 4.20 a share,5 +2022-04-28,aapl already up 4.5 percent amzn already up 5 percent spy already up 10 percent • make sure to book profits before earnings iv crush will be intense if we open flat ⚠️,1 +2022-04-21,market looks vulnerable right now huge gap fill today on qqq after 50 day rejection tsla also filling in gap its a bad sign when tsla cant rally on good earnings big cap tech looks precarious and is the only thing holding up market right now please exercise ⚠️ caution,1 +2022-05-23,nvda to earnings alert to out this week price down negative 50 percent from nov21 sectors struggling where next for the stock price i take a look in,1 +2022-05-26,it is a glorious day ladies and gents my cost .35 asking price 1.10 😁 nvda but more importantly,5 +2022-05-19,stock in range break below the lower range can lead the price to lower levels till 3286 because 20 ema support on monthly chart is present there keep on radar,2 +2022-05-24,ai predicted price for tsla on 5 to 31 to 2022 is dollars 22 🤔 do you think the ai is right tsla,1 +2022-05-18,power of the cloud qqq is a clouded stock a checklist price is below cloud cloud is red not blue price is below 9 and 26 period pd lines negative 9 pd 26 pd chikou isnt free above price what does this mean check it out👇,1 +2022-05-17,shared their price target for spdr SP500 500 etf trust spy will reach dollars 30 within 2 weeks,5 +2022-05-25,spy there is a chance that the correction will soon be over but dont rush you wont get the best price because this is a market makers thing spy qqq stock option tsla spx,1 +2022-05-06,amzn will at least hit dollars 00 a share when it splits and that’s a dollars 000 pre split stock price — load the boat 🛥,1 +2022-05-25,apple inc aapl closed at dollars 40.36 today stock price has gone down by 1.92 percent dollars .75 since previous close value of dollars 43.11,1 +2022-05-27,ai predicted price for aapl for 6 to 2 2022 is dollars 35 🔮 do you think the ai is right 📈🐂 prediction date 5 to 26 to 2022 aapl,1 +2022-05-24,average price of a new home in the us 2012 288 thousand 2013 337 thousand 2104 325 thousand 2015 340 thousand 2016 369 thousand 2017 366 thousand 2018 385 thousand 2019 385 thousand 2020 360 thousand 2021 435 thousand positive 21 percent yoy 2022 570 thousand positive 31 percent yoy,3 +2022-05-20,stock price dropped 6.8 percent after being kicked out of the SP500 500 esg index yesterday,1 +2022-05-11,the tesla stock price reflects the sentiment of people with less conviction and less knowledge than you it doesn’t reflect where tesla is today and where it is going to be in 6 to 12 months from now hang in there tsla,2 +2022-05-26,i dont know what to say anymore about tsla to maybe trading isnt for me to everything i knew to follow on ta has been invalidated heavily to all price action everything just out the drain to so im gonna go cry for a bit,1 +2022-05-19,get ready to witness with your own eyes the amzn stock price above dollars k from now on,5 +2022-05-17,tsla dollars 00 dollars 47.53 bought risk 5 short term 1 to 3 months goal dollars 00 dollars 00 gain not necessarily a safe stock but the current price is low enough that the gain outweighs the risk,1 +2022-05-02,dollars 210 price and strong buy rating,5 +2022-05-31,first ai prediction results 🤖 tsla was at dollars 28 after a massive drop and the ai predicted a price of dollars 22 teslas stock closed at dollars 58.26 today 5 to 31 to 2022 91 percent ai accuracy time to learn and predict more,1 +2022-05-13,good morning ☕️ spy spx and vix is all i need today im watching aapl as well because i have a nice chunk of calls from yesterday 💸 watching for vix downside continuation,5 +2022-05-25,spy market update to market has less liquidity but feels like market wants to push it up to test the resistance b4 it goes down next month well we will go with market first then we go behind for intra day qqq spx tsla amzn nvda,1 +2022-05-22,aapl needs to hold 138 for spy to keep bouncing imo tsm looks good nvda er this week a forgotten beast imo pfe relative strength last week and monkey poxx watch sector to keep ramping sq consolidating nicely decent volume accumulation investor day last week,4 +2022-05-03,market analysis and discussion for 05.03.22 es spy qqq aapl amd amzn ba baba iwm cat fb goog shop ma msft roku nvda pypl oxy sq tsla watch it,1 +2022-05-17,market analysis and discussion for 05.17.22 es spy qqq aapl afrm amd amzn baba fb fdx goog msft nflx nvda roku shop sq tsla watch it,1 +2022-05-05,market analysis and discussion for 05.05.22 es spy qqq aapl amd amzn ba baba iwm cat fb goog shop crm msft roku nvda pypl oxy sq tsla watch it,1 +2022-05-11,market analysis and discussion for 05.11.22 es spy nq qqq aapl amd amzn ba cat crm dis fb fdx goog msft nvda nflx shop tsla wmt watch it,1 +2022-05-02,market analysis and discussion for 05.02.22 es spy qqq aapl amd amzn ba baba cost cat fb goog gs ma msft nke nvda pypl snow sq tsla watch it,1 +2022-05-04,market analysis and discussion for 05.04.22 es spy qqq aapl amd amzn ba baba iwm cat fb goog shop ma msft roku nvda pypl oxy sq tsla watch it,1 +2022-05-08,market analysis and discussion for 05.09.22 es spy qqq aapl amd amzn ba cat crm dis fb fdx goog msft nvda oxy pypl roku shop tsla upst watch it,1 +2022-05-15,market analysis 05.16.22 es spy qqq aapl afrm amd amzn ba baba dis fb fdx goog msft nflx nvda roku shop sq tsla twlo watch it mostly want everything to be done by me i am not learning anything so i am skeptical to continue,2 +2022-05-05,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy keep following and show your support ❤️ good luck everyone 💰💰💵💵💸,1 +2022-05-09,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy keep following and show your support ❤️ like and retweet for more ❤️ good luck everyone 💰💰💵💵💸,1 +2022-05-11,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-05-02,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy keep following and show your support ❤️ good luck everyone 💰💰💵💵💸,1 +2022-05-20,hi friends 👀 territory so 🙈if we close below sp 3837 negative 20 percent off market highs what to buy our guests both liked some names mentioned aapl amzn googl fb in our chat whynow,2 +2022-05-31,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-05-10,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-05-06,global market insights .5 dow drops more than 1000 points while nasdaq ends at the lowest level since nov 2020 technology mega caps slumped alphabet apple microsoft meta platforms tesla and amazon all fell between 4.3 percent and 8.3 percent,1 +2022-05-05,📊 spy and qqq data ive explained to insiders what i refer to as arching days and how that marks volatile uncertain conditions as well as weakness look at the market action see imgs this is unprecedented in recent history all in 4 hours of trading,1 +2022-05-19,per and ▪️ msft googl tsla nvda nflx amzn fb aapl have contributed negative 6.8 percent of spx losses ytd ▪️ of spx 52 w lows also… ▪️qt hasn’t even started ▪️still record inflation ▪️fed still hawkish rates rising ▪️consumer debt very high,1 +2022-05-09,spy sqqq with us coming out below the 5 moving average on spy i would like to think we would want to retest this triple bottom at dollars 05 then proceed to filling the gap sqqq as you can see the next level would be the weekly 48 at 52.76 that’ll be a level of resistance and support on spy,3 +2022-05-24,qqq similar to spy with a bit of bull rsi divergence forming on daily it found support today same as friday vwap off dec 2018 tech wreck low green,3 +2022-05-11,the 7.5 year uptrend in the aapl and amzn and fb and googl and msft and nvda index was pierced to the downside breaking down from a 2 year topping pattern,2 +2022-05-26,good morning and god bless reallocate your to the appl raising us wages 10 percent nvda cutting sales guidance fb warns of losing “significant” amounts of money on the meta project yet SP500 500 earnings estimates still trending higher yikes wall street,1 +2022-05-09,long watches cost nvda amd msft upst aapl short watches msft adbe snow nflx tough environment looking for a market bounce in the morning but becareful,3 +2022-05-08,tsla aapl only nasdaq stocks yet to hit march lows the previous mkt bottom apple almost there others including goog amzn well below tesla despite all the twitter drama holding well mkt clearly rewarding tsla for earnings explosion and ability to navigate macros better,4 +2022-05-08,what a long strange trip its been for qqq which explored both the bottom and top of the cloud briefly faking a breakout before slipping below both the bottom of the cloud and a key demand area with strong momentum the tech heavy etf has a lot to prove now bears are favored,4 +2022-05-31,dead cat bounces are a hallmark of bear markets the nasdaq had 11 of them 10 percent during the dot com bust averaging a 23 percent gain over 4 weeks aapl qqq arkk tsla nvda,5 +2022-05-09,cred was a mess tdy ig and hy cash spreads positive 33.5 ig cdx positive 2 was best performer ig cos pulled their deals still think spy gonna drop at least 20 percent from highs thatd equals dollars 84 but dollars 55 to 50 percent retrace of entire post covid move absolutely in play qqq 261 to 285,1 +2022-05-20,with aapl googl msft qqq and tsla all making much lower lows this weeks a sharp reflex bounce is never out of the question but they are all in downtrends here,2 +2022-05-18,global market insights after strong retail sales in april relieved concerns about slowing economic growth the us indices finished significantly higher boosted by apple tesla and others despite the fed warning dow positive 431 to 32655 SP500 positive 81 to 4089 nasdaq positive 322 to 11984,1 +2022-05-24,qqq daily weaker than spy today and likely underperforms tmrw after snap news needs to hold 280.21 failure to hold next support levels 270 266 and 260 ndx nqf xlk aapl msft,2 +2022-05-27,bounces off mr trendwatchs measured move targets have been impressive aapl 132 to 148 amxn 2000 to2240 area qqq 280 to 305 spx 3800 to 4114,3 +2022-05-02,vix found top at 37 for now now testing 35 tsla over 880 and amd over 87.5 some key levels ideally would love to see spy bounce off 400 but touched 405 today using that vix level of 37 for rest of the day nvda similar look push over 192 if vix fades,3 +2022-05-02,fed on wed so buckle up amd reports this week and testing 85 support nvda 181.50 and intc 43 in play delivery numbers an expected decline for nio and the gang with 15.90 only thing between it and march lows giddy up hood tsla invz,2 +2022-05-17,update on the nasdaq SP500 500 apple tesla amd nvidia nio paypal bitcoin amazon meta pfizer tech spy qqq aapl nvda amd qcom fb value pfe nke gdxj ual pbr fdx growth tsla nio enph fslr twtr btc eth xrp pypl amzn shop ddog,1 +2022-05-19,aapl need to check my eyes need eye drops or something but is aapl massively u and p the qqqs today and arkk laugh what happened to warren owning it argument today,1 +2022-05-27,epic week right so many winners high percent gainers so nuts off spx 3800 and qqq 280 then the buys of xrt tgt wmt twtr then all the rest m sofi chpt dva memes amc gme call spread nvda call spread wild a week of true wood choppin 🪓🪵🥛,5 +2022-05-24,the nasdaq fell on tuesday as fears from snap’s bleak warning spread to other tech names while the dow rallied into the close from its lows of the day the dow rose 0.16 percent the SP500 500 fell 0.80 percent the nasdaq tumbled 2.35 percent,1 +2022-05-19,happening now big mega cap tech stocks down big aapl msft googl facing a slide amzn tsla down from record highs to nasdaq approaches last weeks low breaks down this mornings market movers,1 +2022-05-27,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-05-26,fang constituents aapl 138.62 to 1.39 percent amzn 2137.75 positive 0.02 percent baba 82.84 positive 0.6 percent bidu 123.83 positive 4.21 percent fb 183.29 to 0.17 percent goog 2115.37 to 0.01 percent nflx 186.98 to 0.37 percent nvda 160.03 to 5.71 percent tsla 654.58 to 0.65 percent msft 262.13 to 0.16 percent twtr 38.99 positive 5.03 percent,1 +2022-05-09,spy qqq aapl msft goog amzn nvda upst so many blue chip stocks are testing its low and bulls patience cpi number is expected to go lower than last month the darkest hour is right before dawn hang in there,1 +2022-05-19,many stocks have been in a stage 4 now we are most likely going to see aapl and msft get there and we will see what that does to the major indices,3 +2022-05-23,fang constituents aapl 142.63 positive 3.66 percent amzn 2123.58 to 1.31 percent baba 87.28 positive 0.55 percent bidu 123.67 to 0.62 percent fb 196.49 positive 1.5 percent goog 2232.82 positive 2.18 percent nflx 185.84 to 0.29 percent nvda 167.33 positive 0.21 percent tsla 675.37 positive 1.7 percent msft 260.95 positive 3.32 percent twtr 37.92 to 0.99 percent,1 +2022-05-09,with all the major indices continuing their selloff here’s what art cashin is watching in the markets 1 10 year above 3.15 percent 2 spx breaks below 4000 3 aapl dips below dollars 50,1 +2022-05-03,be mindful of dead cat bounce especially in tech over coming weeks tech stocks remain in a bear 🐻 market with the fed removing dollars trillion from the financial system and hiking rates commodity stocks remain a source of light 💡 with the most earnings growth,5 +2022-05-01,not making any prediction or anything like that and could go 100 percent wrong but the nasdaq index and tech heavyweights have entered a bear market get ready for sipping,1 +2022-05-26,good morning ☕️ vix to watching 28 and 30 spy to watching 395 and 400 aapl 140 is key nvda to interesting recovery so far from er tsla 670 is key fb snap induced gap to 195 👀,4 +2022-05-14,we’re either going to confirm 5 day reclaim on qqq giving a 2 day massive rally or we lose the 5 day and go back sell side key focus on biggest atr names for this window of opportunity amzn tsla nvda etc etc don’t have to be creative nice little gap down is perfect 🤞,1 +2022-05-26,nvda e sparked the semis as instit investors looked past guidance next qtr this is a plus and early sign there may be light at the end of the tunnel aosl amd acls soxl sitm adi,1 +2022-05-13,tsla likes the fact that twitter is onhold but mostly it is oversold after great earnings and ath 1200 arkk will be squeezed bears will be killed silver was first a big dump after pump now cathie and soon the memestocks squeeze the market will be so green told ya,2 +2022-05-11,good morning ☕️ cpi data est trend day in either direction with some volume would be welcome focused on the market and mega caps spy and vix qqq iwm aapl nvda fb,4 +2022-05-20,there was a notable change in character to the market for those paying attention this week throw out the aapl msft and watch equal weighted performance and why appl often camouflages on upside and downside,4 +2022-05-12,someone please give the nasdaq 100 a binky qqq intraday moves today ⬇️ 2.4 percent ⬆️ 1.8 percent ⬇️ 1.4 percent ⬆️ 2.6 percent ⬇️ 1.1 percent ⬆️ 1.8 percent ⬇️ 2.6 percent ⬆️ 1.4 percent ⬇️ 2.3 percent ⬆️ 2.1 percent,1 +2022-05-11,ppi tmr morning another market balancing day here we’ve managed to keep spy above yesterdays lows as aapl is down 4 percent and sets in at good levels headed into ppi tmr,5 +2022-05-25,tsla unch’d at dollars 28 pre mkt as equities wobbled spx positive 0.1 percent ndx positive 0.2 percent in front of fed may minutes 2 pm et 10 year ty 2.747 percent negative 0.4 billion p snap warning of slowing adv spend was a warning shot that fed’s tightening path was pushing the us into recession twtr agm today 1 pm et,1 +2022-05-24,that is something i think of a lot right now tsla is down 50 percent nflx snap point on pypl are down over 50 percent we are seeing stocks like googl and amzn down 30 percent if the spy ever fell to dollars 50 we wouldnt have many companies left 😂,1 +2022-05-23,good day 🟢 spy 395 calls thanks spy 400 calls swinging runners aapl 141 calls aapl 148 calls swinging gm 38 calls thanks drippy qqq 296 calls lotto 🟡 qqq 296 calls lotto to chopzilla got me the first time 🔴 spx 4015 calls lotto,5 +2022-05-12,inner circle was a glorious place today we had fun and prospered tsla 680 to 700 long amd 85 under long fb under 190 long qqq 287 to 285 long as always we trim and trail in this bear mkt,5 +2022-05-04,nice long setup forming 📈 qqq over 323 spx over 4200 to 4223 if positive fomc we can catch some great calls watching aapl fb nvda sizing medium and large if things align,4 +2022-05-09,no spy this week let’s do qqq 📈📉❓ post what qqq will open up at tomorrow morning submissions will close at midnight pst i’ll be giving out a prize 🎁 to whoever is closest all the way down to the cents post em 👇🏽,1 +2022-05-02,i will be sharing my views on market and unusual options flow data tonight stay tuned spy qqq tsla amzn fb se twlo etsy baba,5 +2022-05-03,amd googl msft stick with leaders long all 3 tsla amzn on watchlist waiting for fed reaction tomorrow before adding these to lt positions,5 +2022-05-10,long setup i am watching 📈 spx over 4070 qqq over 309 aapl over 157 to 160 if positive reaction to cpi possible to catch some great calls sizing medium and large if things align further dated swings may work if large buying occurs,4 +2022-05-03,i would like to stop posting flows for rest of day here are some of them that i shared please review them do your dd before taking a position nvda shop fb amzn tsla googl iwm spy if you think data helps and would like me to continue let me know thank you ❤️,1 +2022-05-23,someone started to buy a shtload of aapl right after open and goog and msft quickly followed and that’s all that mattered for indices banks also had their own big bounce as i’ve been saying for a while it’s a stock market now because sometimes it’s about stocks,5 +2022-05-03,big day tomorrow to fomc at 2 pm whos ready to check out options flow data and daily market views tonight spy qqq iwm amzn tsla ba fb sq amd nvda se aapl twlo etsy,5 +2022-05-20,tsla 52 w high 1243 trading at 633 amzn 52 w high 3773 trading at 2122 googl 52 w high 3030 trading at 2124 aapl 52 w high 182 trading at 134 msft 52 w high 349 trading at 248,1 +2022-05-02,alright guys hope you all had good day see you tonight with options flow data and daily market views thanks for your support as always ❤️ spy qqq amzn aapl fb nvda chgg msft se twlo mrna etsy,4 +2022-05-17,long setup i am watching 📈 spx over 4070 qqq over 303 to 309 billion etter i may consider further dated swings if the market closes near these levels medium and large position i first need to see if we hold this move and continue watching nvda amd msft fb amzn tsla,4 +2022-05-25,if nvda is up in ahs tonight after earnings so will tsla if nvda dips in ahs on earnings so will tesla just keep an eye on it and youll know direction,2 +2022-05-16,weekly plan called why i wasn’t too keen on aapl at 147 now back below 145 twtr at 41 now 39 tsla at 780 now 747 and spy at 4030 now 3980 👇 SP500500 overnight support holding market at 3980 needs to probably be taken out within ib,2 +2022-05-01,qqq 52 w low support 310 basically here then 300 big names have not been good amzn googl amzn fb intc msft tsla good aapl mixed need help here fast,3 +2022-05-10,spx big reversal lower couldnt get through 4063. now 3900 possible after cpi tomorrow id wait for 4020 to start looking at calls amzn to 2000 can come by friday if we see tech continue to sell off nvda 160 to 162 coming if it closes under 170,1 +2022-05-03,vix 30 31 33 35 pivots today for market spy qqq tsla 895880 support levels amd 88 will be watching 10 min trend at open for all names,5 +2022-05-26,vix spy 28 important pivot for vix today and spy 399 to 400 premarket highs rest will watch 10 min ema trend tsla testing 670 resistance area premarket from overnight nvda bounce from 150 psych area to 160 now,5 +2022-05-13,qqq haha looking like a tkoed heavy weight boxer getting off the mat and trying to not get counted out 2 to 2 day up hammer on the weekly is the beating on tech over i do know you gotta get up to get beat down,1 +2022-05-23,well interesting day aapl paid the bills over and over today zm nice winner ah flat here spy the 8 days big spot tomorrow nice to have a big day after last week hagn,5 +2022-05-13,most names are gapping up with market here always good to let things settle down on such gap up days chasing gap ups skews risk and reward ideally pullbacks to emas or gaps to fill before showing trend aapl nice move for us spy qqq,4 +2022-05-25,strong momentum in market at open as vix failed under 30 lets see if trend holds ema into 10 10.15 am est nvda earnings today after close main watch today amd sympathy tsla strong bounce off 600 anther one interest if consolidates over 620 area,1 +2022-05-06,vix rejection from 35 amd aapl strongest names and other names trying to reclaim intraday bullish trend and call flow coming in for tsla amd nvda,1 +2022-05-24,days like today try everyone short or long stay focused and wait small wins on tqqq aapl spxl then drilled the es but it wasnt easy keep your head in the game hagn,2 +2022-05-27,amd 100 held again as vix rejected here tsla back on track but needs to get over 755 all names need to get over recent highs for next leg amzn still not much volume there,2 +2022-05-31,market held in strong today even though remains hot qt starts tomorrow should be interesting amzn monster move today didnt trade it es wmt tqqq and amd hagn,3 +2022-05-04,fang ex cash pe ratio fb 12.0 times amzn 28.6 times aapl 23.6 times nflx 15.1 times nvda 27.4 times msft 24.6 times goog 14.6 times fang ntm fcf yield fb 5.4 percent amzn 3.1 percent aapl 4.4 percent nflx 2.4 percent nvda 3.5 percent msft 3.6 percent goog 6.3 percent apparently all the macro big brains tell me its a bubble,1 +2022-05-20,SP500 500 8 bigtech stocks responsible for 50 percent of the indexs loss ytd nflx fb nvda msft aapl amzn googl tsla while energy stocks like xom cvx cop have helped the index from falling even more likely SP500 500 would follow nasdaq to enter a bear market next week,1 +2022-05-12,i warned and sent u the charts of aapl and msft over a week ago that they were about to take the spy thru lows of the year spx that was the time time sell it short aapl dollars 53 and msft dollars 72 now u cover and wait for a long set up in my opinion p,1 +2022-06-29,esf update my bias is up towards 4000 and possibly 4100 and then nuke so i will look for shorts via confirmation from those levels we can rest by revisiting the 4 hour demands below the price nasdaq,3 +2022-06-17,🚨 ascending triangle alert 🚨 aapl 5 million chart looking for a stronger 💪 break over the 132.60 price for potential entry trade idea aapl 140 calls at .39,1 +2022-06-14,🚨 new feature is ready for you to explore 🚨 check out our new stock forecast and price target feature 👉dive into fresh new data not only of aapl,5 +2022-06-21,none of these industries can hold a candle to short sellers in the crypto sector while the crypto stocks’ negative price momentum may not over the ability to short stock in size may be over follow us🔔for more spy iwm qqq spx tsla aapl,2 +2022-06-21,goog 2157 hidden bullish divergence developing on daily if we rally looking for 2270 level i doubt we get much above unless market really pushes spy qqq tsla amzn aapl,1 +2022-06-24,evfm price target dollars .44 spy gme amc,5 +2022-06-02,amazon is doing a share split on june 6 2022 the new low price might attract many new investors • •,1 +2022-06-15,index is up by 374 points positive 3.31 percent sitting at the price of dollars 1686 performance 1 week negative 8.66 percent 1 month negative 5.80 percent 3 months negative 16.53 percent 6 months negative 26.28 percent ytd negative 29.41 percent 1 year negative 17.57 percent from ath to date negative 30.63 percent ignore,1 +2022-06-14,spy triple top triple top chart pattern that consists of three equal highs followed by a break below support i e bearish reversal pattern and stock price decrease,5 +2022-06-06,very choppy market causes the gauge to swing wildly from 39 percent last week to just 26 percent of stocks trading above their 50 simple moving average aslag ipo today closed positive 2.5 percent smph massive nfb p384 million nfs in ac and cnvrg big blues dropping like rocks acex negative 18 percent due to share swap cancellation,1 +2022-06-13,market breadth worsened to just 18 percent trading above their 50 day ma massive sell of in aba properties flattish in a sea of red ali positive 0.17 percent smph positive 0.54 percent nikl negative 5 percent but scc and dmc forming hammers after gapping down broad nfs surprisingly not that big compared to prior days,1 +2022-06-08,for our first stock pick amazon amzn coming off a stock split trading around the same price it split at i believe it can follow the trends like tesla and apple after their split amzn could take off once the spy and market can turn bullish,4 +2022-06-10,not seeing one green price post out of 5 accounts djia 31530.11 to 742.68 nasdaq 11390.24 to 363.99 SP500 500 3913.95 to 103.87 russell 2000 1803.26 to 47.60 10 am et,1 +2022-06-15,gamestop corp dollars 28.50 stop and use a protective stop of dollars 25. objective dollars 04. dollars .00 reward dollars 8.00 ratio 𝐒𝐢𝐠𝐧 𝐔𝐩 𝐚𝐭 𝐰𝐰𝐰.𝐰𝐬𝐭𝐫𝐚𝐝𝐞𝐫𝐬.𝐜𝐨𝐦,1 +2022-06-09,ubs upgrades stock tsla to buy with dollars 100 target price,5 +2022-06-22,wall street tradercolumn pic of the day and buy futu holdings ltd dollars 2.50 stop and use a protective stop dollars 8. objective dollars 2. reward ratio,5 +2022-06-14,good morning ☕️ fomc tue wed vixpiration wed powell wed 2 pm powell fri quad witching friday spy to watching 370 375 380 vix to watching 33 34 35 aapl amzn meta pcall put and call ratio all listed stocks is back at march 2020 levels,1 +2022-06-28,do we still like amzn around this price or do you think it is going lower,3 +2022-06-30,mmat meta materials inc our artificial intelligence foresees the price of this stock has a neutral short term outlook in a neutral short term market setup and has a neutral long term outlook,4 +2022-06-01,good morning ☕️ vix nice fade if it continues market should continue to rally watching 25 and 27 spy above 415.31 im watching yesterdays hod resistance at around 416.25 will focus on the market but also watching aapl amzn nvda amd qcom semis in general,2 +2022-06-16,with the nasdaq still leading the declines explains why she thinks the tech heavy index could make a round trip all the way back to february 2020 levels and has some names that shes shorting or trading in the near term to weather the sell off sark sqqq,2 +2022-06-26,aapl amzn meta nvda ytd charts all of them have a thin volume profile above ill be watching these names if the market continues to move up this week,2 +2022-06-10,good morning ☕️ cpi worse than expected spy or spx vix aapl amzn amd chwy from net from big drop in spy and big rip in vix pre market,1 +2022-06-02,qqq if this isn’t a bullish sign i don’t know what is 👇🏻 msft drops guidance and trades down modestly while other mega caps are up some down if this was a few weeks ago we would have cratered tsla nvda and others are in position for a monster run imo,2 +2022-06-02,good morning ☕️ spy showing channel respect pre market watching that vix analysis below from yesterday watching 25 and 27 again today aapl amzn nvda,1 +2022-06-13,market recap the cpi report rattles the stock market and charts spy qqq iwm dxy gdx xle tlt tbt vix vxn aapl tsla btc mos fmc adm ntr,1 +2022-06-11,closing chart magma ytd ©️ meta negative 47.8 percent aapl negative 22.6 percent googl negative 23.3 percent msft negative 24.4 percent amzn negative 34.2 percent all five giants are m and t broken reflective of the broader market,1 +2022-06-06,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-06-09,my trades today tsla 800 calls positive 108 percent msft 270 calls positive 59 percent snow 140 calls positive 80 percent spy 411 calls open big cpi numbers out tomorrow we should see better price action over the next week this price action is just about spotting momo and getting paid quickly aim for a piece of the pie not greed 😀,1 +2022-06-06,good morning ☕️ spy to nice gap up watching dollars 16.25 vix 25 is the pivot still aapl amd nvda amzn tsla watching the market and mega caps today is the cpi data release,5 +2022-06-27,good morning ☕️ i’ve got a decent worklist to start the week watching pre market and the open to focus on a handful to watch indices should be enough if you want to keep it simple vix spy qqq arkk chpt googl tsla amzn nvda oxy zm aapl msft meta u nio amd,4 +2022-06-21,spy positive 1 atr aapl positive 1 atr amzn just shy of positive 1 atr tsla positive 1 atr and then smore meta almost negative 1 atr from call trigger nvda positive 1 atr nice did you take any trades on these tickers,1 +2022-06-10,good morning traders 💥👍 cpi today means everything these names and levels may not hold come 830📈🤷 baba same play as yday off dollars 18 big rally still fade here👀 amd possibly the best long after upgrades this am and dipped to 99 support 💪 nflx aapl short,1 +2022-06-10,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy docu mrna keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-06-08,spx pe multiple since 2000 we’ve contracted but do we go lower ▪️qt set to roll off starting june 14 ▪️ cpi due friday inflation still an issue ▪️ .75 billion ps likely for the next 2 meetings aapl msft googl nvda tsla fb nflx amzn,1 +2022-06-29,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy docu mrna keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-06-17,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy docu mrna keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-06-28,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy docu mrna keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-06-27,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy docu mrna keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-06-01,goog in uptrend price may jump up because it broke its lower bollinger band on may 24 2022 view odds for this and other indicators,2 +2022-06-22,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy docu mrna keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-06-15,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy docu mrna keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-06-03,ball goes back to the 🐻… nasdaq⬇️2.6 percent aapl snow upgrade dollars 84 target ⬇️ mu negative 7 percent likes lrcx likes mo dis hlt SP5002022⬇️14 percent nasdaq⬇️23 percent tsla haltsfthiring ❤️,1 +2022-06-03,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-06-08,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-06-13,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy docu mrna keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-06-21,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy docu mrna keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-06-02,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-06-06,in the weekend video the light for the markets turned yellow late last as the spy qqq flirt w the 5 dma which is beginning to flatten the ⚓️vwap from fed on has been heavily defended a break which holds of 409 py and 304 qqq could lead 2 test of vwap low green,1 +2022-06-15,the ⚓️vwap from the cpi report is being tested in qqq today while it and spy iwm all remain above the wtd avwap and the avwap from the low primary trend still lower and mkts below decl 5 displaced moving average more volatility ahead with fed catalyst know your important levels of interest,3 +2022-06-07,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-06-09,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-06-01,spy i think if feds stick to their existing plan fomc on june 14 to 15 we may possibly see spy touch 290 to 310 zone in the upcoming months alongside with that well see names like tsla amzn aapl follow for another haircut imo,1 +2022-06-27,whos ready to checkout options flow data tonight 100 ❤️ and 🔄 if you are ready for it thank you ❤️❤️ spy qqq aapl amzn tsla msft amd meta twlo googl baba shop etsy jd sq mu nke,5 +2022-06-28,watchlist 🤑 amzn 109 to 110 puts dollars 14.3 nvda 180 to 182.5 calls dollars 67.9 liquidity has fallen on smaller names this week to be expected two mega caps on deck for tomorrow expecting similar qqq and spy magnitude will review and revise in the am,1 +2022-06-03,wall street ended sharply higher on thursday led by tesla nvidia and other megacap growth stocks in a choppy session ahead of a key jobs report due on friday,1 +2022-06-30,options watchlist 🤑 amzn 107 to 106.5 puts dollars 09.45 tsla 750 to 740 calls dollars 85.8 ebbing and flowing in the spy and qqq morning data may cause some big changes will review and revise in the am per usual flow data included below,3 +2022-06-30,whos ready to check out options flow data tonight 100 ❤️ if you are ready for it spy qqq aapl amzn tsla nvda msft sq se meta iwm baba ba twlo fdx tgt,1 +2022-06-13,watchlist 🤑 pypl 70 puts dollars 0.05 nflx 160 puts dollars 86.1 will be in transit but will do my best to provide adjusted entries i believe well see a gap down in the qqq and spy by am gauge the environment be strategic flow via,3 +2022-07-19,soon in positive territory tkwy … some fund managers will cry not learning how to do simple math on a 0.2 price to book value high growth company with giant amzn entering its capital structure just eat takeaway is the to put in portfolio,5 +2022-07-29,the stock price of govx has increased by an astounding 190 percent during the last five days,2 +2022-07-05,amazon keeps struggling even after the stock split price hasn’t been able to touch the 50 day average since april is the next dollars 0 higher to break above the 50 day or lower to make new lows for 2022 amzn qqq,1 +2022-07-25,busy week ahead of us the brokers would love all the hedges on and off action we plan to do this week amzn aapl msft meta googl and the on wednesday will be the ones to watch,5 +2022-07-18,brief analysis of recent price action on spy 50 percent fib level was a great spot to grab puts and previous day low was a great spot to either sell or hop in calls for an eod scalp still have gap to fill to the downside from last week,4 +2022-07-28,apple and amazon post better than expected earnings and send nasdaq flying every single level to the upside was swept a record day 😢😩🥺 tomorrow incoming rally mega bullish,1 +2022-07-19,this is the result of true smt divergence just because nasdaq did not follow the other two it meant wall street was building their position on nasdaq a weaker smt means only accumulation not a weaker index nasdaq was the move of the day as i predicted,3 +2022-07-17,an action packed week ahead with earnings season finally kicking off zoom into this picture tesla is the key company and netflix they will set the stage for nasdaq,5 +2022-07-25,continues to beat competition nflx price prediction,5 +2022-07-14,shares of 86260 j102 nasdaq pillar stran and company inc strn saw an abrupt price boost 🚀 on above average volume the stock trades currently at dollars .96 up 20 percent since previous trading day close i might look into this one,1 +2022-07-06,netflix nasdaq nflx continues to draw viewers in with its flagship stranger things series and stock may be among the leading names to consider read more,5 +2022-07-14,etsy algos are buying stock price is putting in lower lows and the is putting in higher lows lets watch to see how this places out spy qqq es,3 +2022-07-31,looks like a nice supernova 👀👀price dollars 0 for getty stock on monday .😱😱😱😱🤔🤔 📈📈💵🚀💵📈,1 +2022-07-14,tesla started at buy with dollars 000 stock price target at truist tsla view more,1 +2022-07-29,amazon stock price target raised to dollars 75 from dollars 55 at deutsche bank amzn view more,1 +2022-07-28,meta platforms stock price target cut to dollars 00 from dollars 35 at deutsche bank meta view more,1 +2022-07-26,the reports are out not bad at all … cmg v msft googl txn all trading higher except microsoft have a great night dow down 228 today wmt ⬇️ spot ⬇️,3 +2022-07-19,session highs ⬆️ every sector ⬆️ dow ⬆️500 points afterthebell ⬇️ 70 percent 2022 ibm jnj ⬇️ after ern ⛽️ ⬇️ greater than 30 days twtr says has buyer’sremorse nasdaq best mo since oct⬆️5.5 percent july nyc i ❤️🔥it nflx,1 +2022-07-22,hi friends 👋 hover near 6 week highs but a little selling at this moment up almost 4 percent now this week july positive 8 percent ern nextwk aapl msft meta googl amzn is most important tsla ⬆️8 days snap ⬇️39 percent 23 thousand,1 +2022-07-01,micron technology inc mu had its price target lowered by analysts at of america co from dollars 00.00 to dollars 0.00 they now have a buy rating on the stock amd nvda intc spy qqq,1 +2022-07-18,🟢 meta 172.5 calls aapl 148 puts spy 385 puts nvda 157.5 puts spy 380 puts review vix 25 was key spy bulls needed 390 bears got 385 qqq rejected at 296 aapl nvda lulu decent lcid oxy positive 1 atr too fast 😅 how about those market guideposts 🎯 how did your day go,1 +2022-07-16,earning week ahead last week to get off the train b4 spy derail n break the floor down as spy eps are shrinking or u can wait for announcement earning as mega cap in play next 2 week i m back n see u live stream monday 18 qqq tsla nflx msft googl spx,1 +2022-07-07,good morning ☕️ vix 26 27 spy 385 key pivot qqq 290 key pivot aapl similar to qqq amzn similar to qqq wmt daily squeeze setting up bullish but emas are resistance and were still in a bearish trend daily and weekly keep that in mind no bias,4 +2022-07-02,xpeng inc nyse xpev was downgraded by analysts at nomura from a buy rating to a neutral rating they now have a dollars 6.30 price target on the stock down previously from dollars 4.60 spy qqq nio tsla li,1 +2022-07-01,robinhood markets inc nasdaq hood was upgraded by analysts at the goldman sachs group inc from a sell rating to a neutral rating they now have a dollars .50 price target on the stock down previously from dollars 1.50,1 +2022-07-01,zim was downgraded by analysts at bank of america co from a buy rating to an underperform rating they now have a dollars 0.00 price target on the stock down previously from dollars 9.00 spy,1 +2022-07-19,its always been important says on aapl impact on the market its had a stealth rally of about 16 percent off the lows at the time when many investors are sitting around wondering whether the fed is going to hike 75 or 100 technology is kicking back into gear,2 +2022-07-19,nazpositive 3.1 percent accum day clearing the 50 days led by nvda qcom amzn and aapl shrugging off yday news breadth was good nyses better than naz seems like tradeable bear rally getting traction to step a toe or two in water control risk,3 +2022-07-04,how has stock market journey changed over the past 10 years read more at,5 +2022-07-01,tesla inc tsla had its price target lowered by analysts at mizuho from dollars 300.00 to dollars 150.00 they now have a buy rating on the stock spy qqq nio,1 +2022-07-27,nyse breadth strong at 5 to 1 adv dec naz little weaker at 3 to 1 adv dec qqqs led way after msft googl shrugged off their e miss enph star of day w gap up on beat and raise rpt new highs improving in naz spy,3 +2022-07-20,last quarter nasdaq lows skyrocketed during tech earnings this season is just starting so far the market has been kind to netflix which lost a million subscribers a lot of short covering taking place right now after the close tesla,2 +2022-07-06,good morning ☕️ vix 27 28 spy 380 385 qqq see tweet below googl split coming amzn wmt mrna crwd everyone is watching this one 😅 fomc meeting minutes 2 pm est could chop around until then patience,5 +2022-07-11,good morning ☕️ here is everything on my worklist right now vix 25 and 27 spy 385 qqq 293 aapl amzn googl zm enph u — mrna xbi rblx crwd meta snap wmt lulu nvda qcom tdoc tsla twtr amc cpi wed opex friday good luck,5 +2022-07-19,i ❤️ trend 🟢 spy 390 calls what more did you need 🔴 nvda 155 puts chopped out early review vix 25 fade and then sideways spy 385 send it qqq 290 pre market send it spy qqq googl amzn nvda meta positive 1 atr 👀 amc positive 1 atr in 10 million 🤣 then fade aapl nearly positive 1 atr tsla choppy,1 +2022-07-21,choppy start pretty good afternoon 🟢 snap 16 calls spy 400 calls spy 405 calls review market guideposts worked well snap the big winner with a 1 atr move aapl good long googl good am short amzn and nvda were kinda choppy,3 +2022-07-28,good morning traders 💥👍 f out with a big q and confidence to go long off a great eps beat and outlook 📈💯 meta feels a bit kitchen sink so lets watch the dollars 59 ish bottoms for a long 💪 pltr was huge yday lets try again😎 aapl earnings tonight,5 +2022-07-04,some of you are foaming at the mouth to grab large and mega cap stocks like appl and amzn during this bear market i have my eye on small to midcap stocks with cash that will survive this but get their stock price beat down 90 percent during this time we are not the same,2 +2022-07-10,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy docu mrna keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-07-04,🇺🇸happy independence day usa🇺🇸 vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy docu mrna keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,5 +2022-07-29,vnkumar daily market views spy qqq amzn tsla googl msft fb nflx nvda pypl ddog shop baba iwm twlo etsy docu mrna keep following and show your support ❤️ like and retweet for more ❤️❤️❤️ good luck everyone 💰💰💵💵💸,1 +2022-07-01,watchlist 🤑 amd 77 calls dollars 5.95 aapl 137 to 138 calls dollars 36.3 tsla see notes low volume day institutions looking at 0 dte or 4 dte on next week and economic data is settling chance of a bounce on some names that can provide upside will review in the am,1 +2022-07-19,us stocks gave up their early gains on monday afternoon after reports about slowing spending at tech group apple reignited concerns about a potential recession the SP500 500 swung from 1 percent up to a 0.8 percent the nasdaq composite also slid 0.8 percent,1 +2022-07-03,looking at options flow data i think market can still move up till mid of next week before it start showing weakness data shows tech and airline stocks are bullish for next week lets see how it goes 🔥🔥 spy qqq amzn aapl tsla meta baba ba aal msft,1 +2022-07-10,looking at options flow i see that there is not much put activity on tech stocks yet aapl amzn tsla meta googl has nice call flow on friday we may see further upside and will track puts and calls activity daily before cpi day i will keep you all posted thank you ❤️❤️❤️,4 +2022-07-19,the nasdaq 100 broke through and closing above the 50 simple moving average plus we have a breakout and have been seeing lower lows all three things are bullish i closed out of hedges i don’t expect tech earnings to be strong for the disrupted companies but the chart says what it says qqq,1 +2022-07-23,🚨get ready for mega cap earnings week msft xom goog meta amzn intc aapl ge all on deck this will dictate market direction not just about trading opportunities if we see heavy earnings compression in major names that will hammer markets📈,4 +2022-07-24,big week this week aapl amzn meta googl msft earnings fomc pce and gdp all 3 indices reclaimed the 10 week ma last friday to probably some very wide ranges this week will see if we get some upside follow through,4 +2022-07-28,qqq daily bullish reversal after but still got aapl and amzn earnings this week upcoming test of 100 simple moving average 310 to 315 where id expect a larger pullback ndx nqf xlk aapl msft,4 +2022-07-19,spy over the 390 spot great recovery from yesterdays close to now my worry however is how many times have we seen this pre major tech earnings run up in the past 🤔 nflx reports after hours hopefully it doesn’t bring “stranger things” to this market… laugh,1 +2022-07-27,spy daily managed to hold 50 simple moving average needs to hold 390 or likely tests bottom of the bear flag break 395 100 sma test inbound more big tech earning and tomorrow spx esf qqq,1 +2022-07-27,trading higher after earnings in july googl msft nflx shop tsla tsm txn shop higher so far after posting a loss and guiding down qqq smh holding over flattening 50 sma,1 +2022-07-17,🚨sniper trades weekly prediction 🚨 to the end of the week looks extremely bearish with big tech earnings like tsla nflx on watch this week follow us on twitter for more technical analysis not investment advice spy qqq,1 +2022-07-22,global market insights the us markets were higher third day in a row tesla shares rally on better than expected earnings while snapchat pulls media tech stocks lower in extended hours dow up 162 SP500500 positive 39 and nasdaq positive 162 snapchat is down 26 percent while tesla is up 9 percent,2 +2022-07-08,four of the six mega cap tech names have moved back above their 50 dmas this week aapl msft goog amzn meta fb and tesla tsla are the two that remain below,1 +2022-07-25,nice start to what should be a pretty big week for the markets major msft goog googl meta aapl amzn reporting this week plus meeting wednesday,4 +2022-07-08,weekly recap nothing easy qqq leading spy pushing a bit aapl amzn msft smh googl very strong earnings and cpi next week thoughts below have a great weekend,5 +2022-07-06,vix now at 27 as spy pushing higher here amd over 75 tsla breakout over 799 meta over 170 amzn 115 spy 385 important level,1 +2022-07-06,💰 see before and after meta best move for us that 170 level really helped amd solid over 75 tsla testing 700 amzn solid off that 114 aapl off that 142 not bad held uptrend after fomc vix now faded to 26.50 guided us,5 +2022-07-31,the top tech stock charts on watch for this week 0 intro 5 aapl apple 3 amd advanced micro devices 5 amzn amazon 0 crwd crowdstrike 4 ddog datadog 0 googl google 1 meta facebook,5 +2022-07-25,big earnings week and snap below dollars 0 with many downgrades fade baba still with bearish chart 50 ema on daily and dollars 03 resistance stocks high volume early in premarket with siga 15.20 breakout and 16 double top govx amd amc,2 +2022-07-25,cues for today sgx nifty negative 75 points as wall st has a muted friday to nasdaq negative 2 percent snap negative 39 percent fed meet outcome on wed to big earnings week in us apple google amazon and microsoft report to oil slips to dollars 03 amidst volatility to fiis sell 675 cr in cash buy 1182 cr in index fut,1 +2022-07-29,this concept working on most names and spy amd nvda tsla qqq amzn etc spy strong since reclaiming the 400 key level vix approaching 20 support level 👇👇,5 +2022-07-26,the spy trading volume is very light today this is because tonight and tomorrow is such an important time period after the close we get earnings from goog msft and v then tomorrow afternoon is the fomc announcement so many participants are likely on the sidelines,2 +2022-07-17,tech charts going into earnings 2 aapl apple 3 amd advanced micro devices 4 amzn amazon 9 crwd crowdstrike 0 ddog datadog 0 googl google 0 meta facebook 8 msft microsoft 5 nvda nvidia 4 shop shopify 3 snow snowflake 5 tsla tesla,5 +2022-07-28,the qqqs are up another 1.6 percent after hours on big upside moves from aapl and amzn on earnings qqq read our conference call recaps for these two mega caps over at,1 +2022-07-09,market update thread spy spx qqq tsla aapl vix headline nonfarm payroll increase giving feds more cause for tightening mixed manufacturing data to markets mostly ignored,2 +2022-07-25,fang constituents aapl 153.82 to 0.18 percent amzn 121.58 to 0.68 percent baba 100.77 positive 0.14 percent bidu 140.79 positive 0.57 percent meta 166.79 to 1.47 percent goog 108.42 positive 0.05 percent nflx 220.66 positive 0.07 percent nvda 169.55 to 2.11 percent tsla 812.58 to 0.5 percent msft 259.38 to 0.39 percent twtr 39.16 to 1.71 percent,1 +2022-07-25,this week is going to be 🔥 coming up at 1 pm and will preview the big earnings and what it could mean for the markets spy aapl msft googl amzn meta mcd ko ups sponsored by powered by,5 +2022-07-28,blog post day 8 of qqq short term up trend 69 us new highs 122 new lows 91 percent of nasdaq 100 stocks rise aapl up against declining 30 week average as it reports earnings,1 +2022-07-15,fang constituents aapl 149.27 positive 0.54 percent amzn 114.49 positive 3.48 percent baba 102.04 to 1.65 percent bidu 139.68 to 1.69 percent meta 164.16 positive 3.87 percent goog 2247.66 positive 0.86 percent nflx 188.64 positive 7.92 percent nvda 156.87 positive 2.04 percent tsla 718.11 positive 0.45 percent msft 255.51 positive 0.56 percent twtr 37.55 positive 3.46 percent,1 +2022-07-12,good morning ☕️ vix 27 pivot spy 380 and 385 key aapl amzn prime day starts today abbv nvda amc get free levels to use to trade my watchlist here cpi data tomorrow opex friday,5 +2022-07-01,good morning ☕️ vix 28 29 spy 375 380 spx 3760 3800 aapl amzn nvda meta kss new swing levels for july and position levels for third quarter available today,4 +2022-07-11,what a beautiful sell off on tsla today gap down on the market after digesting fridays job report and as market prepares for cpi which comes out on wednesday spy qqq,1 +2022-07-25,good morning hope you had a great weekend vix 24 key spy 395 key qqq 302 key aapl nvda nio rblx chwy big tech er gauntlet fomc interest rate decision wednesday gdp thursday cpe friday this week will test us i may not trade at all,1 +2022-07-02,whos ready to checkout options flow data from yesterday 100 ❤️ if you are interested and ready for it lets go spy qqq aapl amzn tsla meta baba bidu jd tgt hd low nvda lrcx am sq shop twlo ba aal xom,1 +2022-07-27,tsla positive 2.2 percent to dollars 94 pre mkt equities surged spx positive 1.0 percent ndx positive 1.6 percent after msft positive 3.8 percent gave strong current year rev guidance and googl positive 4.0 percent search adv revs beat low expectations fed widely expected to increase rates positive 75 billion p and signal 50 to 75 billion p hike in sept 10 year ty 2.794 percent negative 1.3 billion p,1 +2022-07-22,we may have some bearish engulfing candles today but the charts may be influenced by more than just daily signals as everyone gets positioned into the major earnings and fomc finale next week tues amc msft googl v wed amc meta fomc amc aapl amzn,3 +2022-07-20,shall i continue to post options flow give me ❤️ and retweet if you are interested spy qqq aapl amzn tsla amd nvda se sq meta nflx,1 +2022-07-23,techs led a retreat friday but the market rally had strong weekly gains breaking above key resistance now comes a massive wave of earnings aapl googl meta amzn msft xom pfe mrk cvx and so much more to and another big fed rate hike .25,1 +2022-07-18,big rejection today from the market spy qqq aapl tsla all pulled back lets see if market flush more this week whos ready to checkout options flow data from friday 100 ❤️ and retweets if you are ready for it amzn meta googl sq se amd nvda mu lrcx gme amc,1 +2022-07-21,so snap earnings suck exemplifying the problems tech companies are having right now hence why the qqq and arkk have gotten destroyed just because a stock and index is down big doesnt mean they cant go lower when their ugly reality is exposed be careful meta pins twtr longs,1 +2022-07-18,whos actively following charts trade ideas and options flow data i post here spy qqq amzn aapl meta iwm tsla sq se baba googl,5 +2022-07-09,cpi data coming next week whos ready to checkout options flow data and dark pool activity from friday 100 ❤️ if you are ready for it spy qqq aapl amzn tsla meta sq baba jd twlo etsy ba aal gme,1 +2022-07-24,this week 35 percent of the spx is scheduled to report earnings 49 percent of market cap 21 percent of the consumer is reporting 43 percent of market cap and 30 percent ex amzn largest aapl msft googl amzn v meta xom pg ma pfe cvx ko,1 +2022-07-27,overall bearish on the market🐻 📉 with big tech earnings on meta amzn and aapl approaching theyre heading to 🔑 🔑 resistance levels jump to 8 for my segment on cnn business👇,3 +2022-07-21,🚨 pls share this one tsla earnings analysis the SP500 500 and nasdaq how to read the economy for spy and qqqq data thet feds adjust rates on or ignore why goog has 0.05 increments and more,5 +2022-07-15,oh boy i just realized we have the super bowl of earnings week big tech aapl googl amzn msft combined with next fomc meeting going to get spicy july 26 28 spy qqq,1 +2022-07-29,SP500 futures just got an extra boost on blow out big oil numbers that said to buy all these giant tech stocks going higher like amzn and aapl mms have to sell something most notable drops today are in big caps baba and intc,5 +2022-07-19,twitter interaction is getting better and better now get those ❤️ rolling aapl 🚀 amzn flow play was amazing spy said it looks different at 390 and it 🚀 we are in sync with the market if you want to read about meta from weekly report 👇🏼,3 +2022-07-26,playing out in pm as expected everything will ride on google earnings tonight if not like snap all tech will go up if not all last week rally will be gone in a few days tsla,1 +2022-07-28,ahs is going to be fun if aapl misses the tech sector will tank tonight and tomorrow if amzn misses it wont affect markets if both miss and drop its going to be an ugly options expiration tomorrow if apple beats it will hold the rally if both beat up we go tsla,2 +2022-07-21,spy and the markets this week are trading like inflation is not 9.1 percent 2 consecutive quarters negative gdp housing market bubble about to burst the war in ukraine is not happening aapl msft and goog are not pulling the reins on hiring and everything else is great 🤡,1 +2022-07-27,although i believe spy is way overvalued priced for fed goldilocks terrible risk and reward you know the market is skewed bearish when goog msft both miss yet both up nicely ah also helps that everyone their neighbor and their uber driver is bearish 👀 on fed tomorrow,1 +2022-07-29,📊the nasdaq and SP500 500 are up but dont let that mislead you spy and qqq up on amzn and aapl the and most heavily weighted spy and qqq stocks rising post earnings but theres a lot of red intc baba roku and meta markets are mixed right now,2 +2022-07-29,📉📈 qqq rose all the way to dollars 14.88 then fell all the way down to dollars 11 in the pre market spy saw similar movement not surprised the market will take time to sort the current scenario with positive company earnings and concerning economic data,1 +2022-07-25,spy .5 of spx mkt cap reports this coming week alone history shows a tendency for the market to lag on the busiest week of earnings on this equivalent week my work shows the dow jones down that week 8 of the last 10 times and nasdaq down 7 of the last 10 examples baml👀,1 +2022-07-19,💭 qqq looking strong and don’t see a huge resistance above 299 until 304 to 305 nflx earnings was terrible but not as terrible and that was exactly what street was looking for ✅ chips bill not in action ❌ let’s kill it tomorrow snipers have a good rest of the day,1 +2022-07-05,qqq nasdaq names stronger than spy today vix under 28 now as market continues to show strength saas and cloud names impressive rally mdb team crm notable,5 +2022-07-12,spx qqq stuck in a range all day the market may be waiting for cpi numbers tmrw morning spx held 3838 so far on the back test aapl relative strength today possible to see 150 tmrw if it holds here above 147,1 +2022-07-25,just noticed but big names like aapl tsla amzn nvda and even qqq all created lower levels today compared to fridays low spy however made a nice green inside day even vix was up green 2 percent at close now ask yourself is spy lagging or is it predicting,2 +2022-07-28,i expect some misses from amzn and aapl however unless its substantial i dont see an impact on the spy qqq markets or a move that would substantiate the iv drain on an options swing particularly with market optimism right now watching not trading,3 +2022-07-20,and thats a wrap very distracted this week but managed trade on soxl and rivn off flow an caught tsla ah markets very strong but qqq getting hot inside day hagn,2 +2022-07-07,💭 do you all want watchlist jobs report can gap the market up or down and the list might not be valid ❤️ spy qqq levels posted wonderful week dont show the profits away,1 +2022-07-16,gs nflx tsla headlines the earnings next week investor sentiment is super bearish so we might need an really bad guide from one of the big techs to take this market down to new lows,1 +2022-07-14,good morning futures down hp u and g overweight barclays jnpr u and g overweight jpm point cut to dollars 6 csco d and g neutral jpm point cut to dollars 1 u d and g to neutral cantor point cut to dollars tsla ini a buy truist point dollars 000 googl point cut to dollars 900 citi amzn point cut to dollars 80 citi,1 +2022-07-17,stock futures inch higher ahead of a busy week of earnings gotta watch gs bac tomorrow morning nflx tsla sets the tone for tech qqq spy maybe even snap,1 +2022-07-02,market update thread spx spy qqq tsla aapl and others headline pce data pmi data this week does not show great signs and atlanta fed lowers second quarter gdp est to negative 2.1 percent wow,1 +2022-07-25,big week for earnings for my portfolio and general and macro data amzn meta aapl msft goog all reporting this week here are some of the things investors should be looking out for when these names report 👇,5 +2022-07-17,hope the chart updates were helpful this weekend reviewed quite a few spy qqq btc eth amzn nflx amd aapl rblx nio nvda tsla iwm dal goog meta ual xom,4 +2022-08-17,investor jeremy grantham on 2000 amazon stock price crash 💎🙌 amzn,1 +2022-08-22,investor jeremy grantham on arkk stock price cras 📈📉,5 +2022-08-13,bbby this meme stock has headroom c 32 percent left to go in this price cycle✅ qqq spy rut,1 +2022-08-20,bill stock soars 17 percent on strong results revenue guidance better than expected outlook price long way to go,5 +2022-08-29,when you will see the price of just eat takeaway jet tkwy above 40 you will say to yourself how come i did not use my brain 🧠 when it was below 20 following ifood disposal for 1.8 billion euro tesla amzn fb amtd grfx bac,1 +2022-08-31,key leadership stock broke its key 200 day moving average yday although not on high volume next stop 50 day mav key price action to watch SP500500,2 +2022-08-12,on august 11 ttoo stock was among the top gainers for the day of ttoo stock rocketed up by more than 26 percent at eod excitingly we also witnessed a 10 percent increase in the ttoo price after hours,5 +2022-08-17,the ear stock which increased by more than 77 percent during trading on august 16 was another significant gainer after business hours we witnessed a significant 22 percent increase in the price of ear stock,1 +2022-08-01,the price of eose increased significantly on friday shares of eose were up over 17 percent at eod which is a significant increase the primary cause of eose stocks current popularity is that significant rise,2 +2022-08-08,absolutely insane move here on spy and spx i was very confident on this move but it blasted past my price target so i held until we approached the demand zone shown in grey done trading for the day massive gains across the board,1 +2022-08-11,price targets hit exactly on spy 🙏🏾,5 +2022-08-12,i post at 9 am tsla to dollars 00.69 thanks meanwhile i was gambling some say pumping and winning in tsla in stock price action crowd in stocktwits amc,1 +2022-08-01,fele ex dividend date 2022 to 08 to 03 dividend amount 0.195 usd stock price 90.82 usd,1 +2022-08-01,dkl ex dividend date 2022 to 08 to 03 dividend amount 0.985 usd stock price 55.14 usd,1 +2022-08-01,matx ex dividend date 2022 to 08 to 03 dividend amount 0.31 usd stock price 91.67 usd,1 +2022-08-01,ida ex dividend date 2022 to 08 to 02 dividend amount 0.75 usd stock price 111.72 usd,1 +2022-08-25,tesla stock price is back at around dollars 00 due to 3 to 1 stock split now is the time to purchase shares if you’ve been waiting for an entry point tsla,1 +2022-08-25,for the second time in 2 years tsla is splitting its stocks this time to be precise on how tesla share price will move in the next few weeks to months see this now,5 +2022-08-04,u s stocks surged higher on wednesday with the nasdaq closing nearly 2.6 percent higher megacaps apple amazon and meta finished the session with big gains aapl amzn meta,1 +2022-08-09,markets are undergoing some profit taking right where they were supposed to as the spy broke out past the may high the qqq ran into the down trend line and ytd ⚓️vwap and iwm broke out and pushed briefly past the ytd avwap,2 +2022-08-15,spy in my zone now i know futures has pushed up a bit today but i think were getting close but all eyes on apple which has been holding the market up when that pushes down so will the market vix is getting closer some positive signs and been going down for quite some time,3 +2022-08-16,quantitative tightening is still intact inflation is still too high and dollar index remains quite strong tsla and aapl are once again quite overvalued don’t confuse the bear market rally with the new bull avoid getting greedy and hedge heavily at this stage for a dead cat jump,2 +2022-08-22,the tech stock concentrated nasdaq composite has a powerful island reversal sell signal overvaluation of big tech stocks worry over fed interest rate hike and up 23 percent in 2 months is too much are reasons for the index to come down the fear gauge vix is raising its ugly head,2 +2022-08-29,morning going to be patient today if you missed out on friday please no fomo today find your setup and manage risk watching vix 27.5 as my pivot for the market spx spy qqq and megatech in general amzn is in the gap thats a top watch have a great day,5 +2022-08-24,no surprise that russell outperforms aapl and msft “ballast names” and breadth heals a bit here as we run the all clear echo have to respect too that crypto is bouncing while longer rates hiccup higher wild juncture still not fully cooked up for the bears yet patience,4 +2022-08-26,trade idea blog market performance at a glance after hawkish powel spx compq indu vix gld gbtc aapl tsla amzn goog meta msft nvda qcom intc,4 +2022-08-12,choppy morning beautiful trend afterward albeit a little grindy at times only took one trade on spy but we mentioned a few good ones in the discord today 🟢 chat ideas spy 424 calls spx 4250 calls nvda 195 calls aapl 172.5 calls spy on break of hod 🚀 to 1 atr,3 +2022-08-23,spx spy esf the charts for aapl and qqq were ultimately much easier to interpret i proposed for markets to find a bottom monday and tuesday though did not really expect a pull back this deep lets see what happens today,4 +2022-08-09,despite the downside reversal that should be respected the silver lining is the naz had net nh of 67 today the biggest number for all of 2022 watch any pullbk carefully to get a read on mkt underpinnings,3 +2022-08-24,looks like the market is waiting for powell on friday makes sense 🟢 spy 415 calls sofi 6 puts 🔴 amzn 130 puts swing other great ideas from chat meta 165 calls tsla 905 calls 910 calls,5 +2022-08-03,hope you had a fun day watchlist was all home runs spy aapl amzn meta all went 1 atr docu which i posted about later did as well days like these are super fun now reset and tomorrow is a new day 🟢 aapl 162.5 calls 🟢 amzn 140 calls 🔑was 23 fade on vix,1 +2022-08-11,first live with the group 🟢 voice spy 324 calls and 327 calls qqq 330 calls snap 11.5 calls went to 1 atr chat amzn 135 puts nvda 175 puts h and t 🔴 amzn 135 puts swing starter closed am 🫠 sucks also lyft from watchlist almost 1 atr as well hope you had a great one,1 +2022-08-16,aapl amzn googl tsla spx 4300 p .45 to 12.30 at 0 military time all the faang names wicked up aapl sold off w volume and the 200 moving average on spy couldnt break premiums on these 4300 were around 5.00 earlier in the day spx was up 22 at the time and they were at .4 to .5,1 +2022-08-19,great week some ideas from todays live voice and chat with 🟢 spy 422 puts amzn 138 puts aapl 172.5 calls spx 4225 puts 🔴 spx 4260 calls missed nvda 180 puts went negative 1 atr fast was probably the best one laugh how did you do have a great weekend,5 +2022-08-09,slow drawn out price action before tomorrows cpi i got in a few scalps in msft and took more profits on spy short swing tried nvda twice but stopped for breakeven msft 285 calls positive 40 percent msft 282.5 calls positive 30 percent spy 413 puts positive 81 percent ill happily take whatever the market is giving 😀,1 +2022-08-29,good morning traders 💪💥 rout continues here today looking short on the today 📉 amzn weak retail continues and we had this dollars 38 friday today let’s try dollars 30👊 meta now under dollars 60 sa until a strong hold above 😅 amd chip weakness cont… pltr dollars tsla dollars 80 🚗,1 +2022-08-30,nice almost negative 1 atr move on spx and spy 🟢 i took these live with the group spy 400 puts spy 396 puts also suggested these both went itm some folks banked on them amzn 128 puts nvda 155 puts and of course nailed spx spx 4000 puts 🔥 done trading for the day 🚀,4 +2022-08-17,after zm put in a 3 lower high on the weekly there was a major drop chart 1 zm and qqq chart 2 aapl vs qqq chart 3 aapl qqq tsla and goog chart 4 all is holding up the nasdaq,1 +2022-08-22,options trading watchlist 🤑 amzn 140 to 141 calls dollars 36.45 meta 160 to 162.5 puts dollars 68.6 spy and qqq dropping sharply into the am momentum entries in thread trade smart size strategically high volatility as we open,1 +2022-08-03,stock options trading watchlist 🤑 aapl 160 to 157.5 puts dollars 63.4 meta cancelled stock markets have gapped up with qqq and spy moving in after and pre market meta gapped and eroded the upside of the trade np projection was🎯 trade smart,1 +2022-08-29,these 7 stocks make up 48.6 percent of qqq and 24.7 percent of spy its going to be hard for markets to rally if theyre all losing momentum except for aapl and only 3 are gaining relative strength aapl tsla and amzn msft and googl are losing both and nvda meta losing momentum,1 +2022-08-03,stock options trading watchlist 🤑 aapl 157.5 puts dollars 60.9 🍎 meta 167. dollars 58.65 we nailed nvda today aapl is back on deck spy and qqq are settling into a new base range will review and update in the am,1 +2022-08-22,options trading watchlist 🤑 amzn 143 to 144 calls dollars 38.45 meta 157. dollars 69.5 qqq and spy down tonight but theres a lot of time to open tight and narrow list being conservative as its monday to will update in am based on market action,3 +2022-08-04,stock options trading watchlist 🤑 amd 100 to 101 calls dollars 8.65 meta 162. dollars 67.05 wmt dollars 29.2 129 to 130 puts goog watching jobs report in the am will be a key driver of the stock markets ill be monitoring and will adjust accordingly,5 +2022-08-04,from ibd wednesday night we know what to look for we own all but one from much lower higher low setup aapl stock amzn msft meta platforms meta tsla and googl were among the leaders charts for you good to study vips own them also,5 +2022-08-28,tech led the rally on spy from lows of dollars 62.17 to highs of dollars 31.73 so you will want to watch sqqq inverse qqq this week as it hits the 200 moving average dollars 1.80 👀 other factors to keep in mind • us 10 year treasury note which recently cracked 3 percent this past week good luck🍀,4 +2022-08-16,🚨3 bigly tech gaps for if tech continues to run twtr above 44.81 equals 47.47 gap close snap above 12.4 equals 16.57 gap close nflx above 251.65 equals 353 gap,1 +2022-08-20,btc isn’t looking well coin puts looking good tsla is headed downwards weak all day thursday and friday let’s see if it can break dollars 04 otherwise ⬇️ it will go aapl beast up through friday but then started showing weakness next week red we’ll see spy qqq,1 +2022-08-02,amc i had spy originally green tomorrow given the news of pelosi visiting taiwan and monkeypox related news i have the broader market red but as we saw today that does not necessarily mean the same for amc ta looks fantastic and earnings comes on thursday 👌🏼,5 +2022-08-30,the largest drops in rs over the last two weeks have come from tech software high beta nasdaq 100 mobile payments cloud computing homebuilders mega cap growth and data sharing xlk xsw sphb qqq ipay xlou xhb mgk blok,1 +2022-08-21,another huge week of its going to be a week of opportunities and the ability to go to the next level nvda zm snow point on crm xpev m panw dltr jd afrm intu dks ulta dg splk so many opportunities to play live in the greatest chatroom,5 +2022-08-09,📈 qqq wedged into close with the cpi print coming in at open if 315 is lost the bull gap gets filled with the target to 312 breaking higher 319 and 322 currently smh tsla have been a leading indicators for the runs in the market and they are falling off,2 +2022-08-31,the SP500 500 currently trades at 18 times ntm earnings still a significant premium to the historical valuation spy has traded at during periods of high inflation qqq aapl tsla nvda msft,5 +2022-08-04,🔥 4 top tech weekly charts below ❤️ i will do my write ups in a bit 🔄 like and share to spread the love aapl tsla amzn msft charts courtesy of,5 +2022-08-09,looking for big bar up at open on spy nasdaq based on way futures are back and filling here in asian markets should coincide nicely with the amc alpha 🟢,4 +2022-08-03,aapl still with relative strength holding that ema trend market sideways for a bit but held the pullbacks vix testing support amd also watching pullbacks to hold but position theresee other posts on amd qqq next leg over 320.40,4 +2022-08-10,payday swung spx 4200 calls exp meta googl and nflx we’re some of my big winners guidance always appreciated by the always excellent thank you for putting together an excellent group of people,5 +2022-08-10,what happened overnight spx negative 0.42 percent nasdaq negative 1.19 percent weakness in semiconductor chip cos after micron after nvidia on monday sounded cautious ust 10 year yield positive 2 bps to 2.78 percent oil negative 0.3 percent to dollars 6. dxy index higher towards 106.50 up ahead u s cpi on wednesday,1 +2022-08-16,spy qqq what i’ve learned trading this year is that the entire market is being held together by aapl ‘s massive pe ratio ratio and can only be taken down by snap ‘s missed er 🫡,1 +2022-08-10,patience til in case of surprise tsla post elon sales 855 to 57 support in play coin earnings bad but short int dictates open trade off 81 low ttd up with a 64 break looming amzn 138 resistance breaking early u ssnt megl,2 +2022-08-23,zm guides poorly down big 90 resistance on a pop chips weak yesterday nvda looms 169.50 big support with resistance 171.50 173.50 xpev wider loss vs expected dragging nio down to that big 18.60 level mrin indo ape,2 +2022-08-08,at some point this morning qqq was up more than 1.5 percent it is flat now in the meantime oil names are starting to perk up a bit xop probably the market is starting to price in high cpi readings on wednesday,2 +2022-08-08,markets spy dia qqq iwm are holding up well today despite the nvda news this tells me they are looking at the cpi report due out wednesday morning its always looking ahead,3 +2022-08-06,thread market update aapl qqq tsla spx spy and more this week headline strong jobs report put a damper on rallysignaling potential aggressive rate hike in sept 75 billion ps,4 +2022-08-03,morning market pivots vix 23 spx 4115 spy 410 watchlist aapl amzn meta also dollars 80 billion chips bill signed nvda amd intc mu tsm early access to discord will roll out over the next few days expect a link to beware of scammers,1 +2022-08-09,qqq to me long we hold the 50 expontential moving average we are still on a nice uptrend the sto and cci needed a good ol fashion reset before tomorrows news still bullish that we see lower cpi and market may turn up on 50 billion ps fed future rate hike spy,2 +2022-08-02,morning market pivots vix 24 spx 4100 spy 409 qqq 313 iwm 186 watchlist aapl to daily 21 ema in play on market weakness amzn to gap in play on market weakness tsm to pelosi in taiwan alt nvda amd mu mara to crypto fade,2 +2022-08-11,ok this is enough chop now have added my final bullet and am back to working on more algos qqq dollars 00 puts spy dollars 70 puts am also still short tlt now dollars 22 and dollars 26 one more large as heck trip down 📉 for the laugh s by plis,3 +2022-08-06,wow just found hidden divergence but remember market still looking bullish and trend line is intact i will record video over sunday n show u divergence stay tune in spy qqq tsla msft,1 +2022-08-31,both spy and qqq closed below their 50 d moving avg with higher volumes if they can’t reclaim levels quickly more algorithms’ll get triggered as i tweeted repeatedly this rally was a bear mkt rally i’m glad i traded true to my views i’ll stay on the sideline til ’s cpi,2 +2022-08-08,nvda dragged tons of names down with it alongside the market breakouts will have to wait alongside with rejects on open now need price action on market to actually formulate spy qqq,1 +2022-08-03,tsla positive 1.3 percent to dollars 14 pre mkt in front of tomorrow’s agm equities rose spx positive 0.4 percent ndx positive 0.4 percent as tensions cooled as speaker pelosi departed from taiwan 10 year ty 2.754 percent positive 0.5 billion p fueled by hawkish comments by fed members sen dems racing to vote on inflation reduction bill by weekend,1 +2022-08-09,big day tomorrow can the trend be changed or going to grind up more lets see whos ready to checkout the options flow 100 ❤️ if you are ready for it spy qqq aapl amzn tsla googl meta,1 +2022-08-04,its a risk on market rally right but risk isnt exactly off either a lot of big earnings movers this morning to many are up but not all aapl arkk ftnt lly lnth acls elf lcid mck pwr lng ddog baba,2 +2022-08-09,two months bulls have a nonstop rally all the bad news were priced in market just ignored and moved higher many stocks rallied to the🌙 i think big money taking profits on aapl amzn spy today i will check data tomorrow too but expecting one big flush day coming this week,1 +2022-08-23,trimmed tech positions around spy 430 area eyeing aapl amd googl ttd msft for adds watching vix spy qqq for reversal signs,4 +2022-08-05,i am expecting cpi numbers to come below estimates this time july good numbers are bad so market may sell off this time we will see spy qqq aapl amzn tsla,1 +2022-08-07,i expect cpi numbers to stay inline or come below estimates spy possible to see a weak price action on monday tuesday and move up 425 level by friday post cpi numbers lets see 🚀🚀🚀 qqq iwm aapl amzn tsla sq se amd nvda mu lrcx gme amc baba jd spy coin,1 +2022-08-07,spy qqq iwm completed 8 weeks uptrend spy moved from 360 to 416 qqq moved from 270 to 325 iwm moved from 163 to 191 aapl 129 to 167 power or bear market rally 🚀🚀🚀,1 +2022-08-22,here’s a look at tech stocks reporting earnings this week panw zm intu jd xpev nvda crm snow adsk nio splk ntap box zuo vmw mrvl wday dell afrm sumo jks,5 +2022-08-02,whos interested in checking options flow data tonight spy qqq iwm aapl amzn tsla meta googl sq se amd nvda mu lrcx gme amc baba jd bidu pdd,3 +2022-08-26,the dow and nasdaq improved over the last hour but tsla didnt my earlier assumption of a flat to weak day is now even at a higher confidence regardless of fed speak mms dont care about the outcome they want their premiums,3 +2022-08-07,watchlist for next week spx spy qqq vix gbt vrtx mstr nvda meta amzn ❤️ equals 50 for levels ❤️ equals 100 for charts with levels view,5 +2022-08-09,watchlist results in 2 min please like and share when it posts ❤️💪 adding scrnshts straight from my feed happy to see so many doing well and learning recognize so many insider names nvda off for the day only runners if you have them already on aapl meta equals on for now,5 +2022-08-18,despite the qqq closing near flat most names fell today with aapl being the leader and pulling averages up mostly modest drawdowns but well watch claims in the am and see how pm activity plays out,3 +2022-08-01,spx held 4100 on this morning dip spx price action more choppy today after last weeks run lets see if spx can base above 4132 for the next 2 days tsla down 30 from the highs best to close through 915 to set up for 929 again meta to 169 if tech can run tomorrow,1 +2022-08-09,why is nasdaq getting hit so hard today amazon and apple are holding up pretty well yields are normal and no inflation concerns today popping up seems tsla is dragging down the nasdaq and qqq today its starting to be a leading indicator now on the daily charts,2 +2022-08-28,💭 lot of dirty looking charts wedge break down on tsla double top neckline loss on nvda island tops on msft nflx on many tech amzn penetrating the earnings gap careful snipers,2 +2022-08-29,spx tried to break higher at the open but failed if spx cant hold near 4020 we should see it back test 4000 soon aapl under 160 can pull back to 157 this week puts can work under 160 amzn tried to hold 130 at the open setting up for 125 next,1 +2022-08-23,do y’all enjoy the charts 📈 reviewed spy amzn qqq aapl vix on high watch tomorrow if we get over dollars 4 market will dump i’m personally thinking we see a little pump tomorrow i doubt it will last though,3 +2022-08-09,💭cpi market implied premiums pricing for tomorrow spy 5.0 qqq 5.9 implied premiums pricing for the week on some stocks aapl 4.1 tsla 41.2 meta 6.5 googl 3.15 amzn 4.6 going to be a fun week lot more move possible,4 +2022-08-31,see how happy 😃 ad businesses today are just because snap cutting 20 percent workforce and it’s putting floor in SP500500 if all companies in SP500500 cut 20 percent we may even trade 6000 goog meta msft,5 +2022-08-22,spx weak all day couldnt reclaim 4167 after breaking under if it breaks under 4132 we can see 4100 tomorrow powell also speaking on friday morning as well amd setting up for a dip to 90 if nvda misses earnings this week amzn no signs of strength it should test 130,1 +2022-08-16,spy 200 days hit memes went nuts bbby gme etc overall another strong day xlf lead tech was a bit weaker but rotation has cooled things off market at a big spot here hagn,4 +2022-08-09,very do nothing day ahead of cpi in the am aapl msft notable strength smh getting killed see if we get a nice cool number tomorrow hagn,1 +2022-08-15,💭 what a fun day tsla almost 100 percent trade runner left meta chop indicator showing end of chop coming might result in a pop here spy bear gap filled almost very tiny bit left,3 +2022-08-24,from sams private twitter join us oxy 75.2 76 mdb up down 20 to 25 tomorrow on tech earnings spx needs 4152 under 4091 really dives gs now says powell will signal slowdown of rate hikes interesting cmg 1650 is a nice lotto into powell if he says slower hikes 1700 poss,1 +2022-08-25,and that is a wrap huge ramp into the close on volume pce and powell tomorrow but market saying who cares spy above the 8 days baba pins gave great trades today tsla splat after split hagn,1 +2022-08-17,good morning futures down retail sales and fomc minutes today aapl u and g to outperform point raised to dollars 01 from dollars 66 se d and g neutral daiwa huya d and g neutral citi webr d and g sell citi app ini outperform wolfe point dollars 0 ai ini peer perform wolfe,1 +2022-08-09,spy dropped for a 4 consecutive session while the qqq underperformed after micron mu the largest us maker of memory semiconductors said sales may come in at the low end of or below its previous guidance treasury yields climbed while usd fell txn nvda amd intc adi,1 +2022-08-03,nasdaq qqq just posted one of best months in 20 year with tightening fed positive 98 percent of other cbs mixed earnings and muted outlooks stubbornly high core inflation ex commods slowing growth declining econ fwd indicators pmis conf and qt just starting how the bear mkt rally gets ya,1 +2022-09-09,how will the new iphone release affect apples stock price appl,5 +2022-09-27,amazon stock price analysis and forecast to now great value and time to buy via amzn,5 +2022-09-26,the anatomy of a bear market risk on became risk off very quickly meta aapl amzn and msft actually finished positively could have been much worse lots of mega cap index distortion positively and the spx still finished down data,1 +2022-09-26,the ruby was among the top gainers on friday at eod on friday ruby stock shares had soared by more than 6.2 percent this recent gain is all the more alluring given that the price of ruby stock has plunged by more than 29 percent in the last month,5 +2022-09-26,shares of ffie are rising with gains of 2 percent and significant volume on friday september 23 the price of ffie has plunged by over 85 percent during the past six months as a result should take note of this recent action,1 +2022-09-02,sleepy joe and the democrat nasdaq since last september price of goods up retirement portfolios down qqq negative 23 percent in a year your one million turned into dollars 70 thousand if you were lucky enough to not be hit harder vote in mid terms and let em know,1 +2022-09-14,for sept 13 data came in way higher than expected adjusting itself to price in 100 bps rate hike this sept spx qqq tsla,5 +2022-09-02,apple aapl might see an increase in its stock price❗️📈,3 +2022-09-02,is the stock market about to change direction⁉️ all 3 etfs spy qqq dia are showing bullish price action signs •,1 +2022-09-21,markets have been down but stock price loss is astounding has lost dollars 0 billion after leap v,1 +2022-09-02,spy future is volume popping when market goes in sell off mode finding bottoming out and i also notice today unusual market reversal mode last 1 hour h b4 market close qqq tsla aapl nvda,1 +2022-09-20,as mentioned on sunday … all were 🐻 on aapl wtd aapl positive 4.3 percent nflx positive 3.4 percent tsla positive 3 percent,1 +2022-09-21,despite the drop off of late the spx still has further to fall to so says bill smead to heres why names like aapl msft amzn and goog are the next to get whacked on ndx,2 +2022-09-16,nbrv was another penny stock that had a significant increase on september 15 by eod the price of nbrv stock had surged by an astounding 42 percent,1 +2022-09-22,🙏💸 plce in downtrend its price expected to drop as it breaks its higher bollinger band on august 16 2022 view odds for this and other indicators jfk cemi spy tsla shop amzn nvda roku aim aapl amd,1 +2022-09-23,spy market update as s and p 500 market has lots of sellers lined up having no buyer in market as every little bounce today market was selling off i notice so many cycle today qqq tsla spx amzn,1 +2022-09-09,spy market update as market could not take the previous day low but did poke thru previous day high today as i said it looked bullish today rest detail in video spx qqq amc nio btc tsla aapl,1 +2022-09-05,markets quite muted today no us trading tonight jfc positive 1.2 percent gaps up with nfb p151 million aba positive 5.5 percent attempted to break 2.5 but failed to close above it dmc positive 4 percent stronger than scc negative 1.5 percent a shift in exposure preference acen negative 4.7 percent breaks st support,1 +2022-09-13,spy everyday market update cpi print might bring 200 simple moving average testing soon market looks bullish but i found hourly chart macd divergence btc qqq spx tsla nio amc lcid,1 +2022-09-20,aapl upgraded aapl and tsla are up but other major technology stocks are down german cpi higher than expected and european stocks are down it is believed that the federal reserve will raise interest rates by 0.75 percent tomorrow spx remains below the 3900 trend is down,2 +2022-09-13,what a day spy dollars 99 puts dollars .55 ➡️ dollars .40 spy dollars 90 puts dollars .50 ➡️ dollars .92 aapl dollars 57.5 puts dollars .02 ➡️ dollars .50 msft dollars 50 puts dollars .40 ➡️ dollars .54 meta dollars 55 puts dollars .64 ➡️ dollars .15,1 +2022-09-22,another beautiful day baby aapl dollars 55 puts dollars .70 ➡️ dollars .40 overnight swing spy dollars 80 puts overnight swing dollars .71 ➡️ dollars .35 spy dollars 75 puts dollars .66 ➡️ dollars .00 spy dollars 62 puts dollars .31 ➡️ dollars .64 meta dollars 43 puts dollars .36 ➡️ dollars .76,1 +2022-09-06,found something really interesting on the nasdaq nq checkout how many days are between the start and end of each drop i think we see a lot more downside spy qqq aapl tsla spx,4 +2022-09-23,tsla is 30 percent off it’s june lows but qqq and spy are close to now for qqq i’ve seen weak names with weak growth prospects fall further past their june lows a stock picker’s market avoid top down macro etfs that try to stock pick bottom up they can’t see arkk vs qqq,2 +2022-09-29,very true still have some more time left in the day my guess is that if this divergence breaks today and hyg heads lower we can see qqq and even spy tag the lower weekly em,4 +2022-09-11,spy held 390 and tested 388 last week both held upside rn is 408 410 412 415 poss reject this 407.50 level n its 404.85 402.50 400 lots of big events this week to turn the tide aapl googl amzn tsla all at big spots imo,1 +2022-09-06,vnkumar daily market views spy qqq iwm aapl amzn tsla meta googl sq se amd nvda mu lrcx gme amc baba jd bidu pdd keep following and show your support ❤️ like and retweet for more ❤️❤️ good luck everyone 💸💸💵💵💰,5 +2022-09-19,morning watching vix 27.5 market pivot spx spy aapl 150 key for aapl and the market nflx 250 bottom of gap possible on relative strength abnb could be heading to 110 this week,3 +2022-09-22,what a day yday💥thanks for 👀todays big cap tech in focus as many names are at or below 52 week lows📉👀 amd i like the long as it was strong pre fed💪 watching dollars 4 meta also liking long dollars 44 break support dollars 42 amzn short dollars 20 consumer 🤮 msft dollars 41 ss,4 +2022-09-13,spy qqq tsla amzn aapl when everyone was bearish at dollars 90 i gave you the divergence we got a bounce to dollars 11 everyone turned bullish at dollars 11 gave you the heads up a reversal was due thankfully i got size yesterday had we had a gap up i was going all,1 +2022-09-16,todays with some short ideas can not see the market up today 📉🤷can you amzn on fdx weakness looking to fade any pops dollars 24.50 amd big trade yday look to repeat dollars 8 tqqq qqq mkt not going green ss dollars 6 googl 52 week low is 101.88 ss when we get there,2 +2022-09-19,big week ahead thanks for checking out the 👀📈 amd lets stay in our lane should be shorted against key dollars 7 and dollars 8 levels 💰 nflx wow now we looking at dollars 50 so strong buy dips💪😎 amzn bad week looks awful under dollars 25 ss dollars 24 msft 52 week low dollars 41.50,1 +2022-09-17,spy 386 calls solid flow more data to come over the weekend set notifications on qqq aapl amzn tsla baba msft googl aapl sq se twlo etsy amc gme ba,5 +2022-09-29,qqq surprisingly this still hasnt reached june lows while every other major index has aapl is down 4.4 percent and tsla is down 5.4 percent today not what one would expect think this says more about how large the bear market rally was for tech in jul and aug and less about relative strength,2 +2022-09-07,us stocks slumped on tuesday after intraday gains dow was boosted by defensive stocks such as johnson and johnson and coca cola but finally closed 173 points down nasdaq fell 0.74 percent percent weighed down by tech stocks reversing earlier gains such as apple tesla nvidia and microsoft,1 +2022-09-13,qqq daily looking bullish as the 50 simple moving average crosses above the 100 simple moving average just like spy all that matters is the print tmrw obviously high print not good for tech note the bear flag short term upside levels 315 320 325 ndx nqf xlk aapl msft,1 +2022-09-16,spy qqq tsla amzn aapl nvda arkk signing off on the day what a start to september for me smash the like button if you loved these setups enjoy your weekend everyone,5 +2022-09-16,📽️video stock market analysis spy qqq iwm smh ibb etc view here 👉👉👉 all week we spoke about ⚓️vwap from the cpi always set anchors to key market events hagw like and rt,5 +2022-09-02,us stocks have closely tracked the financial conditions index throughout this year the overlay suggests new lows are ahead for spy qqq aapl tsla nvda,4 +2022-09-01,⚡ stock momentum trend ⚡ 🚀 ticker bzfd 🚥 price dollars .54 🥇 win rate 90.0 percent use promo code barpotfirst50 off,5 +2022-09-03,aapl msft googl tsla weekly largest market cap companies continue their downtrend side note really like the multi symbol feature on trendspider now,5 +2022-09-13,spy qqq aapl amzn tsla i saw the sell setting up took some size smash the like button if you banked on this setup gave you the bull setup at dollars 90 and bear at dollars 11 in a span of 7 days cant get any much better than this,1 +2022-09-20,wanted to share some of my mid day scans with you guys inside bars forming on the hourly ❤️if this interest u amd shop dkng meta mu nflx sq pins,5 +2022-09-25,weekly etf market evaluation and maxlist review to sep 25 2022 in the maxlist review we are looking at aapl amzn bidu fb googl gs ma msft nvda tsla twtr and v,3 +2022-09-22,trading with a truly incredible with a view here in switzerland while celebrating to return of otc spikers like gmer txtm gtii vnth and higher priced spikers like pixy spro sava despite the truly fugly dia spy qqq whe,5 +2022-09-04,slow for earnings and economic reports fed chair and vice chair will speak which is likely to spark short term volatility both houses of congress return with spending issues front and center apple product event on wed 3900 remains my focus esf spy,2 +2022-09-18,weekly etf market evaluation and maxlist review to sep 18 2022 in the maxlist review we are looking at aapl amzn bidu fb googl gs ma msft nvda tsla twtr and v,3 +2022-09-19,not a bad day spy filled its gap now can we push to the 8 days aapl tsla leaders today see what tomorrow brings nimble til after the fed hagn 2 games tonight duke sticking his tongue out at you,3 +2022-09-09,spy amzn amd tsla trend day in markets review of ema clouds how the golden rule bullish bias over helped to keep bias as always spy with 400 to 401 reclaim and vix downtrend all day guide no noise just trend huge day on spy,5 +2022-09-09,quick 📊🧵 charts by spy retraced back to the avwap from covid lows where previously it undercut then shot over does this confirm a higher low during this retracement the nasdaq has still be relatively strong and gaining…thread 👇,4 +2022-09-18,weekend review market in correction nasdaq and SP500 500 closed down 5.48 percent and 4.77 percent for the week respectively finding resistance at the 50 week sma the market headwind remains strong with indexes below major moving averages qqq spy,3 +2022-09-29,eps miss by bbby though turnaround story and short int moves it xpev and chinese evs down if 12 holds look for bounce aapl right back below 148 meta and nflx were strongest 142 big for the former 238 dips on latter for support snti nvda,2 +2022-09-22,trying to bounce off fed lows hood ⬆️as pay for orderflow could remain dollars 0 a good base googl under 100 level nvda strong yesterday 131 support and the 135 resistance key levels rivn on a big ledge 34.80 on the daily spro tsla meta,1 +2022-09-21,patience til the hike aapl carried the market now 158 and 50 ema on the daily loom tsla resisted dollars 10 yesterday while googl primed for a 100 test downside evs in play again f 13 floor and lcid 15 will be big sobr tell rivn,1 +2022-09-30,dollar strength and inventories hit nke hard dollars 4 holds can have a bounce mu cutting costs missed guide trading higher amat a fade today ai day for tsla and ccl earnings due soon meta 135 support key today aimd fdx aapl,1 +2022-09-19,aapl to over 150 trade idea 💡 sept 23 152.5 calls aapl to under 150 sept 23 145 puts closed at 150.70 if aapl can defend 150 it is possible to see a bounce towards 157 under 150 can back test 145 arkk amd amzn ba meta msft nflx nio esf nvda qqq spx spy tgt tsla,1 +2022-09-07,equals spx 4000 gamma equals premarket gap down nio up coup pins chpt equals fed fund rates ⬆️ equals economic calendar 10 am fed mester 1155 am fed brainard 2 pm barr y beigebook equals 1 pm equals sector fuerte tan bull flag ↘️ wedge equals 200 moving average sp500 s5 nasdaq comp ncth,5 +2022-09-01,hubeos market alert 2022 to 09 to 01 0 to 3.78 percent loss in amd stock advanced micro devices inc – price dollars 1.66 more info rt,1 +2022-09-28,can someone tell me how aapl is down 3 percent and spy is green what holdings of spy is keeping it up premarket all i see if every tech name slightly red premarket i’m not complaining just generally confused 🤨,1 +2022-09-15,final heat map of the SP500 500 performance from today msft goog amzn tsla aapl meta ma jpm bac gs nvda jnj lly abbv unh bmy vrtx regn ups hd wmt xom cvx ko hon nee cop lin cnc elv ci hum nflx nbio winh,4 +2022-09-12,🎉🚨💫 mkt call with and is coming up 1 puts does the market rally have legs spy cpi report tomorrow semis sending a warning for big techsox big week for software stocks igv sponsor powered by,1 +2022-09-09,some of the largest stocks by market cap are all under a flat or declining 200 displaced moving average its hard to be aggressively bullish in this scenario aapl amzn tsla nvda goog meta nvda msft brkb tsm,2 +2022-09-20,aapl tsla duo handedly holding up market if powell is hawkish rates are 75 billion ps and these names dont muster strength this week will experience another september 13 if somehow we get a 100 billion ps hike thats just gg spy qqq,1 +2022-09-27,aapl will give some clues of early strength holds builds or fades can anything spy qqq get a stay above yesterday’s high that’s my thought feeble bounce or does to last a few sessions,3 +2022-09-11,just took a quick look at the market and can say from looking at the weekly timeframes we look good potential higher low and bullish engulfings on a ton of names in big tech including spy qqq,3 +2022-09-18,meta down netflix up crypto down silver up apple sideways down and up with tesla up oil down fakefutures down memestocks surge that would be my guess a strange market with strange spikes like an earthquake in the stockmarket with some vulcanos,1 +2022-09-22,hit ❤️ if you like me to share free plays tomorrow spy qqq aapl amzn meta tsla nvda amd sq se googl etsy baba twlo,5 +2022-09-06,100 ❤️ and retweets if you want me to continue looking at live market data and post good potential winning trades spy qqq aapl amzn msft tsla amd,1 +2022-09-25,posted options flow data for spy qqq iwm more data will be shared tomorrow give a ❤️ if you are following thank you amzn aapl nflx googl baba meta sq se ttd ma v twlo etsy,3 +2022-09-16,we will get very good opportunity to make 10 times on spy qqq meta nvda in next two weeks we just need to time it my guess is next friday market will see a huge bounce,2 +2022-09-12,mondays are busy days with work but trying my best to share flow to everyone whos following my posts and would like me to continue sharing spy aapl amzn googl tsla msft nio cvna bbby,4 +2022-09-09,forget september bearishness this time its different in 2022 market is driven by cpi numbers fomc gdp etc imo spy qqq aapl amzn,1 +2022-09-19,how many are following my posts hope its worth my time and energy by sharing my inputs here thank you ❤️ spy qqq amzn meta tsla baba googl nvda amd sq snow,5 +2022-09-05,shared spy qqq iwm options flow data i will be sharing more flows tomorrow depends on response from everyone good night aapl amzn tsla msft googl twlo baba etsy lulu sq se pypl ba upst amc gme bbby cvna,3 +2022-09-20,good recovery for spy qqq post lunch big day tomorrow whos interested in checking out flow data to night spy qqq iwm aapl amzn tsla meta googl sq se amd nvda mu lrcx gme amc baba jd bidu pdd,4 +2022-09-22,verrrrrry interestying to see such a weak dia spy qqq btc eth market environment while former supernova otcs like gmer gtii txtm smme uptrend and spike nicely its been a while brush up on your pattern knowledge were baaaaaaaaaaack,2 +2022-09-18,based on options flow data i see market is bullish short term but possible to see one more round of sell off post fomc lets see i will continue to monitor options flow data and share to everyone plz do follow and set notifications thank you ❤️ spy qqq aapl amzn tsla,1 +2022-09-23,some see red i see opportunity getting closer for the long haul tough times dont last forever 💪 spy qqq aapl tsla msft meta nvda amd,3 +2022-09-22,i am expecting market to bottom tomorrow for this month all major events for this month are done now possible to see some relief rally next week lets see spy qqq aapl amzn tsla meta googl,1 +2022-09-15,aapl trading below 50 and 200 displaced moving average msft trading below 50 and 200 displaced moving average goog trading below 50 and 200 displaced moving average amzn trading below 50 and 200 displaced moving average meta trading below 50 and 200 displaced moving average nvda trading below 50 and 200 displaced moving average tsm trading below 50 and 200 displaced moving average tsla trading above 50 and 200 displaced moving average tesla bucking the trend,2 +2022-09-19,accumulate stocks on dips short term bigger bounce is coming in 2 to 3 weeks expecting stock prices will be above today highs by first week of oct22 spy qqq aapl amzn meta nvda googl baba amd sq,1 +2022-09-28,aapl below 148 level on reports of slowing iphone 14 production short back to 148 tsla falls below 280 and mu still short in front of dollars 0.60 and earnings tomorrow biib lifts alzheimers names after breakthough study abos prta,1 +2022-09-29,good close spy qqq aapl meta amzn gap up to dollars 68 possible all depends on pce numbers tomorrow lets see have a nice day 🌅,4 +2022-09-11,things to pay attention to next week tuesday morning cpi data to i would swing calls for the spy coin aapl tsla overnight on monday friday morning inflation sentiment to i would swing calls too here on thursday night it is very possible we close near the 200 simple moving average this week,3 +2022-09-04,aapl tsla amzn meta googl all ugly charts with bearish engulfing candles with that huge reversal we had on friday googl and meta notably weak as well with tsla aapl and amzn have gotten hit too but much further off their lows then the others charts below 🧵,1 +2022-09-16,no one knows the bottom if you believe in the company just accumulate stocks on dip and hold long term spy qqq aapl amzn tsla nvda amd,1 +2022-09-27,spy qqq amzn meta aapl market keeps going down but if there are any chances of recovery in next three days weekly calls can print 500 to 1000 percent easy market is oversold and going in single direction last two weeks,1 +2022-09-12,spx held 4100 on the dip this should test 4167 by wednesday if theres a positive reaction to cpi tmrw qqq above 312 can move to 315 to 319 aapl strong possible we see 170 if it can close through 165 this week,3 +2022-09-16,aapl amzn googl meta msft names represent the core of the indices and institutional risk appetite so the whole market will move as they move what are they telling you charts below,5 +2022-09-07,my plan called last night i can not be intraday bear 🐻 above 3892 very little trading below my 3892 and now we are trading 50 handles higher powered by orderflow bulls 🐮 now need to take 3935 watch aapl below 155 👍 spx ndx spy,1 +2022-09-25,if we do get the oversold bounce some names to watch tqqq leveraged qqq fairly obvious why nvda sitting on huge shelf and 50 simple moving average 125 is a huge spot can risk 120 to potentially get 140 aapl closed above 150 friday can use 148 area as a stop snow held 170 friday,3 +2022-09-20,aapl blowing up 15 percent and the SP500 is still down 1 percent thats saving the market today in order for any big drop like 100 down on SP500 aapl would need to be down,2 +2022-09-08,many are asking my current positions here you go i know im heavy tech and faang tsla 10500 293 3000 281 1500 275 1000 nvda 166 ouch 1000 amzn 133.13 1000 goog 112.62 1000 meta 158.28 500 qqq 293.33,5 +2022-09-22,meta googl msft all broke their june 2022 lows in the past month why shouldnt the qqq spy do the same is energy going to hold up spy healthcare and retail and other tech hold up qqq unlikely,1 +2022-09-06,spy and qqq made lower lows despite trying to hold tsla while making a lower low still managed to stay in the 3 day range soxx has not made a lower low in 3 days either its troubling that nvda has zero lift the sector cant rally without it also,2 +2022-09-07,not even looking at individual names lately when time is right will trade all individual names as usual focus been on spy qqq vix tqqq sqqq etc although eyes always on amd tsla small caps also dnt have same volume as early august maybe market waiting on next cpi,1 +2022-09-23,why i have a ton of aapl downside passive outflow flip hf consensus “ballast long” retail hideout and snb just wait until they warn like intel in sept 2000 goodnight noises everywhere,1 +2022-09-12,still bearish maybe tomorrow is your day cpi 3 percent expected aapl raged amzn tsla xle dnv strong play the names ignore the noise and the indexes hagn duke says woof woof,3 +2022-09-20,one hell of a choppy session fed and powell tomorrow aapl nflx tsla some of the better names today hagn,1 +2022-09-15,very wild session pre we talked about spy 396 as key level to break or the uptrend 392 area market gave nice trades both ways so far nflx tsla amzn longs and shorts or markets shorts head on a swivel here,4 +2022-09-20,good morning futures down aapl point raised to dollars 90 evercore lac assumed overweight poper blue point raised to dollars 0 rj pxd ini overweight keybanc point dollars 90 wdc d and g hold db point dollars 0,1 +2022-09-23,new 52 week lows nvda intc t googl shop meta mu wbd jblu sq clf tsm csco rio roku para fdx crm gsk aa upst eric se v,5 +2022-09-08,aapl holds prices with inflation gsat underwhelms elon musk going to trail twtr saudi arabia wants lgbtq content pulled from nflx aapl googl meta anti trust stalls upgrades fslr x 2 maxn mrna roku wwe snap txrh algt chgg albo 230 percent anvs 280 percent asxc 190 percent,1 +2022-09-27,temp bounce back in SP500 dow nas short lived people trading qqq spy dia should be buying txtm to concomitantly just my opinion wish i could buy laugh …,1 +2022-09-27,personally i’ll be waiting for key level retests or breaks if we hold pm lows around spy 367 i’ll look for bounces on strong names aapl tsla nvda if we break below will watch for weaker pm names msft googl meta,3 +2022-09-10,i hope todays charts and ideas were helpful have a great night ✌️ reviewed spy qqq aapl amzn meta nflx goog nvda tsla cgc coin,4 +2022-09-07,charts done for today posted most of them during market hours make the charts on and track from here posted tsla aapl tan fslr enph esf btc cgc amzn coin hood goog dal amd meta nqf,4 +2022-10-20,stock market and SP500 500 spx es1 spy to nasdaq qqq nq1 ixic to technical analysis to key price levels to watch new episode,5 +2022-10-05,the price of corz stock increased significantly during trading hours and after hours on tuesday october 4,1 +2022-10-20,the most recent analyst to offer their opinion on the caba stock is wells fargo the companys rating by the analyst firm is still overweight with a dollars price objective,2 +2022-10-17,the goev stock estimate price from r f experts is now just shy of 1000 percent 971 percent higher,2 +2022-10-17,the most positive opinion on the penny stock is now held by experts at r f lafferty they gave a buy rating and a dollars 5 price target in their most recent report the price of goev shares was about dollars .40 as of mondays opening bell,1 +2022-10-25,nasdaq in the gutter well was worth a try seasonals out the window america in a recession for sure only in 2008 did both microsoft and google miss targets,3 +2022-10-14,the stock market closed and this was the most important news 🟣 bynd will significantly reduce its workforce 🟣 gs reduces tsm price target to dollars 9 from dollars 26 🟣 elon musk under investigation by federal authorities according to twtr,1 +2022-10-28,this was todays stock market highlight 🟣 tt managed to increase its global auto production in september making 887733 vehicles worldwide 🟣 credit suisse analyst scott deuschle raised the price target on lmt to dollars 84 from dollars 75 spy,1 +2022-10-21,tsla update wisdom of the day — when its time to buy a stock youre not gonna want to daily almost identical to may 24 wallstreet might want to do a scare by pushing price dollars 00 for short time time to get greedy equals see my entry points no invest advice,1 +2022-10-04,wtl worldcall telecom limited has selected nasdaq for its listing stock price increase 55 percent as material information upload on psx website,1 +2022-10-20,tsla check sell off after the close clearly algo driven evident by the fast slip in stock price goal to push down and profit from reversal to trend also scare retail traders into selling or buying puts for no invest advice,1 +2022-10-12,u s stock futures were higher wednesday but pared some earlier gains as investors weighed producer price data that came in slightly higher than expected dia spy qqq aapl invo,3 +2022-10-21,🙏💸 plce in downtrend its price expected to drop as it breaks its higher bollinger band on august 16 2022 view odds for this and other indicators jfk cemi spy tsla shop amzn nvda roku aim aapl amd,1 +2022-10-03,aimd stock was among the top gainers on friday september 30 by eod the share price had soared by an astounding 35 percent to more than dollars .89,1 +2022-10-17,this raises the price of the goev stock anticipated by r f analysts by slightly over 1000 percent 971 percent,5 +2022-10-12,spy market update as market trying to get up n go but seller lines up to book profit taking previous day low as well as creating new low of 2022 spx qqq tsla amd aapl,1 +2022-10-06,tesla stock price target cut to dollars 70.00 from dollars 91.67 at mizuho tsla view more,1 +2022-10-20,stock market and SP500 500 spx es1 spy to nasdaq qqq nq1 ixic to technical analysis to key price levels to watch new episode,5 +2022-10-14,✨ snapshot oct 132022 3⃣2⃣ sunk to record lows in 30 days📉 ❤️‍🩹top loser metatech ltd meta to change rate ↓86.68 percent share price rs 13.41 volume 36500 shares 7432425 🇵🇰 🔗,1 +2022-10-11,here is aapl amzn msft meta zones and levels i watch these intraday to give added conviction to my spy trades or just take one of these if i really like the setups,4 +2022-10-28,today was wild let me catch you up tmrw will be even wilder i got you there too stock market review aapl tsla spy amzn intc pins shop twtr,1 +2022-10-28,again not suggesting spy repeats but eerily similar right the catalyst last time aapl earnings 400 to 410 seems possible on a rally looking for vix fade to 24 to 25 that zone is where we rallied 3 times this year downside look for another pullback to the daily 21 ema,2 +2022-10-20,spy spx rsi breaking out on the weekly price holding above the 200 weekly sma and the 2018 low avwap but is pinned under the covid low avwap aapl googl amzn msft among other big names report earnings next week 👀 these four will determine if we get the bear market rally,1 +2022-10-04,another leg up for nasdaq as the twitter deal sees increased volume on the index source saxo futures platform the weekly fair value gap is the target 🎯 tech stocks rally this is my last tweet on the plane back to london uk have a safe trade sad to miss all this,1 +2022-10-27,the spx mco was down again but its still extremely overbought despite amzns big drop in after hours the bulls can cling to aapls better than expected earnings and the coming fed pivot next week but with the mco at 104 the odds are in favor of another down day tomorrow,2 +2022-10-03,lets get ready for the week last week big tech stocks fell led by apple after bank of americas downgrade aapl is now trading 22 fwd pe ratio meta googl amzn tsla msft aapl nflx nvda,1 +2022-10-27,here is the 15 minute chart of nasdaq futures with the impact of after hours earnings releases read misses from goog meta and now amzn nqf,1 +2022-10-30,this week tsla to watching for push over dollars 30 for continuation to dollars 40 aapl earnings push over dollars 56 to see dollars 60 spy beautiful push over the downtrend line key watch over dollars 90 amd to entered into a small consolidated zone here dollars 9 to 62 so watching over dollars 2 for cont,1 +2022-10-23,aapl to next push is over dollars 50 earnings are on 26 tsla to stayed in the dollars 00 to 220 zone last week really watching over dollars 20 for this week spy to nice break over the downward trend line watching over dollars 74 for possible dollars 77 test under dollars 70 can see back to dollars 66 zone,1 +2022-10-22,big earnings week coming ⭐️ aapl amzn msft meta googl ups shop intc ge mmm enph v cmg mcd cat pins ma xom,5 +2022-10-26,we all know how this is going to go microsoft alphabet and mets earnings all suck stock market barely budges aapl earnings will suck and stock will go up anyway and entire market will absolutely rip spare me please,1 +2022-10-14,spy to trading above declining 5 displaced moving average cpi and wtd avwaps price still has not hit its em for the day shaded box currently below mtd and qtd avwap 15 min chart qqq to about to test daily em wtd and cpi avwaps,2 +2022-10-17,huge week ahead with earnings on deck 👀💯 i am really looking forward to nflx recent moves tsla do we take dollars 00 snap effects many names meta googl what are you traders looking towards what did i miss credit,5 +2022-10-28,good morning traders 💥 retweet pls 🙏💯 lets see what friday brings to the nasdaq aapl nice report finally we can look long again dollars 44 amzn still can look short dollars 5 but could bounce of dollars 2 intc cost cutting looking long pltr dollars .40,4 +2022-10-27,nasdaq back to support 11294 am tracking next supports 11229 and then 11091 res 11367 11431 11550 earnings reports from msft goog and meta have been bad but we get the big ones tonight with aapl and amzn nq,1 +2022-10-25,spx pushed right up to resistance but hasnt been able to break through yet today shifts the focus to earnings a slew of reports ahead of the bell today and the megacaps start reporting after the bell today msft and goog after the bell fb tomorrow aapl and amzn on thr,2 +2022-10-26,nasdaq another bad earnings report this time out of meta which goes along with msft and goog yday amzn and appl report tomorrow appears to be taking this in stride nq same levels as yday another res hit at 11700 and support still holding 11367,1 +2022-10-05,was it a trap lets see tks for checking todays 👀📉 tsla still on watch more selling needed by lets see dollars 40 ss oxy oil making moves so is this name dollars 7 l🛢️ amd always on radar ss rips to dollars 8.25 possible ss hit dollars 6.50💥 amzn dollars 18 support😎,1 +2022-10-18,100 ❤️ if you are following and would like me to continue doing live sessions for er season spy qqq aapl amzn nflx tsla amd nvda baba sq ual isrg ally abt pg,5 +2022-10-26,qqq just want to remind everyone these are the top 10 holdings of the qqq etf as of today we still got aapl amzn meta earnings coming today and tomorrow which could drastically move the index…,5 +2022-10-25,open red 🔻🔻 after msft and googl print today ▪️ meta tomorrow aapl and amzn thursday pce friday rally bros hope you had fun while this fake rally lasted…😮 spy qqq,1 +2022-10-28,trading watchlist 🤑 meta 100 calls dollars 6.1 nflx 290 puts dollars 04.1 two names on deck lots to parse from amzn and aapl tonight also watching pypl flow via unusual whales meta only nothing substantive on nflx will update in the am per usual,1 +2022-10-24,big week coming with aapl amzn meta googl msft earnings if spx can hold 3750 through tuesday it can make a move towards 3838 and possibly 3900 by the end of the week i would stay bullish as long as spx holds above the june lows at 3645 calls can work above 3750 this week,3 +2022-10-10,options trading watchlist 🤑 tsla 195 to 197.5 calls dollars 21.80 nvda 126 to 127 calls dollars 15.65 nflx dollars 10 puts dollars 31.9 aapl 134 to 135 puts dollars 42.25 october is volatile as always vix is up four stocks on deck monitoring markets review in am flow via unusual whales 💪,1 +2022-10-12,this is an interesting trend going into cpi day a ton of confidence that we can rally 5 days data on spy also tlt is showing algo divergence nflx and nvda as well somethings gonna give and tomorrow is the showdown,4 +2022-10-18,qqq closed as a dark cloud cover but held another hl on 65 min 5 day curling 10 day support on the pullback iwm spy both closed over the 20 expontential moving average and qqq might do so tmrw might have pushed higher today if the aapl production news didnt hit,1 +2022-10-19,global market insights the us markets continued to rally for the 2 day as corporate results helped goldman sachs netflix lockheed martin posted better than expected earnings however nasdaq closed off highs after reports that apple is cutting its iphone 14 production,2 +2022-10-02,the stock market and price action only does two things from beginning to the end of time trend and consolidate that’s it during phase of consolidation rest that we look for entry,3 +2022-10-18,nflx beating should not be a real shock bar is very low now for most tech names in terms of consensus going in given recession situation most will likely beat which could be another major bull catalyst to push spx and entire market in general up now 🟢 amc spy qqq dji,2 +2022-10-23,se viene la semana en los earnings reportan aapl amzn googl meta msft v ko mcd xom cvx casi todo el spy,1 +2022-10-28,5 tech megacaps aapl amzn googl meta msft that reported are down 9 percent on avg this week have covered many shorts and buying aapl today and SP500 passed this test up 3 percent on 1 percent lower usd and 25 bps drop in 10 year yields expect bear mkt rally to continue and less aggressive fed on,1 +2022-10-18,nflx beat which move qqq which will move amzn aapl amzn and meta which will move spy up this will seem like a bottom and it may be for the short term but eventually it will all come crashing long for the very short term,2 +2022-10-27,doomers and late bears what the heck bull trap all in short yep with tsla msft googl fb and meta all missed big and guided lower doomers wondered why spx not tanking 20 percent see below thread weeks ago before tsla earnings report my prediction was a flat and up mkt but spx up and way up,1 +2022-10-27,doomers and late bears what the heck bull trap all in short yep with tsla msft googl fb and meta all missed big and guided lower doomers wondered why spx not tanking 20 percent see below thread weeks ago before tsla earnings report my prediction was a flat and up mkt but spx up and way up,1 +2022-10-10,spy qqq arkk ppi cpi earning season kicking off this week stay nimble and patient with your setups the volatility will get worse this coming week,1 +2022-10-28,save us intc more like aapl but the former up on earnings and trying to break trend pins very strong relative numbers big 26.50 resistance buyer in front of 23 chinese names down again and li 14 room to go amzn htcr nvda,1 +2022-10-27,googl meta tsla and msft is 16.4 percent of the SP500 throw in amzn and it’s roughly 20.1 percent which means of spy is down over 10 percent in the last three days but yet it keeps going up gonna need this to make more sense because right now it does not,3 +2022-10-26,metas weak outlook – especially fourth quarter revenue guidance and 2023 expense guidance to isnt even computed in the losses in fangman market cap today which was dollars 00 billion n after bad tech earnings from msft and googl remember when tech mattered aapl is last general standing spy,1 +2022-10-19,nflx strong earnings beat up a ton so risk of 270 break down at open above 280 room to 3 dis 102 a huge level in sympathy ual great qtr dips in front of 37 asian names weak overnight xpev 8 nio 11.70 tsla roku intc,1 +2022-10-23,🇺🇸earnings this week apple microsoft alphabet amazon meta platforms intel shopify pinterest exxon mobil chevron coca cola mcdonald’s ford general motors visa mastercard ups boeing southwest airlines caterpillar negative 3 million general electric kraft heinz spy qqq,5 +2022-10-14,ms ib lead it lower jpm higher after a beat like 80 resistance on former bynd job cuts bounces off 13 2 time this week squeeze if that holds short 15 aapl strong but meta 131 to 32 resistance is juicy intc lase nflx,2 +2022-10-18,nflx 250 breaking 255 daily big level pre earnings tsla above 227 has room if 225 doesnt hold open careful gs strong beat and restructure gap above dollars 16 dip buys to 310 meta dollars 42 for sells and f 12 finally rblx lase meta,1 +2022-10-21,spx defended the june lows again and reclaimed 3700 possible we see a move to 3838 to 3900 next week if theres a positive reaction to aapl amzn googl earnings hagw 🙏 spx 3750 calls dollars .00 to dollars 5.00 spx 3720 calls dollars .40 to dollars 7.40 qqq 272 calls dollars .25 to dollars .90 nflx 282.5 calls dollars .25 to dollars .00,1 +2022-10-27,it looks like we are on pause until aapl and amzn earnings tonight the bar has been lowered so i have no clue how the market is going to react to these numbers we shall see qqq,1 +2022-10-26,amlx amgn tdw hlit the headline number on the nasdaq looks bad but there is some underlying strength in this market that is not fang more stocks making new highs,3 +2022-10-27,happy thursday here are my aapl amzn intc shop pins earnings cat mcd ma luv mrk also report meta plunges 20 percent on weak outlook to u s third quarter gdp durable goods jobless claims to ecb 75 billion ps rate hike may the trading gods be with you 🙏 spy,1 +2022-10-23,happy sunday here are my aapl msft googl amzn meta earnings ba ups f gm mcd ko v ma results xom cvx also report to u s pce inflation data to u s third quarter gdp may the trading gods be with you 🙏 dia spy qqq iwm vix,5 +2022-10-22,💥big week ahead 👀👀 mon to tues msft googl v ups ko gm wed meta ba f thurs aapl amzn intc shop pins mcd ma cat luv fri xom cvx dia spy qqq iwm vix,1 +2022-10-27,fang constituents aapl 145.51 to 2.58 percent amzn 111.07 to 3.98 percent baba 67.03 to 2.16 percent bidu 82.67 to 1.82 percent meta 100.99 to 22.21 percent goog 93.12 to 1.79 percent nflx 298.14 to 0.15 percent nvda 132.18 positive 2.5 percent tsla 224.91 positive 0.12 percent msft 226.41 to 2.12 percent twtr 53.95 positive 1.12 percent,1 +2022-10-17,fang constituents aapl 141.83 positive 2.49 percent amzn 113.06 positive 5.76 percent baba 77.58 positive 6.24 percent bidu 103.27 positive 2.96 percent meta 133.88 positive 5.62 percent goog 101.05 positive 3.97 percent nflx 244.38 positive 6.24 percent nvda 118.74 positive 5.76 percent tsla 221.5 positive 8.05 percent msft 236.4 positive 3.44 percent twtr 50.73 positive 0.56 percent,1 +2022-10-14,all major markets like dia spy qqq iwm generally move in the same direction what the lags at the moment will more than be made up once the real rally begins buy as much arkk bbig dkng point on shop as you can right now 🍀,5 +2022-10-28,if i had told you on sunday that amzn would be down 15 percent this week googl would be down 6.6 percent meta would be down 23 percent and msft would be down 3.5 percent where would you have guessed the spx would be im willing to bet its not up 3 percent wtd and yet here we are,1 +2022-10-29,we look at the tech stocks that reported earnings this week with eps beats and analyst expectations for next quarter’s yoy eps growth xm pins intc shop amt upwk amzn zen tdoc now ma v msft aapl dlr spot meta googl fslr,4 +2022-10-15,earnings season is here going to be busy next 5 to 6 weeks with many companies reporting earnings i have some exciting news for followers please subscribe and set notifications on i will share details soon spy qqq aapl amzn tsla amd nflx meta,3 +2022-10-27,meta’s eps miss was latest in series of dismal earnings reports from blueist chips alphabet and microsoft slumped 10 percent and 8 percent following third quarter eps reports helping SP500 top 50 index to underperform SP500 by 1.3 percent mtd 3.4 percent ytd equal weight doing relatively well,1 +2022-10-29,i played spy all week and had a lot of fun with it but boy if there was a day i wish i would have played spx it was today i know some of you banked huge my big wins were spy msft and aapl iv flush 😊 more studying this weekend,2 +2022-10-27,metas shares temporarily put the nasdaq to the sword yday negative 2 percent after a decent european session oil dollars 5 cable dollars .1614 asia uninspiring opening calls reflective though djia may push on aapl and amzn earnings to ftse negative 17 7035 dax negative 28 13166 cac negative 11 6270 djia positive 179 32018,1 +2022-10-24,33 percent of the SP500 500 is set to report earnings this week analysis on how to interpret the action of aapl amzn goog meta msft and more in this weeks write up enjoy among us,5 +2022-10-26,battle today between lower int rates 10 year ty 4.01 percent negative 9 billion p and falling tech ests after goog negative 6.3 percent and msft negative 5.7 percent missed last night ecb decision tomorrow positive 75 billion p e fed decision next wed positive 75 billion p e meta tonight aapl amzn tomorrow are key third quarter gdp thur core pce friday,1 +2022-10-10,many good companies completely oversold down over 50 percent and if cpi numbers comes below expectations on market will see huge bounce and we may see extended rally for next week all eyes on cpi numbers if numbers are high spy going to 338 covid highs qqq aapl tsla,2 +2022-10-12,have a feeling cpi numbers comes in line with expectations and mms gonna kill both sides just keep it small on both sides spy qqq aapl,4 +2022-10-10,i am yet to post my cpi play will do it tomorrow before close will be checking options flow data today and tomorrow and will share here ❤️ spy qqq iwm aapl amzn tsla meta googl sq se amd nvda mu lrcx gme amc baba jd bidu pdd,5 +2022-10-11,cpi numbers is the only hope for market to stop bleeding temporary if numbers are manipulated and comes below expectations we are going to see a huge bounce lets see spy qqq aapl amzn tsla msft meta,1 +2022-10-28,wondering how arkk pans out today given zucks fbs running fck slap for too much metaverse kathy sure likes the schtank of that coil of crp,2 +2022-10-25,msft negative 6.6 percent ah and goog negative 6.5 percent ah downbeat third quarter earnings and fourth quarter guidance casting a pall over all tech names after hours ndx futures negative 2.0 percent in asia meta and twtr earnings tomorrow aapl and amzn thursday,1 +2022-10-14,earnings season kicks off next week i will continue to monitor options flow data and share to everyone more data coming over weekend keep following and set notifications on thank you ❤️ spy qqq aapl amzn tsla msft googl amd nvda baba bidu meta sq pypl nflx,1 +2022-10-27,i think if aapl has not once again saved the we would have limited down tomorrow and i do not speak 🐻 plunge language question is did fed get what they wanted with most big tech knife 🔪moves or does the gdp print higher lead to more hawkish speak 🤷‍♀️👀,1 +2022-10-13,0 pm study check retweet and favorite this if you’re still up studying reviewing your scans or are making your watchlist for tomorrow the dia spy qqq are going to be absolutely crazyyyyyy tomorrow be sure to be prepared ahead of time and let the run wild,1 +2022-10-18,remember that nflx usually sets the stage for tech momentum when they announce earnings so tonight well see either additional tech upside in ahs or well see blood on the streets going into tomorrows open always be cautious before they announce tsla,4 +2022-10-27,tbh i think you can buy msft amzn googl appl meta at current prices and not look at them for a quarter and will be up better than spx or cash besides coke zero ko and the occasional mcrib mcd i use each of these companies products every damn day now they are buyable,5 +2022-10-20,random market thoughts 6 im still ok with october lets hope some of the big cap tech stocks like nflx go higher after earnings as long as the 3491 bottom holds if it doesnt i would have to take a loss on my longer term SP500 index investment,3 +2022-10-26,meta dollars 13 now💀☠️ market souring hard on these big cap companies amzn and aapl better hit it out of the park tomorrow or things could get ugly,1 +2022-10-19,detailed thread on my watchlist for tomorrow 👇 includes spy nvda meta aapl nflx hope you guys enjoy ❤️ space in 2 hours going deeper into my watchlist and some others,4 +2022-10-18,well today looks shot now we wait for nflx to share more bad news in ahs and we open red in the morning well have to wait until earnings tomorrow night for next potential movement tsla,3 +2022-10-24,markets are very mixed right now the moves on spy and qqq are coming off of heavily weighted names like aapl msft googl xom many others are red like nflx tsla amd nvda rblx meta not forcing an entry no clear direction from indexes normal for a big week,2 +2022-10-27,what a truly wacky dia spy qqq market this is terrible earnings from meta msft goog snap don’t seem to matter at all shorts are pulling out what little hair they had left…or turning into gandalf in their early 40 like laugh,1 +2022-10-22,last week markets ended in a positive note qqq up 5.6 percent spy positive 4.66 percent now some of mega tech earnings next week may lead market higher hopefully tue msft googl spot wed aapl meta tdoc now qs cour thur shop bmo amzn intc pins,1 +2022-10-18,spx failed to hold near 3749 early this morning held a higher low from yesterday though needs back through 3749 to set up for 3800 by thursday aapl just basing today near 145 it can still move towards 150 but need to see how the market reacts to tsla nflx earnings,2 +2022-10-28,dear trading diary today was fri oct 29 i saw amzn gap down 20 percent on earnings last night yet aapl ran 8 percent qqq 3 percent and spy 2 percent i sht you not,1 +2022-10-03,well we gaped up and melted up today spy hit the 8 days can we push lot of shorts trapped most not concerned aapl amzn called out pre ran and leaders amd as well nice flow 3 days of rain and cold and puppy losing it needs a new friend,1 +2022-10-13,vix told you a story this morning and i tweeted about it too snow 200 percent spx strangle paid both sides aapl huge ripper meta added shares this morning 5 up already this is getting big blowing account past 135 thousand already “up”tober,1 +2022-10-27,aapl and amzn reporting is critical mega caps have thus far disappointed we now have two of the biggest names reporting if both names disappoint well see a drop that will not recover or easily bounce back on spy and qqq less fed says something drastic,2 +2022-10-24,spx held the 3750 support so far today on the back test but couldnt breakout above 3800 yet msft googl earnings coming up tomorrow lets see if spx can close near 3800 qqq if it reclaims 276 possible to see 280 by wednesday tsla up 6 from the lows above 207 can test 216,3 +2022-10-27,and that is a wrap msft googl meta and now amzn and aapl bad in tech call on apple can change it market has a lot to think about ahead of pce tomorrow hagn,1 +2022-10-11,good morning futures down ba ini outperform wolfe point dollars 80 ddog ini overweight wfc point dollars 20 jd point cut to dollars 5 from dollars 1 citi meta d and g neutral atlantic point dollars 60 meta point cut to dollars 74 from dollars 14 cs aapl point cut to dollars 55 barclays nflx point cut to dollars 82 gs,1 +2022-10-26,spx tried to breakout after holding 3838 early this morning now reversing back lower again possible we dont see a bigger move until after aapl amzn earnings on thursday tsla if it gets back to the highs it can run to 240 by tomorrow nflx best to hold 300 today,1 +2022-10-13,good morning futures up slightly cpi 0 tsm eps beat .09 rev beat biib u and g to buy stifel point dollars 99 lulu ini strong buy fj point dollars 45 alb d and g to hold berenberg point raised to dollars 70 axp d and g sell citi point dollars 30 aapl point cut ot dollars 90 cs amat point cut to dollars 15 jpm,1 +2022-10-27,wow amzn missed rev esrt and beat rev est guid missed est shares down 20 percent others fslr negative 7 percent vtrx positive 2 percent intc positive 9 percent pins positive 15 percent waiting for aapl,1 +2022-10-17,weekend charts can all be found in my twitter feed from friday to today reviewed spy qqq tsla nflx msft goog meta dis esf aapl nvda amd arkk,5 +2022-10-15,charts posted ✌️ hope they are helpful in seeing both market perspectives in the weeks to come have a nice weekend reviewed spy qqq tsla nflx msft goog meta dis esf aapl,4 +2022-11-07,meta seems to be planning the first large layoff in the decade following the other faangs in this move was somewhat expected especially with such a strong stock’s price decline,3 +2022-11-30,the price of gril stock has increased by almost 100 percent from falling to 52 week lows of dollars .30 earlier this month with aggia gril started a new project to have it run the companys newest subsidiary sadot llc,1 +2022-11-03,the last few days have seen an increase in interest in dbgi the dbgi stock setting fresh 52 week lows of about 6 cents has garnered the most of the attention as the price has risen volume has also continued to rise,4 +2022-11-03,while i wait for uranium to do its thing meta has caught my attention 2015 valuation today although they are still bringing in dollars 00 billion more dollars a year vs 2015 lowest price to discounted cash of the future long shares and long call options,2 +2022-11-07,meta superinvestors’ transactions for the last 6 months such a correlation with the current price direction p s keep in mind that such information normally comes with a delay,3 +2022-11-22,falls to 2 year lows amid more software issues 🚘📉 ➡ it looks like the euphoric days for tsla stock price are over for now,2 +2022-11-03,todays stock market saw a significant increase in the price of the biotech penny stock tenx last week shares hit new 52 week lows of dollars .1257 but they have since recovered,1 +2022-11-30,the price of gril stock has increased by almost 100 percent from falling to 52 week lows of dollars .30 earlier this month with aggia gril started a new project to have it run the companys newest subsidiary sadot llc,1 +2022-11-11,spy market update as market broke many records today poke thru 100 simple moving average trapping all bears at bottom and bulls trap could be in play if market sells off tomorrow to rake option premium from bulls also to watch spx qqq amzn aapl msft,1 +2022-11-02,💼 inc avgo has a very strong 7.2 tc quantamental rating and a target price increase of 15.2 percent over the next 12 months historically income stocks such as have excelled during a economy,5 +2022-11-07,☕ corp sbux has a strong 6.0 tc quantamental rating and a target price upside of 4.8 percent over the next 12 months historically income stocks such as have excelled during a recession economy,4 +2022-11-23,tsla dollars 78.41 where will stock price be on dollars 56.78 was the price on,1 +2022-11-03,over the past few days dbgis popularity has increased the majority of the focus has been on the dbgi stock as it hit fresh 52 week lows of about 6 cents the volume has continuing to rise as the price does,3 +2022-11-14,stock market review for let’s prepare for tmrw spy tsla aapl earnings covered wmt hd se nvda amat tgt m earnings tmrw sndl tsn vlta ast,3 +2022-11-30,meta’s stunning stock decline may grab the headlines but struggles at amazon and alphabet show big tech’s aura of invincibility is no more via,2 +2022-11-01,41400 pe carry as btst price 303    ,5 +2022-11-16,have you decided on your stock the market will be going to open very soon so hurry uppp ibo is one of the best stocks to buy for long term investments check out before the price goes up gnrc olpx zyme xbi muln spy,5 +2022-11-10,stocks going up on a thursday 📈📈📈 says we could be seeing the return of the long duration trade as faang names and the broader nasdaq surge on octobers cooler than expected cpi data,1 +2022-11-22,2.1 rs 🟢 tsm lyft aapl nvda aapl light green line is s3 daily forgot to draw it did later perfect spot for reversal but messed up on this one… together with all the mas on daily to really not smart trade over hold on hope to bounce from pdc 🤷🏻‍♀️ paid,2 +2022-11-30,running a little scan through tweeter seeing more bears then bulls that is for sure having said that aapl weekly does looke ready for a good ole 1990 ass throttling,3 +2022-11-06,nflx similar look after er gap down and tried to reverse but sellers didnt let it meta may be similar but cpi n buyers will let us know soon imo,3 +2022-11-01,p and l dollars .3 thousand 👍 expected a slow day today given that it is the day before tsla got lucky on a short on the data that went my favor minor scalps on meta and abnb ah,1 +2022-11-03,spy spx 🎯 price pinned inside the swing low avwap at the 20 displaced moving average if we lose the avwap low looking for dollars 63 if we hold the 20 displaced moving average and get over the avwap mid looking for as much as dollars 79 cpi on the 10 ends the dead cat bounce scenario and we head back to october low,1 +2022-11-18,these are the charts that convince me we’re down monday qqq spy in no man’s land but these tilt the scales in my opinion can be wrong have been wrong will be wrong again but i will be shocked and wrong if we aren’t down monday slightly different more dramatic wrong 🤣,3 +2022-11-10,these 10 companies have collectively added dollars 00 billion in market cap today the nasdaq is up 7.2 percent today the most since june 2020 off the back of a better than expected cpi report tsla is up 7.2 percent today as well,1 +2022-11-21,intraday mbad snapshot breadth is neutral today with the mega caps clearly responsible for driving spx lower aapl amzn and tsla account for around 10 percent of the decline stay informed,3 +2022-11-03,good morning traders💥🎢 what a day great trading lets repeat with a tech heavy staying in our lane🤑 aapl already short fading pops to get more dollars 42 break might be huge amzn pathetic price action stay ss amd short under dollars 0 easy msft at lows dollars 20,5 +2022-11-13,daily levels for spy 401.45 to 399. .79 to 393. .69 qqq 290.35 to 288. .02 to 284. .19 aapl 152.50 to 150. .76 to 145.59 tsla 203.08 to 196. .37 to 191. .57 coin 60.98 to 58. .79 to 53. .71 nvda 163.89 to 161. .63 to 154. .80 to 148.91,1 +2022-11-24,djia spx qqq to all 3 in a megaphone 📣 note to djia breakout over upper wedge spx to big time decision next week and the distinct similarities now vs june in the tape action qqq to clearly the weakest of the 3,2 +2022-11-07,q3 earnings weaker ✅ rate hikes ✅ qt ramp in sept dollars 3 billion last week itself ✅ what’s up priced in bros sure you’ll see 🐻 market rallies margins compressing guides showing lot of uncertainty no fed pause yet and qt in motion don’t fight the fed 🚨 qqq,1 +2022-11-30,p and l dollars 20🍔 big macs today barely took any trades at the open as the market was choppy waiting for jpowell managed to scalp tsla in the afternoon after a direction was clear but got stuck in the ktra nonsensical grind back snow ah scalp for a side of fries,1 +2022-11-16,spy daily chart dollars 08 to 410 resistance every time it reaches the trend line new lows printed in 2 to 3 months qqq aapl amzn msft googl nvda,1 +2022-11-17,spy spx vix es tsla aapl msft amzn i am almost certain bears are on the wrong side of this trade that does not mean we will not have more significant lows maybe 1 or 2 into spring even if you disagree with this post watch the video pinned to my profile,1 +2022-11-09,megacaps have collectively shown downside leadership today included but the faang and mt index has signs of downside exhaustion per demark indicators also vs spx supporting a rebound for a better selling opportunity meta aapl amzn nvda googl msft tsla,2 +2022-11-03,apple goes to 107 ish and tsla goes to 155 ish thats the bottom in the nasdaq at the same time the other faang stocks will be getting crushed that is the perfect scenario to put in the real bottom in the bear market,1 +2022-11-15,last evenings notes on the stock market and todays trading proved very accurate🎯 my duties and obligations take me away at times but ill always do my best to give back and help aapl to the downside as noted nvda elevated activity nflx high volatility,3 +2022-11-02,here we are with spy and qqq within cents of where we closed some short am volatility is normal but this went as expected per tweet below will be uupdating and keeping an eye out for early scalps if they avail if not np,4 +2022-11-07,options trading watchlist🤑 aapl 145 calls dollars 36.6 nflx 235 to 250 puts dollars 64.5 amzn dollars 9.7 will be monitor am activity and will revise as needed big market week cpi data fed speakers mid term elections ready to go flow via unusual whales,5 +2022-11-10,good question in last nights insiders✉️ i set 7.8 percent or better cpi and 6.3 percent core as benchmarks tho unlikely for which the markets would be 🚀 we got 7.7 percent and 6.3 percent meta aapl googl amzn all names are up broken record here but macro data is the tide for markets see 👇,3 +2022-11-08,🔎 stocks plan tsla main demand zone dollars 80 short term bearish amzn main demand zone dollars 0 short term bearish meta main demand zone dollars 0 short term bearish nflx main demand zone dollars 50 short term bearish,1 +2022-11-10,💰hope you are banking💰 nflx 💰itm 💰 pypl 💰itm💰 afrm 💰itm 💰 spy 💰itm 💰 spx 💰itm 💰 amd 💰itm 💰 nvda 💰itm 💰 goog 💰 crm 💰itm💰 join us 1 month free for new members 👉,1 +2022-11-07,options trading watchlist 🤑 amzn dollars 0.05 aapl will update nflx will update if early weakness aapl could present a better low for entry will update in thread on nflx or aapl big volatile week dont force to be smart flow via unusual whales,1 +2022-11-30,aapl just missed hit dollars 40.55 entry was set for dollars 40.15 np amzn may move up yet their announcement was a sell off trap early tsla likely to add a scalp but action is slow right now not forcing qqq and spy are about as sideways choppy as it gets atm,1 +2022-11-20,spy made this prediction 6 months ago the low so far is dollars 48 dollars off my original prediction based on the amount of work i put i am still working on refining my execution given this wild market qqq tsla aapl amzn msft,1 +2022-11-29,notice how entire market upticked hard once aapl held key 140 level not a coincidence once that finds a low all will go 🟢 amc qqq spy djia aapl,1 +2022-11-01,what happened overnight spx negative 0.75 percent nasdaq negative 1.03 percent losses driven by communication and tech names spike in ust yields 2 year traded north of 4.50 percent before reversing to 4.48 percent dollar index rose to 111.60 triggers fed on wednesday jobs data on friday and midterms elections,1 +2022-11-30,daily recap powell delivered downtrend ahead on the spy but massive candles all over aapl tsla googl nvda nflx meta etc feels like the chase is on,3 +2022-11-16,🚨theta thursday🚨 spy huge falling wedge to calls over 396.27 puts below 394.5 nvda up on er after hours to calls over 162.72 with a gap to fill above puts below 158.74 msft huge cup and handle on the higher tf calls over 243.65 puts below 239.23 meta puts below 112.67 120❤️🔁,1 +2022-11-13,apple aapl microsoft msft google googl amazon amzn and meta now make up 18.68 percent of the SP500 500 spy down from their peak of more than 24 percent in september 2020,1 +2022-11-05,on nov 2 spx equals 3840 down 20 percent from ath many qqq and ndx mega tech companies already plunged from 50 percent to 75 percent meta nflx nvda fri spx equals 3770 mega tech companies meta equals negative 74 percent spx consists of 11 sectors xle energy up 60 percent ytd helped spx not down negative 40 percent 👍,1 +2022-11-18,wanted to share some of my mid day scans with you guys inside bars forming on the hourly ❤️if this interests you aapl amzn baba meta csco cmcsa uber dis wfc jnj,5 +2022-11-30,qqq meta nvda blessing to all of you link in bio if you want to join me live in my room or if you prefer swing ideas then check out link in bio have a beautiful evening love all of you,5 +2022-11-15,wmt buyback strong guide 146 and 144 for dip buys gap up for chinese names baba 80 could be a barrier early amzn breaks 101 while chips continue run intc 30 dip buy tsm big gap patience see 80 at open pegy nio nflx,3 +2022-11-02,day so be patient amd data center was the win breaking out from 62.50 intc til 29 short still 28 for dips abnb poor guide shorts to 107 li gapping big 16.50 still big resistance nio lagging but 10 still there sonn tup sofi,2 +2022-11-18,jd beats all around while baba singles day have it lower longs above 50 ma 58.40 on former fl and gps with strong q like 35 for the first panw is expensive but trends anyways amd strong lets end the week right wsm meta abnb,3 +2022-11-28,pdd big beat on earnings 73 dip support aapl beloww 50 ma on daily on more concerns of iphone 14 shipments 147 for resistance today strong black friday has amzn testing recent 95 level short til it breaks tbla mics tsla,2 +2022-11-10,most notable SP500 500 performance detractors qtd have been apple amazon meta microsoft alphabet and tesla subtracting combined 2.5 percent while “old economy” stocks have staged a spectacular comeback with financials oil and health care dominating,5 +2022-11-23,qqq cloud has crossed in to the looks similar to the run up in august some legs up potentially in to dec cpi and fomc spy upper bbs conveniently located at daily 200 moving average the things that make you say hmmmm,4 +2022-11-21,some trades from watchlist tsla big winner hit 167.50 lows ardx stuck in tight range all day .10 couple small scalps pxmd 2 to 2.30 low volume not much strength nvda 150 to 154.77 amd was stuck in tight range too nflx 295 to 283,2 +2022-11-27,spy qqq dia 1 million spy to situated right at the key tl qqq to removed from tl still needs over and 15 percent upside to print higher high dia to monthly breakout down only 5 percent from ath,1 +2022-11-10,nasdaq 100 index qqq soars 7.5 percent in biggest gain since march 2020 the SP500 500 spy jumped 5.5 percent its biggest one day gain since april 2020 amazon amzn closes 12 percent higher most since february,1 +2022-11-04,that was like 4 trading days in one today what a crazy market but us dollar staying weak and vix soft the key part here mega cap tech nice reversals too to close on highs nasdaq higher next week would surprise many still in nysi bull mode so need to get over 3800 next,2 +2022-11-17,amzn way below its 50 displaced moving average tsla way below its 50 displaced moving average meta way below its 50 displaced moving average goog right at its 50 displaced moving average msft right at its 50 displaced moving average either the first 3 got catching up to do or the latter 2 will pullback i’m willing to bet goog and msft pulls back here fwiw,1 +2022-11-15,coz crypto is not in spy 80 percent tech stocks are less than 20 percent weighting of spy tech layoffs boost spy margins housing had minute effect on spy worst earnings since 20 compensating for record earnings in 21 spx spy qqq iwm,1 +2022-11-22,aapl trading above 50 displaced moving average msft trading above 50 displaced moving average goog trading slightly below 50 displaced moving average meta trading below 50 displaced moving average amzn trading way below 50 displaced moving average tsla trading way below 50 displaced moving average qqq trading above 50 displaced moving average for reference some divergence that could yield a few percent points on reversion fwiw,3 +2022-11-02,three alerts posted yest decent win overnight ⭐️⭐️ abnb 90 puts dollars .50 closed at cost⭐️ spy 374 puts dollars .18 dollars .75 to 50 percent ⬆️⭐️ tsla 215 puts dollars .24 dollars .10 to 60 percent ⬆️⭐️ set notifications on for more 🚨 thank you ❤️❤️ qqq aapl amzn meta baba googl msft amd,1 +2022-11-08,tomorrow’s watchlist spy gap down anywhere between 378 to 380 we look long imo red to green move would be nice remounted ema’s on the daily chart under 378 and back in chop zone long nvda shop aapl short tsla pdd long and short sq nflx,2 +2022-11-15,tomorrow’s watchlist spy with a bit of a bearish daily reversal candle today ppi data releases pre market tomorrow something to keep an eye on as well as wmt earnings really like the look of tsla bear flag on the daily under 190 sbux amd aapl pypl meta,4 +2022-11-17,market moving up on low volume but not seeing a conviction play if closing is weak expect a gap down tomorrow all depends on how market close staying cash spy qqq aapl amzn tsla meta nvda,3 +2022-11-05,⭐️⭐️last midterm elections spy qqq performance nov 62018 ⭐️⭐️ nov 42018 nov 6 2018 spy moved from dollars 54.38 to 263.52 to 5 percent ⬆️ qqq moved from dollars 62.50 to dollars 71 to 6 percent ⬆️ ⭐️⭐️tech stocks beaten down possible big rally coming next week ⭐️⭐️ aapl amzn msft googl meta,1 +2022-11-04,i think tomorrow gap up and sell off everyone is super bearish so market does opposite lets see spy qqq aapl amzn tsla,1 +2022-11-12,the market rally soared on tame inflation data with the nasdaq having its best week since march the nas and SP500 500 decisively cleared their 50 day lines while the dow and russell 2000 topped the 200 day tsla anet pstg mbly flex four aapl,1 +2022-11-05,performance of 7 of the top 15 spy holdings since it’s all time highs meta negative 77 percent nvda negative 60 percent amzn negative 53 percent tsla negative 50 percent msft negative 37 percent goog negative 37 percent aapl negative 25 percent spy negative 21 percent sooooo in other words if they removed all 7 from the index spx easily 5000 now laugh,1 +2022-11-18,looks like is bullish for next week seeing many bullish posts i wish it was that easy to make a decision spy qqq aapl amzn tsla amd,1 +2022-11-04,next week major events coming to mid term elections and cpi numbers market will move big on either direction i am expecting big move on tech stocks post these events 1000 percent move coming i will continue to monitor flow and post here if interested ❤️ do not miss spy qqq aapl,2 +2022-11-01,my thoughts post fomc tomorrow market is in uptrend so any news expecting upside action first followed by sell off i see spy going to retest 390 level at some point followed by dump at close spy 378 to 390 range for tomorrow lets see ❤️ qqq aapl amzn tsla meta amd,1 +2022-11-29,meta goog amzn msft tsla aapl nflx nvda if markets behave today i’ll go long all the faang names just for a daytrade leading up to tomorrow morning,3 +2022-11-09,video 📽️ mid week stock market analysis spy qqq iwm smh ibb xle tsla aapl etc ⚓️vwap view here 👉👉👉 👈👈👈,1 +2022-11-13,traders café chartbreakers sunday 13 november 2022 aapl adbe algn dish hd intc ivz meta mhk mktx pypl wba gspc,5 +2022-11-23,nflx amzn goog all three beautiful setups actually pointed out by a stat memeber before i even hit the charts we’ll see what minutes does but those three are pointing higher,4 +2022-11-21,market is choppy and in range past few days no point in chasing trades now fomc meeting mins of wed could see a change in trend spy spx qqq iwm dia aapl amzn,1 +2022-11-03,all tech earnings gains wiped out within an hour of the fed speaking imagine fighting hard for 90 days to prove to wall street youre business is thriving and then one comment wipes out all that effort in an hour tsla aapl goog amzn meta nflx,1 +2022-11-26,its been a while i have done chart request please post the ticker that would like me to check charts and flow limit two per person plz spy qqq aapl amzn tsla,1 +2022-11-05,the market rally suffered significant losses last week with a hawkish fed tumbling tech titans and crashing cloud software stocks all acting as headwinds aapl meta msft amzn tsla twlo team,1 +2022-11-07,suchhhhhhhhh a weirddddddddddd dia spy qqq bounce with typical leaders like tsla amzn completely failing to join in whatsoever this is going to be one helluva trading week and end of the year 2022 be ready for more wackiness,1 +2022-11-10,the dia spy qqq look strong af solid bounces by long lost leaders like amzn goog aapl and even one of the worst managed funds in history arkk is bouncing laugh youre saved cathie seriously if i was a short seller id be shitting in my pants and lose any hair id have left,1 +2022-11-07,who else cant wait for trading tomorrow should be an ugly open given the negative meta aapl news this weekend perhaps the dia spy qqq panic i still think we need before any lasting bounce be ready for some volatility this week whee,1 +2022-11-15,nasdaq opened positive 2.4 percent and is positive 12.3 percent over past 30 days with tech companies trimming the fat and inflation appearing to be subsiding and fed possibly slowing pace of rate hikes and midterms over and political seats established do you think tech bottomed and is now otw up,1 +2022-11-09,no fng clue what happens in the the next couple days but if the qqq and spy dont test the lows and effectively shake off most of mega cap tech shtting the bed and going bankrupt in a week then look out above,1 +2022-11-29,watchlist for november 29 meta watch for a reaction at 108.5 or a push towards 113 tsla watch for acceptance over 187 for the move to 200 jets watch for buyers in the 18 range amzn break below todays lod triggers puts to 90.5 spy 395 is the talk of the town tonight,1 +2022-11-14,good morning ☀️ traders 1 amd pre market rally on upgrade 2 tsla coin and aapl soft 3 london no longer the biggest stock exchange in the europe overtaken now by paris 4 fed waller warns the market to not get carried away by one cpi report says long way to go,1 +2022-11-10,🚀 sharp gains across technology stocks today added a combined dollars 68 billion in market capitalization aapl positive 7 percent msft positive 7 percent amzn positive 11 percent meta positive 10 percent nvda positive 13 percent,5 +2022-11-15,with weakness in the market amid wider tech layoffs and recession concerns if the markets qqq and spy are weak aapl will provide an opportunity to the downside seeing where we open will be important but there should be adequate volatility through the am,3 +2022-11-05,it is interesting watching the generals implode amzn aapl msft goog but the soxx such as amd and nvda have made three weeks of higher highs,3 +2022-11-29,and thats a wrap on a very slow day gdp and powell tomorrow will set the tone going forward amzn aapl tsla very weak ba cat looking good hagn,2 +2022-11-28,first aapl destroyed fb meta now it messing with tsla twtr apple imo is very expensive lot of funds hiding in aapl for now but soon i think this stock could trade 70 dollar now 145 i am avoiding apple won’t touch it,1 +2022-11-14,mostly quiet day digestion day after a big 2 day run spy closing on the lows pmi pre that is the big driver pre nflx meta gave great trades cvx xle new aths have a good one,3 +2022-11-06,charts will be posted in a little i will be reviewing 👇 spy spx qqq aapl amzn amd msft leave a like if you want to see these charts ❤️ this week is going to be legendary 🔥,5 +2022-11-08,with the nasdaq trading very close to its bear market lows and the SP500 500 barely able to eclipse the 50 day line this has essentially been a dow 30 rally even the beat up fang names and the bottom fisher index arkk are stuck in the mud election results tonight,1 +2022-11-22,with vix dropped off so hard it actually makes sense to play both ways in this market up and down on aapl googl amzn snow meta spx a week out and we will get a move and direction will be fabulous i think not playing it this way yet just a thought,2 +2022-11-03,nice to see meta msft amzn and goog hit new 12 month lows without confirmation from the indices we have needed big cap tech to catch up to the downside for a long time,4 +2022-11-28,very quiet slow day steady bleed down after the opening 7 minute tues tsla showed strength aapl nvda amd very weak msft as well we could chop into gdp on wed am hagn,2 +2022-11-07,⚡️insiders short notes this evening as is common for a sunday aapl market impact and opportunities to target outlook to mid terms and cpi more this week,4 +2022-11-10,relentless buying and short covering today smh huge day aapl amzn meta throw a dart spy 396 then 400 then the 200 days are my targets now hagn,1 +2022-11-16,amd recent run from 60 to close to 80 nvda big earning runup trade also up 50 percent from recent lows ideal to wait for best risk reward entries now post earnings and let things settle dec fed will be key as well for smh chip sector with market,5 +2022-12-07,vani stock has been rated as a buy by analysts at thinkequity with a dollars .00 per share price target this would be an increase of 302 percent from the stocks most recent closing price of dollars .74,1 +2022-12-07,from neutral to buy citigroup analysts now rate the stock of rigl a dollars .00 per share price target was also set by the bank for the rigl stock it is currently dollars 17.7 over its dollars .92 previous closing price,1 +2022-12-07,canaccord genuity group has a buy rating and a dollars 7.00 share price objective on the ymab stock when compared to its most recent closing price of dollars .31 this aim is 526 percent higher,4 +2022-12-27,aapl tsla googl msft amzn collectively down 50 percent since spy peak want to fck the most bears and bulls over next quarter this is how it plays out,1 +2022-12-13,price is inside the triangle pattern,3 +2022-12-08,spy will the pattern hold yet again ✅rsi is cat on the wall ✅macd is bearish ✅sma 200 bearish still but trend intact and now if cpi comes cooler there is some upside imo,4 +2022-12-06,a lot has happended overnight ended 500 points lower tesla and amazon and netflix saw cuts pepsico announced layoffs ism non manufacturing pmi looks good fed policy to not sure now down 75 points asian markets mix,1 +2022-12-16,next week bears be ready bulls ready to…… kick …… spy 😉😉 amc amc tsla coms meta amd msft sqqq qqq li pdd baba mmat riot mara btc,5 +2022-12-22,a tsla for christmas take a look to the price reduction for the car and the stock btw the reduction in price for the car will finish any inventory,4 +2022-12-13,told you to overnight tsla nflx into told you we would gap up this morning big told you to long tqqq and short sqqq 2 months ago expressed in chat what i think the will do tomorrow just with a few my comments you pay for your portfolio should up huge,1 +2022-12-07,tesla stock vs byd stock tsla falls on new china price cut byd eyes european plant 🇪🇺 🇨🇳 ⛅ ✂️ ,1 +2022-12-07,canaccord genuity group has a buy rating on ymab stock and a dollars 7.00 share price objective since it just closed at dollars .31 this aim is 526 percent higher than that price,1 +2022-12-07,thinkequity analysts have a buy rating on vani stock and a dollars .00 per share price objective from its most recent closing price of dollars .74 this would be an increase of 302 percent,1 +2022-12-07,citigroup analysts changed the stocks recommendation from neutral to buy the bank also set a dollars .00 per share price target for the rigl stock it has risen by over 117 percent from its previous closing price of dollars .92,1 +2022-12-07,analysts at craig hallum have rated ehth stock as a buy with a dollars .00 per share price target in this scenario achieving that aim would imply an increase of 45 percent from the stocks most recent closing price of dollars .15,1 +2022-12-07,the meta meta stock price goes down due to criticism from the company’s oversight board and regulations from the eu 📉,3 +2022-12-28,🙏💸 plce in downtrend its price expected to drop as it breaks its higher bollinger band on august 16 2022 view odds for this and other indicators jfk cemi spy tsla shop amzn nvda roku aim aapl amd,1 +2022-12-21,58 seconds spy qqq daily on top 15 minute below bounce in downtrend important confluence of ⚓️vwaps on spy daily blue equals avwap summer low red equals summer high avwap green equals avwap ytd low orange equals avwap covid low declining 5 dma orange on 15 min charts says dont trust,1 +2022-12-29,10751 to 831……897 to 976 pp 10750↕️ gap 679 support ⬆️ dax mit sl 50 p ….13839 long nasdq mit sl 100 p10524 long w… w…w……,5 +2022-12-04,follow for free stock analysis articles can market sentiment sustain nus recent price increase —diversified,4 +2022-12-05,aapl last week i mentioned that i am watching aapl as it was the one who didnt do much and wasnt getting closer to our targets while msft nflx and nvda have performed well here is the latest on this,4 +2022-12-04,qqq big tech weekly chart 📈📉 update 🧵 first edition 👀👀👀 starting today we will take a quick look weekly at aapl amzn goog meta msft nvda tsla starting with qqq clear 2022 downtrend to gaps on both sides s and r area needs to break one way or the other 📈📉,3 +2022-12-11,qqq weekly big tech chart 📉📈 update 🧵 👀 aapl amzn goog meta msft nvda tsla this week i’ve added a 1 hour chart to each post,1 +2022-12-01,spy and qqq monthly with ppo on bottom as you can see this is the 1 time since ‘08 that the medium trend has turned negative and we entered this bear market even more overbought than then study,1 +2022-12-11,magma to ytd perform meta negative 65.5 percent aapl negative 19.5 percent googl negative 35.9 percent msft negative 26.3 percent amzn negative 46.6 percent i see amazon as especially vulnerable into 2023 with an inflation bitten us and global consumer,1 +2022-12-01,stock is facing resistance at 200 expontential moving average and a trend line as well above 420 it is a good buy we can expect the price to go upto 450 only for education purpose,4 +2022-12-07,tsla and amzn two power hour stocks and two are at great dip buys if we have good cpi data next week i see these areas the best possible entry if the cpi data is bad then watch for new 52 week lows next week is the deciding factor,3 +2022-12-18,qqq big tech weekly chart 📈📉 thread🧵👀 this week we will take a look at the weekly daily and hourly charts for aapl amzn goog meta msft nvda tsla qqq broke the recent bottom tl and headed for a potential gap fill down 3.97 percent last week will it continue,4 +2022-12-17,nyse breadth much worse than sp off negative 1.1 percent this pullbk of negative 6.6 percent is now abnormal using ftd signposts data per my gen mkt update st trend down and a test of oct lows or worse seems to be in the cards spy qqq,1 +2022-12-27,spy and qqq monthly with ppo oscillators short medium and long term trends on the bottom the qqq is currently sitting on it’s 50 ma this will be a key level to watch going into the end of the month,4 +2022-12-27,if i had told you at the start of the year that this would be the annual performance for aapl amzn meta googl tsla nvda msft nke dis hd bac jpm what would you have guessed to be the spxs annual performance i bet not negative 20 percent and yet,3 +2022-12-05,while some segments of technology have rebounded sharply e g semiconductors up 32 percent from october lows the qqq has lagged held back by amazon tesla and apple its notable that since mckenzie scott sold her first share in fourth quarter 2020 amazon has lagged the qqq by nearly 50 percent,2 +2022-12-27,qqq spy the SP500 in comparison to the nasdaq was much stronger today tech still points to more downside consolidating lows all eyes on qs into tomorrow but i think we need to be watching for an influx on volume and sellers soon for spy,3 +2022-12-21,breadth update before the close spx is having a 93 percent upside day with aapl leading the index higher although today is clearly one sided index correlations remain relatively low,3 +2022-12-30,qqq and other tech names gapped up in pre market today led by tsla and nflx while the rise continued during regular trading hours qqq has not yet reclaimed the key level of 270 with a half day of trading on friday its good to keep position sizes small,3 +2022-12-27,unless things get crazy and the markets qqq give it all up specially as aapl pulls back closer to dollars 05 tsla should hold anywhere between dollars 0 dollars 10 key words being if the whole markets dont cave in its just reversion to the mean faster they go up faster they come down,1 +2022-12-29,aapl msft amzn tsla the top 4 in the spx people that keep saying weve bottomed to do these looks like they have bottomed or do we still have one more big leg down,5 +2022-12-21,tech stocks remained weak despite gaining momentum later in the day if aapl amzn and nq can reclaim key levels they can move higher however if nq fails to hold above 11250 11000 can be backtested qqq spy spx,3 +2022-12-28,spy looks pretty ledgy to my eye a ledge is a pattern where a stock and market breaks and cant rally we had a big volume break in the market 2 weeks ago very little rally equals bad sign qqq looks worse and megacap names aapl amzn tsla at new lows,1 +2022-12-07,spx intraday market breadth is split with mega caps dominating the spot price under the surface todays action is all about aapl and tsla stay informed,4 +2022-12-28,googl under ema and cant get over if spy sells googl can catch up imo amzn aapl tsla at lows googl 4 or so from that 83.50 spot 87 to 85.5 to 83.50 down 88.94 to 90 to 92.50 up note it has been relatively strong but expecting a 90 test or retest seems inevitable imo,2 +2022-12-20,amzn on the other hand is a bit more tricky i started dca into it today but there is a possibility with the markets qqq getting ready for a leg lower that this may see dollars 0,3 +2022-12-27,aapl on the other hand does not look pretty if it indeed comes down to my target of about dollars 05 that should bring the whole markets down with it qqq so potential more pain lies ahead for the markets,2 +2022-12-02,here are two non bias charts created by finviz as you can see spy is topped off the problem is like i said before tech names that dropped to er tsla amzn meta has qqq lagging qqq will drag spy up just a tad tad bit more and we officially top off very very soon,2 +2022-12-23,weekly charts of tsla and aapl very similar will it play out like did and play catch up to the downside if so more pain for the markets ahead qqq,3 +2022-12-28,qqq fell due to weak performance from nvda and tsla with other tech stocks also declining qqq broke below a key support level of 270 and needs to reclaim it for an upside trade consider calls above 267 or 270 or puts below 263 for continuation of the downtrend qqq nq,2 +2022-12-15,msft met dollars 63 nvda reached dollars 90 and nflx has done dollars 30 i dont have any hope on tsla right now and i am watching aapl to break below the triangle which i shared earlier,1 +2022-12-27,if spy and qqq see another bear market low early next year here are targets for msft aapl googl and amzn while these charts reflect different dates for that next potential bottom i am assuming they would all likely come in about the same time mid february to early march,2 +2022-12-21,options trading watchlist ✅ meta 114 to 115 puts dollars 18.9 amzn 84 puts dollars 7.25 not sold on market strength still seeing weakness in spy and qqq updates in the am flow via unusual whales pls see all images,1 +2022-12-01,market recap the market is now betting on an end to rate hikes and is it a trap and apples plan to dominate commerce and speech in america and elon musk brought tim cook down to his knees and charts spy qqq iwm dxy gdx tlt oih vix aapl tsla btc,1 +2022-12-04,qqq tech has been lagging behind the dia and spy for a couple of weeks now but starting to tighten up a bit break of 293 and theres upside targets into 303,3 +2022-12-14,daily on top 15 min tf for last 2 wks to bottom spy high was almost exactly ytd ⚓️vwap smh fell short of its ytd and qqq the laggard on daily 15 min tf below mtd ⚓️vwap was support 2 times intraday for spy and qqq while smh shows rs by finding buyers wtd avwap,1 +2022-12-20,options trading watchlist ✅ meta 110 puts dollars 16.20 nvda 155 puts dollars 65.3 aapl 136 to 137 calls dollars 32.9 aapl nearing 52 week low still seeing overarching weakness in the spy and qqq updates in the am flow via unusual whales pls see all images,1 +2022-12-04,spy another view by looking at macd indicator bullish case starting oct 2 week till now black line never crossed red line we are very close to start shorting the market wait for macd crossover till then enjoy the santa rally qqq aapl iwm dia meta tsla,1 +2022-12-04,qqq is not just a tech etf it is a tech heavy etf with almost 50 percent tech but it has 15 percent consumer cyclical stocks and 8 percent healthcare stocks we expect the aapl goog amzn tsla nvda etc to be in the top 10 holdings but did you expect pep and cost in the top 10 😀 🤷‍♂️,3 +2022-12-28,i walked ok the beach market held up but tsla fading more and aapl about to crack too spy most likely will find new lows early next year especially feb fomc fourth quarter earnings revisions and pe ratio multiple compression coming the bottom of ocean 🌊 marks bottom of the spy,3 +2022-12-13,options trading watchlist 🤑 wmt 150 calls dollars 47.7 meta 107 to 108 puts dollars 16.9 amzn dollars 0.70 tsla am update lots on deck for a volatile am will review and update as we likely gap on cpi data flow data courtesy of unusual whales see thread,3 +2022-12-19,spy and qqq selling off my bias entering this week was remains theres market weakness the overarching idea on all trades here is to fade short against any rally up growth being beat up banks and financials wfc jpm resilient amzn and meta down as projected,1 +2022-12-22,options trading watchlist ✅ nflx 295 puts dollars 05.05 tsla 145 to 146 calls dollars 36.9 amzn dollars 8.1 may have one more name for the am will review and adjust then flow data via unusual whales please see imgs,1 +2022-12-04,spy to sometimes the basic indicator like macd works like a charm june 27 to aug 22 spy moved from 380 to 425 12 percent and 🟢⬆️ aug 22 to oct 17 spy down from 425 to 352 15 percent and 🩸⬇️ oct 17 till date spy up from 352 to 410 13 percent and ⬆️🟢 aapl amzn tsla meta googl qqq baba,1 +2022-12-07,spy gap ups are opportunities to short this market if market moves up post cpi numbers good to short we are at beginning stages of selling imo qqq aapl amzn tsla amd nvda baba,1 +2022-12-27,good morning traders market trying to stay green but will it aapl looking at that dollars 30 level again here test it and we will take long tsla looking to try and catch a bounce off dollars 15 l nio ss here at dollars 1 on revised demand meta dollars 20 huge level party on,3 +2022-12-16,spy sma crossover for the first time after oct 24 market could go down much further and see new lows by feb march 2023 if this trend follows,3 +2022-12-31,2022 was a terrible year for some of the biggest companies in the world these companies seem more important than ever to keep spy alive and prevent it from a painful start 2023 aapl tsla msft meta nvda nflx googl charts below 👇 let me know what you think,1 +2022-12-12,watchlist 📝 🚨cpi on fomc on 🚨 msft calls can work above 257 puts can work under 242 nflx calls can work above 330 puts can work below 300 tsla calls can work above 176 puts can work under 169 es nq spy spx qqq,3 +2022-12-13,watchlist 📝 🚨cpi on 0 am est fomc on 🚨 aapl calls can work above 152 puts can work under 141 nvda calls can work above 179 puts can work below 164 tsla calls can work above 182 puts can work under 166 es nq spy spx qqq,1 +2022-12-12,the nasdaq rallied 1.26 percent and we saw notable strength in two of our holdings wing okta despite the strong index gains net lows increased on the nasdaq also oddly the vix jumped by 9.6 percent clearly investors continue to position ahead of tomorrows cpi 0.4 percent m and m consensus est,2 +2022-12-22,📈 spy cpi gap still open and we rallied off the spending bill approval here into close 3820 on spx was recaptured along with the 9 expontential moving average although the bears seem to be strong there were some bullish bets into chips and tech before the rally pce out tomorrow 382 break needed,3 +2022-12-28,tsla pre covid high dollars 4 today dollars 09 aapl pre covid high dollars 0 today dollars 30 msft pre covid high dollars 86 today dollars 37 goog pre covid high dollars 6 today dollars 8 amzn pre covid high dollars 09 today dollars 3 meta pre covid high dollars 24 today dollars 17,1 +2022-12-06,amd 💰itm💰 over 260 percent meta 120 puts 💰itm 💰over 420 percent tsla 175 puts 💰over 500 percent spy over 💰600 percent msft 💰itm💰 over 120 percent coin 💰itm💰 over 100 percent goog 💰itm💰 over 140 percent aapl 140 puts 💰over 85 percent joiin us 1 month free trial,1 +2022-12-12,stocks insights for week i take a look at indices macro individual names and events that are ahead this week spx nvda smh nflx enph fslr tan amat ba hd mdb amat celh,4 +2022-12-21,big tech and generally recognized market leaders catching bids after hours can imply today’s move is not done expecting futures to open higher based on ah price action so far if prices hold into open higher probability that dd drop from yesterday is in play 💻 qqq spy dia,4 +2022-12-01,spy aapl msft tsla nvda same synced up look on all names how they move with market not random also not vix bounce from 20.30 area mentioned and inverse on names,1 +2022-12-24,many have said its unthinkable and impossible but some of the big names have proved so personally i cant phathom aapl back to 50 but seems like msft goog has some room this puts spy under 300 before we bottom monthly charts so far showing engulfing pattern,1 +2022-12-16,apple aapl is the second most oversold of the big tech stocks at the moment at close to two standard deviations below its 50 dma meta nflx adbe msft and nvda ended yesterday above their 50 dmas but well see how things shake out after the open,2 +2022-12-22,mu cutting costs but missing top bottom not great line at 50 chinese adrs up as a group baba eying 90 break 92.50 and 95 resistance points intc 27 resistance still nflx strong 305 next with 296 dip and to come op tsla,3 +2022-12-15,post we find elon sold tsla shares again if 155 can hold could see 150 next short isnt til 160 nvda rejected 200 ma on daily 174 and 180 for resistance abnb big level 91 bottom and same intc 27.85 to 28 snap mrna nvax,1 +2022-12-13,waiting game til data seems risk would be if hot not cold amzn levels 91.50 for big break on up move and 87.50 if we dip nvda has the 200 ma on daily at 180 orcl beat but missed guide 84.60 big resistance ba ncpl mrna,3 +2022-12-13,even though the cpi and the fed rate decision are front and center this week it is still a quadruple options expiration week this is a week of institutional game playing expect more choppiness this week spy qqq dia smh,1 +2022-12-27,aapl this stock took out its june 16 low of dollars 29.04 and made a 52 week low today at dollars 28.72 but the nasdaq did not make a new low today maybe some foreshadowing,3 +2022-12-28,so far everything is where i want it a better looking tsla and aapl than yesterday the market needs big cap tech to show up and trade well and the rest will take care of its self,4 +2022-12-20,tickers on sale baby 👀 ✅👇🏼🙌🏽 meta high dollars 84 currently dollars 15 msft high dollars 49 currently dollars 40 tsla high dollars 14 currently dollars 41 spy high dollars 79 currently dollars 79 amzn high dollars 88 currently dollars 5 nvda high dollars 46 currently dollars 61 qqq high dollars 08 currently dollars 69,1 +2022-12-05,nvidia tesla google or just spy the market will get more efficient and that will reflect in the index,5 +2022-12-02,an equally weighted combo of the current and former trillion market cap club members aapl amzn googl msft meta tsla is down 37.6 percent ytd vs negative 14.6 percent for spy and negative 5.4 percent for dia mega caps dragging,2 +2022-12-05,big week a head cpi and fomc coming next week market will move big in either direction expecting spy to move dollars 0 by end of next friday spy 380 or 420 possible will share my next big strangle play this week lets get 1000 percent winner again qqq aapl amzn tsla amd,5 +2022-12-23,the legendary hedge fund manager david tepper said today he is leaning short don’t fight the fed he says aapl amzn and tsla r all below oct lows now i’ve been saying for a while long only spx won’t work anymore unless u plan to ignore mkts for 10 year s u need to be active,1 +2022-12-12,if market goes up tomorrow post cpi or fomc its a good chance to short market again for jan or feb expiration spy qqq iwm aapl amzn tsla,3 +2022-12-31,you just need to focus on major events like job numbers gdp fomc cpi fomc to make extra money on options in 2023 thats where we see the volatility spy qqq aapl amzn tsla nvda amd,3 +2022-12-24,the market rally had a mixed week the SP500 500 was unable to hold wed s move above the 50 day but the indexes did close off thu s lows the nasdaq fell solidly as growth titans such as tesla and nvidia tsla nvda aapl four celh pi box enph,2 +2022-12-16,video 📽️ stock market video analysis for week ending spy qqq aapl tsla mp dis rblx sig gfs view here 👉👉👉 👈👈👈 ⚓️vwap hagw 👊,4 +2022-12-16,market will give opportunities again and again dont give up on trading save your capital and wait for next opportunity spy qqq iwm aapl tsla,1 +2022-12-20,so much red in the overall markets seeing great names down over 40 percent from all time highs tsla amzn the scary part is we still have more room to go down in my opinion i still believe spy has room to go to low 300’s in the next 12 to 18 months unless macro condition changes,2 +2022-12-28,potential bearish engulfing day forming on spy qqq couldnt even take out yesterdays high because its so weak its still early but will be on watch also nasdaq comp volume inline so far with yesterdays distribution day,3 +2022-12-24,the generals of the army get shot in the end one by one the darlings are getting mauled by this 🐻 adbe amzn meta msft nflx nke nvda pypl etc were murdered earlier tsla saw the ghost this month and now they are coming after the big one aapl chart,1 +2022-12-04,most of the potential big winners 500 percent and or 1000 percent and can be seen if you take it all the way till the end my spy straddle alert on wed printed 1000 percent and 402 calls and 390 puts one of my follower made it 💰 lets get some more in following weeks set 🚨 on qqq aapl meta amzn tsla amd,5 +2022-12-19,most important stocks by weight in spy and qqq are aapl amzn msft amzn is back to falling knife aapl approaching fear low dollars 28.65 there can be no confidence in a broader market bottom as long as the main generals are without supports,1 +2022-12-11,⚡️weekly watchlist⚡️ ✅ spy 📈c 398 to 400 📉p 390 📱 aapl 📈c 144 📉p 140 ⌨️ meta 📈c 117.5 📉p 114 to 112 💸 nflx 📈c 323 📉p 317 🩸 goog 📉p under 91.6 💙300 likes for my fav play🚀 🟢lets kill this week have notis on⚡️ cpi and fomc week be careful,1 +2022-12-22,⚡️insiders video tsla meta nflx xom to market action for the spy and qqq to the omnibus bill to retesting a range and more video uploading now email out within the hour will note here when it goes out 🙏,1 +2022-12-13,shares of some big tech cos rise premarket after november cpi data apple up 3.5 percent meta up 5.7 percent netflix up 3.7 percent alphabet up 4 percent microsoft up 3.9 percent tesla up 4.8 percent aapl meta googl msft tsla,1 +2022-12-07,another very very messy slow day spy trading between the 100 and 21 days and range bound right now aapl tsla weak nvda held in well see what tomorrow brings,1 +2022-12-16,good morning quad witch today futures down meta u and g to overweight jpm point raised to dollars 50 from dollars 15 wynn signs 10 year agreement in macau adbe point raised dollars 80 from dollars 45 piper len point raised to dollars 10 keybanc wmt d and g neutral fubon point dollars 61 amzn point cut dollars 30 jpm,1 +2022-12-06,good morning futures mostly flat tsm to triple us chip investment to dollars 0 billion n to serve apple others ge u and g outperform opp point dollars 04 el u and g buy db point dollars 66 stld d and g neutral ubs cag d and g sell db point dollars 4 sam d and g sell db,1 +2022-12-21,mega cap forward multiples using consensus eps estimates as of amzn 27.75 x ‘24 earnings msft 21.66 x ‘24 earnings nflx 21.24 x ‘24 earnings aapl 19.57 x ‘24 earnings tsla 19.55 x ‘24 earnings googl 14.22 x ‘24 earnings meta 12.03 x ‘24 earnings,5 +2022-12-09,no trades today waited for spx 3975 but every move felt like a trap i liked nvda nflx but didnt want to chase patience desire to see action hagw 40 thousand week bal unchanged from thurs 170 thousand 200 thousand incoming 🚀,1 +2022-12-13,gap up 🚀 no position into today but congrats to those who had calls spx 4100 qqq 293 big areas to see hold watching for any b and t and individual names nvda mrna nflx fomc tomorrow expect volatility,1 +2022-12-18,alright i think that is it for tonight hope everyone has a nice sunday reviewed amd aapl spy spx qqq weekly nvda qqq monthly,3 +2023-01-20,just because a stocks price target drops doesnt mean that it isnt worth looking into do your research and invest wisely dish tsla ctlt ludg iqst amzn dis jnj grmn f sponsored by mlrt to metalert inc,2 +2023-01-22,4🧵📉chart thread📈 stock valuation model via 📊 spx spy price vs fair value via corporate bond yields tlt hyg,5 +2023-01-31,market cap divided by revenue as a function of time tells much more about a company than its stock price history increasing retail investors access to these sophisticated investing tools is our mission tsla spy,5 +2023-01-30,the macd model predicts that the price of tsla will increase from 177.9000 to 195.6900 signal equals buy rsi for tsla equals 72.588 not financial advice this is for fun i hold this stock,4 +2023-01-05,dow is a price weighted index value derived from price of shares divided by current common divisor 0.1517 with current divisor dollars move in share price will move by 6.6 points apple is at no 20 after being top weighted post stock split in aug 2020,1 +2023-01-13,tesla stock are price reductions a warning sign tsla ⚠️,5 +2023-01-12,nasdaq positive 1.7 percent the big market moving data point is the us cpi tonight 17774 must hold on the downside on the upside 20 dma at 18121 comes into play the trade set up as i see it,1 +2023-01-05,did you know that the with the highest absolute share price has the highest weight in the dow jones index did you also know that due to this the stock of is only on spot number 20 out of 30,1 +2023-01-02,i wanna have at least 25 shares of tsla by the end of the year and 25 shares of googl by end of year at current stock price that’s dollars 152 i can do it 💪🏾,1 +2023-01-06,dow jones rallies on december jobs report tesla stock dives to new low on china price cuts 🎄 🇨🇳 ✂️ ,1 +2023-01-14,dow jones falls 250 points as jpmorgan slides on earnings tesla dives on price cuts,1 +2023-01-27,intc value trap or long term opportunity fourth quarter 22 results vs consensus looks really awful stock price down from dollars 0 to dollars 7,1 +2023-01-22,🔮 teslas stock price 📊 how will the tesla stock price close the day on the 26 of january 2023 ➡️ join to place your prediction dph xrd tsla,1 +2023-01-13,🙏💸 plce in downtrend its price expected to drop as it breaks its higher bollinger band on august 16 2022 view odds for this and other indicators jfk cemi spy tsla shop amzn nvda roku aim aapl,1 +2023-01-18,lucky 88 percent of stocks are trading above their 50 simple moving average 🧧 blues continue to dominate led by cnvrg positive 9 percent ict positive 4.9 percent jfc negative 0.9 percent barely moved after news of mr tanmantiong selling 885 thousand shares monde positive 5.8 percent playing catch up this years first high flier pha positive 30 percent,1 +2023-01-04,ubs lowered its price target for microsoft msft stock to dollars 50 from dollars 00 previously they said they’re not making a “material negative call on the stock” but that the company’s valuation already “feels fair not cheap ”,1 +2023-01-07,tsla stock price is 100 percent manipulated by synthetic shorts market makers plays you all for a fool since all these shorts lies offshore the sec cant apprehend them but they can indeed enquire the biggest market makers out there wake up people,1 +2023-01-27,aapl amzn msft nvda iwm spy while most of everyone was looking for lows we were looking to load the news doesnt fucking matter chart tells the macro news nvda is up 60 amzn 20 iwm 20 googl 15 aapl 18,1 +2023-01-10,a look at the top 5 trending stocks on this afternoon including a rally in meta and oak st a selloff in illumina a rebound for spotify and mixed signals for taiwan semi,4 +2023-01-20,spx breaks below its 100 dma in the thursday session as reports the return of buybacks is being mitigated by a liquidity squeeze and retail participation remains low also a big jump in nflx afterhours following those strong subs amzn goog aapl jwn pg,2 +2023-01-23,other watchlist ideas today did pretty well too all went itm except amzn was so focused on live and spx i didt get to take any of them 🤣 qqq aapl googl amzn nvda amd,3 +2023-01-06,how was your day today 😎 nvda 144 calls 💰 860 percent nflx 310 calls 💰560 percent amd 64 calls 💰 200 percent baba 105 calls 💰 350 percent aapl 128 calls 💰 600 percent spy 386 calls 💰400 percent abnb 87 calls 💰100 percent absolute bangers join us for more💰,5 +2023-01-09,you also need to know what the biggest holdings and sectors of spy are doing i watch aapl amzn msft googl on a separate monitor take friday for example every single tech name was in demand and spy was holding 380 psych level this was a great indication that,5 +2023-01-20,big time buy imbalances here this morning on the nasdaq lets see if we get a continued rally here   msft aapl tsla nflx googl goog  hlbz gns,5 +2023-01-19,msft the big drag on the dji which led lower wraps up wednesday action spx aapl meta goog amzn ibm tsla coin aa,2 +2023-01-01,great table with references on tsla estimates where do you see the price going in first quarter of 2023,5 +2023-01-20,spx and qqq qqq retraced much faster due to nflx and other tech rallied qqq is almost 61 percent but i think it may have a little more steam which can take spx along will look to add back positions as we see rejections on these levels,3 +2023-01-25,naz and msft shrug off bad news and recover early losses we have covered this topic in gen mkt updates ie what to look for a market bottoms qqq spy,1 +2023-01-22,those of us that trade futures we get to trade after they announce earnings to make that 💰 big week ahead all 👀 on es nq spy qqq mon to tues msft jnj mmm ge lmt wed ibm ba t tsla thurs intc v ma luv aal fri cvx axp iwm vix,1 +2023-01-05,the over owned aapl tsla msft continue portray a weak naz index but under the surface its beginning to tell a different story sometime to keep an eye on spy qqq,2 +2023-01-29,this week is the most important week of this earnings season fanng has recently tested and held the 2020 breakout area and this week could seal its fate msft gave us an idea about the readiness to buy in line results as well as soft cloud guidance aapl amzn goog meta,5 +2023-01-15,time for us equities spy qqq iwm spx rty ndx msft tsla aapl googl nvda unh gs nflx rio sbny ms cfg stt syf isrg cof lrcx cci mstr cacc msci cvna gme bbby,5 +2023-01-23,spx next update blog update gld last price 167.26 now 179.63 aapl last price 129.98 now 141.11 googl last price 89.05 now 99.79 cost last price 479.83 now 492.61 spy qqq,1 +2023-01-04,qqq opened with a gap up near 270 but then had a significant decline and closed with a red candle the weakness of aapl and tsla contributed to the downward trend of the tech sector volatility is expected with the release of pmi and jolts data in the morning,2 +2023-01-06,qqq underperformed spx with all of tech in the red nfp data in the pre market which could affect qqqs performance watch for early reactions in the pre market in big tech stocks nq,3 +2023-01-05,qqq was weaker than spx due to losses in msft and googl but nflx and tsla performed well after a volatile wednesday due to fomc minutes the day ended close to even aapl msft and tsla need to move in the same direction for qqq to break out of its current range nq,3 +2023-01-18,spy and qqq my arrow in the 1 graphic points to exactly where we are in the markets wave 3 so yes we will absolutely take out lows and then some spx ndx the book is cheap on amazon xo,1 +2023-01-09,spy is floating between the 50 expontential moving average and 200 ema now dollars 95 is a big level coming up also rsi is trading back above 50 after a few weeks of being stuck below,1 +2023-01-18,remember these targets below rest of this week and next is very important starting tomorrow with nflx earnings aapl msft tsla amzn will report in next few days leading upto fomc in feb first week i think the correction will continue until then so all rips to be sold,1 +2023-01-12,cpi data changed nothing for the below aapl nflx has met the target waiting on the rest it many take another day or so but i think we will meet most of them tsla remains in doubt,2 +2023-01-12,msft aapl nflx all met target and holding still nvda and tsla are catching up spx is 10 to 20 points away did 4 thousand i will be damned if all of these meet and we reverse,1 +2023-01-03,net new highs in the nasdaq today thats surprising given how some of the big players tsla aapl have been acting lately market feedback is still risk off but interesting moves under the surface,4 +2023-01-23,faang names on the daily w some of my levels along w spy and shop also watch list posted rblx meta crwd aapl interested in nee xlu nflx for peg and cvx for oil names flush msft tsla for 🚽 be careful this week busy week,4 +2023-01-23,a very early look at next week in earnings with 115 SP500 500 companies reporting those reporting include meta amazon alphabet apple and starbucks meta amzn aapl goog googl hon otis xom amd spot cat f snap,1 +2023-01-13,qqq ended positive nflx and chip stocks lead but aapl googl weak mixed market price action on in line cpi report qs are overbought watch for retracement to key levels soon calls can work above 282 puts can work below 275,2 +2023-01-30,gm traders hope all had a great with e watching nasdaq 12 thousand nation reigns again lcid should be fun again looking at dollars 2 here for support tsla should bounce off dollars 77 here need to try a long at some point out if we break dollars 75 sofi strong q dollars googl dollars 9 ss,1 +2023-01-05,while mega cap stocks tsla aapl msft googl are dragging down the indexes the market internals are improving unnoticed thats why im staying open to the possibility of spy playing out an inverse head and shoulders pattern .25 🧵,2 +2023-01-13,gm traders 💥 could be a disaster here on friday with banks missing nasdaq giving back googl was week yday and will take dollars 0 tsla wow 20 percent price cut not great lets ss through dollars 15 bbby watch dollars .60 aapl dollars 34 top shouldnt take it out avg in ss,1 +2023-01-13,aapl is consolidating between 135 to 122 similar to 2020 to 2021 pattern no momentum after cpi nflx earnings next week may impact tech stocks calls can work if aapl rises above 135 puts if falls below 122,2 +2023-01-30,its a huge week for the market 107 companies in the SP500 report earnings including aapl amzn goog and meta the fed announces interest rate hikes to market is currently pricing in 25 bps consumer confidence report several key jobs reports adp nfp ue rate,5 +2023-01-24,here is my current thoughts in 0 positions msft misses brings spy to around dollars 88 dollars 90 tsla hits brings spy to around dollars 95 dollars 00 v and ma mixed bag spy closes around dollars 99 next week fed and aapl es should finally move us out of this tight pattern on daily,1 +2023-01-21,qqq i just dont know how anyone can be super bearish here so far the 200 wma has held up well on the indexes with qqq lagging the most the positive reaction to the shitty nflx er might be a sign of things to come,3 +2023-01-28,market moves just shy of the 4100 level friday the market has a huge and i mean huge week next week powell wednesday aapl amzn googl earnings thursday other big tech earnings and economic data sprinkled throughout the week can this run continue charts coming spy,1 +2023-01-29,big earnings week and fed mtg a good time to chill in stuff you have a cushion with and wait for set ups in extended leaders when they present themselves aapl amzn goog meta,5 +2023-01-18,gm traders lets rip this mkt again today 📈💯 nation strong💪 aapl rinse repeat stay long here dollars 36 tsla can not be ignored dollars 40 break through new pricing is a boost amd could be weak maybe a dip to dollars 0 msft dollars 40 love it support coin time to look ss,1 +2023-01-11,amazon in gamma squeeze today is pushing higher nasdaq we can use our models for every asset spx represents all liquidity hence we track the index,5 +2023-01-11,gm traders tomorrow we get we could rally again today into that 📈💯 coin 30 percent in 4 days seems a bit much downgrades and layoffs creating excitement looking dollars 1 ss or dollars 3 on a pop aapl strong yday looking for more today pre mkt long break bbby amd,2 +2023-01-30,spy talk about a huge week ahead fed rates on wednesday and then on thursday we have apple amazon and googles earnings report as of now no clear entry as we have room to run to dollars 10 while also having room to fall to dollars 98 i am waiting for either res or support,1 +2023-01-29,massive earnings week aapl amzn googl xom amd ups cat mcd meta amgn elf pfe coupled with fomc and labor market data stay careful this week folks think risk first,5 +2023-01-09,all about the spy 2 w inverse head and shoulders attempt qqq aapl and amzn doing exactly what market bulls wanted to see today leading powell pre market tomorrow and cpi thursday bears hoping for help to stop this 2 day squeeze,1 +2023-01-11,amd gapped over long level tsla no trigger nflx winner ✅ here is part 2 all these setups are high conviction 👀 tsla below 117 115 puts meta over 133.5 135 calls aapl below 129 128 puts lots of bears will be happy by end of week flow has been adding puts on these days careful,5 +2023-01-14,so far this is playing out as i anticipated tsla bad news here got eaten up twice jpm dips got eaten up today on er release stocks and indexes are up heading into earnings spy qqq arkk,1 +2023-01-22,these tech stocks on an equal weighted basis outperformed the spx by almost 500 billion p so far mostly meta but on a cap weighted basis still solid outperformance aapl and amzn lagged spy,3 +2023-01-24,tech mega cap ntm forward pe ratio multiples heading into earnings meta now as expensive as googl 👀 aapl has fallen behind msft quite a bit nvda back at 50 times tsla stock up 40 percent from lows a few weeks ago but pe ratio up 60 percent amzn still in a meme stock universe of its own,4 +2023-01-04,gaps up today seems like mega caps amzn googl and china are back on track besides msft and thankfully im short aapl not too much action also source,2 +2023-01-22,what are you watching for this upcoming week👀 really big week ill have my eyes on v jnj ma mmm txn msft abt tsla nee 🔥 👇,5 +2023-01-16,of the big four trillion dollar market cap companies only amazon amzn has managed to move back above its 50 dma spy is currently more than 2 percent above its 50 dma,1 +2023-01-28,💥big week ahead 👀👀 mon sofi tues amd snap xom ups gm pfe cat mcd wed meta point on thurs aapl amzn googl f qcom sbux fri dia spy qqq iwm vix,1 +2023-01-29,wow a super charged week is ahead of us ⚡️ we have mega cap earnings from aapl googl amd amzn and more 🔥 we also have the rate decision on weds with commentary by jpow📢 ill be discussing this on the morning calls this week in ✍️ join us 🏠✅,5 +2023-01-25,happy wednesday here are my tsla earnings to stocks set for lower open to nasdaq futures tumble 1.5 percent msft sinks after guidance cut ba t ibm abt lvs also report may the trading gods be with you 🙏 dia spy qqq iwm vix,1 +2023-01-29,both the nasdaq 100 qqq and SP500 500 spy are back above their 200 dmas even with all six of the big tech mega caps remaining below their 200 dmas,1 +2023-01-30,this is a huge week for markets obviously the fed on wed followed by aapl goog and amzn earnings on thursday friday morning the non farm payroll report will be released this could be a wild week,1 +2023-01-21,💥big week ahead 👀👀 mon to tues msft vz jnj mmm ge lmt rtx wed tsla ibm ba t thurs intc v ma luv aal fri cvx axp dia spy qqq iwm vix,1 +2023-01-04,daily mkt mood mixed and risk on 1 stocks rise out of chop on volume 2 ‘santa rally’ happened 3 china tech clears 200 dma 4 banks begin to break out 5 apple tesla gain net net bulls may be setting up for a rally earnings season is the hurdle to overcome,2 +2023-01-20,its quite encouraging to see the nasdaq pullback to the 20 day ma and today make a decent reversal with strong under the surface action smh is most interesting as we see a bottoming head and shoulders pattern emerging next week we get more earnings insights from msft tsla txn intc,4 +2023-01-20,spx strong recovery today with spx reclaiming 3949 spx can retest 4020 early next week tech stocks showing some bullish setups with nvda meta aapl msft we should see a continuation higher by tuesday i will post my thoughts and plan on sunday hagw everyone 🥂,5 +2023-01-24,msft if you like trading big tech earnings i love trading them via qqq and spy from 0 pm to 5 pm with 0 days tes will be live streaming the trade like we did for nflx will post a link at 5 if you would like to join us,1 +2023-01-24,bears are getting whomped check my post going back 6 weeks now there has been zero reason to be bearish if a shit stock like nflx can be up this much from the lows and trade above the 200 for this long others would follow as well msft tsla amzn nvda spy,1 +2023-01-29,who’s excited for next week not only do we have fomc meeting where the fed will raise rates again likely 25 bps but we also have sofi mcd spot snap meta aapl goog amzn el sbux f buckle up🎢🤘🏼,4 +2023-01-15,here are the things to know i know people get lost in so many tweets my spx path is first 3700 then 4300 and then draw down qqq 268 then 330 events in next 2 weeks big tech earnings week of 23 and fomc feb 1 week which will trigger these,1 +2023-01-27,another strong week with spx breaking out above 4020 and moving near 4100 spx may be setting up for 4300 if it breaks above 4100 we have fomc and big tech earnings aapl googl amzn meta coming up next week as well ill post my thoughts and plan on sunday hagw 🥂,4 +2023-01-17,in mixed session growthy areas of mkt arkk xlk soxx xly all up positive 1 to 3 percent hack igv tan fdn also outperform the naz on this 7 days rally things are extended dont chase watch the quality of the pullbk for the real clues qqq spy,3 +2023-01-03,market holding up extremely well today given the weakness in aapl and tsla cumulative breadth still green is wild sure feels like a big ripper coming if not today then tmrw even bookmap cvds nearing a bullish cross here,4 +2023-01-23,fomc next week and fourth quarter gdp numbers on thursday 0 am possible market pull back before the big events last fomc spx down 200 points in three days 4050 to 3850 spy qqq iwm dia aapl amzn msft,1 +2023-01-30,my personal prediction as of now is market will rally or buy the dip till coming friday and sell off starts from following monday spy qqq aapl amzn tsla nvda msft,1 +2023-01-29,🇺🇸earnings this week apple alphabet amazon meta platforms amd qualcomm snap peloton spotify mcdonald’s starbucks exxon mobil conocophillips caterpillar ups ford gm pfizer merck eli lilly 👉 dia spy qqq,5 +2023-01-23,back to pure wilding in stock mkt tsla most active today to already traded 75 million shares 2 most active soxl52 million shares 3 times levered semiconductor etf soxl up 12 percent today and 60 percent in last 3 .5 weeks running right into the earnings and guidance period buzzsaw,1 +2023-01-13,stocks moving up now is good to short during earnings season lets see the flow and find some good er plays in coming days aapl amzn tsla msft nvda googl tsla pypl sq se twlo etsy nflx,3 +2023-01-10,with fed talking down the market the indices sold down much of the afternoon but xlk positive 1.2 percent arkk positive 4.6 percent soxx positive 1.8 percent and net nh on nyse and naz were both positive discuss more twitter spaces tonight 0 puts with,1 +2023-01-24,posted options flow data for following stocks txn intc sq sqqq iwm spy aapl team tsla i will continue to monitor and post active flow data for this earnings season thank you ❤️,5 +2023-01-13,let’s hope…maybe if rest of nasdaq is having big up day like 203 percent up day and most growth stocks are getting big up day e g arkk is up 5 to 10 percent then maybe otherwise i think it will be down,3 +2023-01-25,in my view todays action was extremely important it leads me to believe along with the improving breadth indicators that the worst of this bear market is over they can pullback but the lows are in for msft googl meta aapl nvda tsla amzn and nflx for this bear market,3 +2023-01-18,everything now is dependent on nflx tomorrow in ahs if the earnings are good tech will have massive rally friday if not everyone will panic sell tech tsla,1 +2023-01-01,tesla what can you say,5 +2023-01-25,the market is down hard with qqq falling 2.45 percent right now qqqe which is the equal weight nasdaq 100 is down 2.1 percent this shows that outside mega cap tech the nasdaq while not fun is not terrible today,2 +2023-01-03,good morning futures up tsla missed delivery numbers tsla point cut dollars 05 from dollars 35 gs key u and g equal weight barclays point dollars 4 sq u and g outperform baird point raised to dollars 8 wynn u and g overweight wfc point dollars 01 gild d and g sector perform rbc aapl d and g neutral bnp paribas,1 +2023-01-04,market chop doo doo doo doo market chop doo doo doo doo market chop doo doo doo doo market chop doo doo doo doo market chop 🫱🏽 qqq spy spx,1 +2023-01-24,wild day glitch on the open for 86 stocks sent the market into sitting on its hands mode meta nflx aapl continued strength big earnings tonight and in the am hagn,5 +2023-01-11,strong day market a bit heated cpi tomorrow amzn msft aapl meta very strong today and man meme type names bbby cvna dkgn etc big number in the am hagn,4 +2023-01-29,sunday quick chart session football edition last week we broke out many tech and growth names leading huge week of earnings data and the fed on tap,1 +2023-01-17,we hit resistance on the spy and halted no damage done here could use another cool off day or two tsla nvda coin sq very strong ms monster hagn,5 +2023-01-05,good morning futures up amzn to cut 18000 jobs wdc revived merger talks tsla dec china sales 55796 units vs 100291 units in nov coin d and g market perform cowen point dollars 6 bbby point cut to dollars telsey msft ini buy da davidson point dollars 70,1 +2023-01-26,good morning futures flat gdp 0 ddog ini overweight cantor point dollars 5 tsla point raised dollars 55 from dollars 30 bac tsla point raised dollars 46 from dollars 37 citi stx point raised dollars 5 from dollars 0 barclays meta point raised dollars 36 from dollars 16 piper nflx d and g accumulate phillip sec,1 +2023-01-29,this week hold on to your butts spy tues amd er weds ism and jolts fomc 11 am press 1130 meta er thurs jobless 830 am and aapl amzn goog er fri nfp ism 830 am,1 +2023-01-11,up 4 days in a row qqq testing the underside of the 50 day sma spy dollars below 200 day at dollars 97.81 cpi print tomorrow will surely set the tone for first quarter if the market likes it from a technical perspective were setting up quite nicely for a sustainable move its been awhile,1 +2023-01-11,insane squeeze of ages if cpi good googl 100 amzn 100 aapl 136 mdb 210 now 422 snow 152 lrcx 491 nvda 162 avgo 610 msft 250 w need spx at 41 oo and cpi to be .1 on core or this doesnt happen,1 +2023-01-04,meta is now at levels where it was before their last earnings report up over 40 percent from the lows in november the nasdaq is almost flat in the same period stock picking is back with no qe to lift all boats equally,1 +2023-02-09,meta fourth quarter and full year 2022 operational and other financial highlights ✍️ stock price positive 48 percent ytd negative 20 percent 1 year positive 5 percent 5 year spy qqq,3 +2023-02-18,shop is a cash incinerator on latest earnings 🔥 printing money for the management and employees but 🔥 burning cash for the shareholders stock is only down 18 percent since earnings dollars 5 billion market cap 8 x ntm price sales 🤯 too expensive and speculative,2 +2023-02-23,teslas stock price has surged 85 percent since the start of 2023 causing short sellers to lose dollars .2 billion 😲 is this the beginning of a long term upward trend keep an eye out for more updates,1 +2023-02-21,the drop in amazons amzn stock price is affecting employee wages by 15 percent to 50 percent amazon stock is down 36 percent in the last 12 months to dollars 7.19 per share,1 +2023-02-28,how and why would a stock doing 100 million shares volume trade in this tight of a range all day this is mm right they just hold it here and sell options makes no logical price discovery free market sense to me,5 +2023-02-05,tesla profit margins this is before any recent price cuts tsla,1 +2023-02-04,when we looked more granularly we found that there were a lot of supporting and positive narratives being discussed throughout and the positivity rose on 31 jan and 1 feb and to no surprise we saw a significant surge of stock price in meta .75,2 +2023-02-13,ærsk announces of 4300 dkk per share equaling a of 27.5 percent this is the largest single dividend ever paid by a danish stock 🇩🇰 suggesting an equal 27 percent drop in the share price thereby confirming head and shoulders on the 1 days chart maerskb spy qqq,1 +2023-02-14,crazy rally premarket and euphoric price action at open right after cpi came in real hot greed indeed crazy times in the stock market this is a great thread macro spy qqq dxy vix,5 +2023-02-22,meta has disclosed a share sale by its coo javier olivan olivan sold 13341 shares of the firms class a common stock in a transaction dated feb 17 2023 the shares were disposed at a price of dollars 70.23 each in a total transaction size of dollars .27 million,1 +2023-02-22,this is the area we highlighted yesterday 🔥so far finding some support we have a a lot of macro to get through this week though like and retweets much appreciated fam spy qqq,4 +2023-02-02,index rebal day tomorrow new small cap play apc hitting 52 wh flavor of the day villar stocks home positive 16.2 percent vll positive 6.4 percent alldy positive 12.7 percent with vll and alldy trading just above their 200 simple moving average today for the 1 time in a long while,1 +2023-02-26,tesla stock vs byd stock tesla investor day looms byd joins china ev price war,5 +2023-02-02,nflx miss msft miss meta miss amzn miss aapl miss goog miss tsla beat but has inventory issues from the january low to todays high they are collectively up 31.49 percent how long does this last with the fed still raising rates,3 +2023-02-21,trka let’s go 60 percent pre market already first target the price insiders bought and hold dollars dollars,1 +2023-02-03,tesla stock tsla rises as price cuts boost demand 📊,5 +2023-02-24,spy everyday update today market bounce from 50 simple moving average and closed market with bullish hammer and lots of retailers are super bearish on market buying puts to rake those premium if market maker move up they can rake it all spx tsla nvda amd aapl msft amd,1 +2023-02-02,vx futures getting bought up today vix futures waiting on aapl earnings now meta trade was insane tsla could hit dollars 00 tomorrow,1 +2023-02-03,the current structure suggests a price decline,3 +2023-02-17,spx spy qqq djia aapl tsla i mean i can only tee it up for everyone laugh same damn drawdown fractal as august 22 top top chart is friday today bottom chart is friday august 19 derp,1 +2023-02-02,a big rally in the ixic after the hikes by just 25 bps plus metas mega afterhours jump wraps up the action spx amzn aaple tsla,5 +2023-02-01,there’s no one problem fueling tesla’s dollars 60 billion tumble via,1 +2023-02-23,the spx testing its 50 and 200 dma while nvda the big after the bell earnings beat plus earnings from rio and qan wraps up the action intc zip tjx meta,2 +2023-02-28,market diary and playbook last day of the mth rsp negative 3.1 percent vs spy negative 2.1 percent for feb mkt continues to dissipate upside momentum to grind steadily lower to close rsp and eqal flat biggest index gainer qqqe positive 0.92 percent bolstered by megacap names tsla positive 5.5 percent read more,1 +2023-02-09,spy every time we get oversold on this ascending trendline we bounce trend line was broken today but that may have been due to the goog overreaction msft is still trading higher since earnings and aapl still holding dollars 50 the next few days will be telling,1 +2023-02-02,📈 tech rich nasdaq 🔼 3.3 percent 📈 broad based SP500 500 🔼 1.5 percent 📈 dow jones ind avg 🔽 0.1 percent facebooks meta soars 23 percent alphabet amazon jump 7 percent apple gains 3.7 percent but then sheds 4.0 percent in after hour trade as revenue and profits slide iphone sales dip ➡️,1 +2023-02-01,with all this attention on the fed dont forget aapl goog and amzn are all reporting fourth quarter earnings tomorrow thats a combined 12.3 percent of spx by market cap,1 +2023-02-21,big cap into close day trading view aapl to maybe oversold bounce amzn to already running so not great r and r meta to up against key level googl to up against key level msft to nice flag and ema crossover but needs break spy qqq to could get rejected at ema tsla to ma reject,2 +2023-02-01,amgen stock falls 3.6 percent after fourth quarter results late tuesday shaves 59 points off the dow’s price marketwatch,1 +2023-02-11,the market spy qqq is still a bit tricky though my screen is showing a lot of stocks 92 showing potential bottom signal didnt really actively look deeper cos i was a bit unwell still no equities long position yet next week is data,3 +2023-02-09,spy qqq tsla googl aapl qqq msft amzn meta aapl flag of interest meta on the brink tsla insane relative strength indices on the brink,1 +2023-02-02,gm traders 💥 what a report from meta should lift all here googl continue to buy dips as they report and macro is more clear in adv dollars 04 aapl the biggest yet to come dollars 50 ss dips to dollars 46 cvna wow dollars 0 ss meta tape read skills to find the seller,1 +2023-02-01,latest news today gasoline price slips meta earnings due february 01 2023 live updates from to fox business,1 +2023-02-03,good evening looks like we have a bunch of big misses aapl googl amzn let it marinate for a week we hae made a very very nice run on spy spx es esf from the 3850 range to now 4170 sheet dont go straight up stalled right on a big big level no surprise,4 +2023-02-02,what a crazy crazy day nasdaq positive 3 percent retail market order volume exceeds ”peak meme” volumes jpm to big tech misses apple first time in 7 year s to after hours aapl negative 3 percent team negative 12 percent googl negative 3 percent amzn negative 4 percent,1 +2023-02-16,spy qqq tsla aapl the stock market is still not historically cheap as you are probably aware i like to track forward pe ratio currently we are sitting still above the average,3 +2023-02-07,spy the real battle begins at at or above dollars 20 the 20 million onth ma i have been right so far and on target since the start of the year aapl is right at the 20 million onth and trying to reclaim it nvda is above and watching to see if the laggards follow,1 +2023-02-10,amzn 🐻pennant continuation aapl mini 1 hr 🐻flag over dollars 47 gap googl 3 percent and u and r dollars 3.75 but weak close meta falling thru thin air more to go msft loses 1 hr trend line but ok qqq flag breakdown to dollars 98 🐻 flag spy 🐻flag under dollars 08 tsla 🐻 flag after topping tail,2 +2023-02-21,spy qqq downside follow thru then held recent support short term ma’s and daily osc rolling over wkly patterns still holding up well see if mkt continues to consolidate into key events tues flash pmi wed fed minutes nvda th gdp baba fri pce tsla investor day,4 +2023-02-06,gm traders hope all had a great with e now lets work amzn weak sauce here looking to fade pop awful day fri more today dollars snap hanging out due to meta nope fade dollars 1.50 amd strong name here if longs appear dollars tsla dollars 00 then moon long g and l all💪,1 +2023-02-24,spy 🐂 if holds tl qqq 🐂 if holds dollars 90 tsla 🐂 21 ema msft 🐻lost tl googl 🐻lost dollars 0 amzn 🐻 head and shoulders aapl pivot meta ⭐️🟢 falling wedge iwm 🐻 head and shoulders nvda 🐂 dollars 30 nflx 🐂 if dollars 15 bounce shop 🐻 till dollars 8 xle chaotic but 🐂 dollars 3 xlf 🐻 tl retest,1 +2023-02-02,🚨the spy aapl amzn and goog to technical view the spy recently broke through a long term downtrend multiples are very high right now if the mega earnings from aapl amzn and goog disappoint were likely back to that line if positive dollars 25,1 +2023-02-01,p and l dollars 54🍔 scraps at the end of the day but lucky to be green was down negative 20 thousand after underestimating the bounce on msgm but recovered most of it nailing the top at 47 tsla crazy washout long opts on meta smoked on ah short around 170,1 +2023-02-05,spy fear vs greed index rsi seasonality chart shows downtrend coming with a potential target of 200 expontential moving average support at dollars 96 dollars 97 level short position can be started but can go full on a macd cross over to imo spy qqq aapl amzn tsla msft googl,3 +2023-02-02,⚠️ aapl amzn and goog all coming in weak❗️ i stress trade what you have an edge on earnings are very high risk difficult tune out the fakes furus guessing otherwise apple too big not to do well blow to the spy qqq and recent rally so far,1 +2023-02-03,in the us the broad SP500 500 equities index closed 1.5 per cent higher and the nasdaq composite rose 3.3 per cent led by tech stocks including facebook owner meta the closing level for the nasdaq was 19.5 per cent higher than its recent low in late december,1 +2023-02-02,⚠️ spy and qqq will fall into new ranges that can be better projected and traded within the next 2 to 3 days for now theres far too much data coming up aapl amzn and jobs data will weigh heavily tomorrow to non farm payroll numbers on friday,1 +2023-02-02,tech earnings looking ugly goog amzn earnings and eps miss on aapl is a huge deal especially bad for nasdaq tomorrow being so overbought on recent bear rally no wonder blackrock increased their qqq puts by 1433 percent,1 +2023-02-21,gave you all the blue print last week continuation down no 4 days gap to fill on this new one below purple sma which signals downside move congrats if you followed amzn tsla bkng qqq burl and more nqf,1 +2023-02-19,qqq weekly double inside week and despite the bad news from data and ppi still managed to hold the 50 simple moving average as long as it holds 297 theres a good chance this heads higher to test 100 simple moving average ndx nqf xlk aapl msft amzn spy,3 +2023-02-02,tomorrow morning will be an interesting one to wake up to with goog amzn aapl the big 3 reporting earnings today after the close definately a market moving event will any of them announce a buyback like meta did grab your popcorn for this evening,1 +2023-02-02,aapl tsla amzn meta pullback from ema cloud perspective when 5 to 12 ema uptrend line got broken with spy all in tandem with spy qqq profit taking before big 3 earnings,1 +2023-02-02,thur earnings aapl goog amzn someone always knows vix and usd up on an up day aapl slides after missing on top and bottom line amzn slides after disappointing aws results sloppy guidance goog slides after top and bottom line miss ad revenue disappointment 🫖🍵🍵🍵🫖,1 +2023-02-02,what im seeing after earnings this week aapl ttm pe ratio of 24.5 times msft ttm pe ratio of 28.7 times googl ttm pe ratio of 22.5 times amzn ttm pe ratio of 174 times to all in a near 5 percent rate environment with decreasing fy23 guidance these companies make up nearly 18 percent of the SP500 500,2 +2023-02-17,while spy was chopping and held up with few select like tsla meta nflx you can see clear bearish trend day on names like aapl msft nvda best days are trend days chop days dnt have much range,3 +2023-02-14,changes all wait pltr if dips 8.35 area if we go up off then its poised to break out 9.25 abnb up pre earnings 121 resistance and115 dip buys for today googl still 50 ema on daily support msft 270 support for a dip tsla nvda,1 +2023-02-01,the little guys are done tsla big move up meta big move up msft big move up big boys up tomorrow aapl googl amzn will fintwit stop being bearish after,1 +2023-02-03,cues for today to nasdaq positive 3.25 percent yday but imp to track it today apple alphabet and amazon all fall 3 to 4 percent after hrs on earnings miss to sgx nifty positive 55 points still volatile to fiis add 29 thousand shorts in index futures longs at 17 percent nifty still ranged b and w 17500 to 17850 adani focus area,2 +2023-02-23,cues for today mild dip on wall st nasdaq closes in the green due to nvidia’s 8 percent jump fed minutes suggest rate hikes still not over oil slips to dollars sgx nifty positive 60 points after 270 point fall y’day feb expiry today 17500 put and 17600 call most active nifty 200 dma at 17356,1 +2023-02-03,aapl to first double miss since 2016 msft to warnings of further slowdown amzn to missed aws slowed materially didn’t guide fy’23 googl to missed guided lower meta to god knows why it pumped on some reduced expenses amd to guided negative revenue for 1 hour bull market just began,1 +2023-02-12,all of the fang stocks remain above their 50 dmas after last weeks pullback even alphabet googl just barely big ytd gains for meta nvda tsla amd,1 +2023-02-02,daily market mood risk on 1 stocks rally 3 day 2 megacap techs surge 3 meta positive 23 percent 4 SP500 golden cross 5 ok with the fed amzn aapl googl down in post mkt on imperfect results but this is the kind of market that may digest and keep climbing,3 +2023-02-23,aapl once again saved by the 200 days spy by 50 days also narrowly avoiding the tl qqq with a hammer again and double bottom bounce just an odd day to to say the least more fun ahead tomorrow,1 +2023-02-02,meta meta ended today 48.7 percent above its 50 dma all six big tech mega caps are up 10 percent and ytd just a wee bit overbought here 2023 ytd msft positive 10.3 percent aapl positive 16.1 percent googl positive 22.1 percent amzn positive 34.4 percent tsla positive 52.8 percent meta positive 56.9 percent,1 +2023-02-06,while not pleasant so far this mkt pbk constructive on lighter volume watching ave cost is critical to manage risk and build positions strategically qqq spy four lth shop lvs soxl,3 +2023-02-01,stock reactions to prints and guides the key in tech land in earnings season nflx msft tsla now…now look at amd big tech few days ahead for the sector rip the band aid off cite uncertain macro and lower guidance then street knows hittable to beatable numbers for 23,1 +2023-02-02,between aapl amzn googl tonight that represents about 26 percent of the qqq nasdaq reporting earnings or about dollars .7 trillion in market cap big night ahead,1 +2023-02-02,tech futures jump as meta spikes on cost cuts revenue outlook buyback googl and amzn also rise on meta with google amazon apple on tap thu night earlier fed chief jerome powell spurred a gratifying market rally aapl anet qrvo elf,1 +2023-02-02,the market seems to be very uncertain if it wants to look past those earnings on googl and amzn or not cloud was a miss as expected from msft question now is did we truly price it in like msft told us last week or not,2 +2023-02-02,delayed reaction has happened last few rate hikes with avg selloff about negative 7 percent from peak mcclellan oscillator is screaming overbought on qqq with visible signs of exhaustion while tsla and meta have exploded stocks like aapl are stuck in the mud be careful my friends,1 +2023-02-08,in november meta was 88 now it is 191 it is up 118 percent in october nvidia was 108 now it is 221 it is up 102 percent in june nflx was 163 now it is 361 it is up 118 percent in january tsla was 101 now it is 197 it is up 92 percent can it be that you maybe missed the crash just asking,1 +2023-02-03,meta negative 64 percent last year with pe less than SP500 but cy23 eps went up post results googl amzn aapl had less stock drop in 2022 above mkt pe and eps coming down for all believe SP500 rally near end and next 5 to 10 percent is lower during tech bubble bust lost 49 percent and gfc 57 percent while having 5 rallies of 18 to 21 percent,1 +2023-02-03,the tide has turned this time last year cos with bad earnings were ⬇️25 percent now good earnings send stocks ⬆️25 percent msft appl goog amzn all missed earnings and they won’t go down much animal spirits r alive and well money is still slushing around it’s a “buy the dip” mkt for now,1 +2023-02-21,really weird price action at this 402 level on spy bids consistently rejecting then attempting to hold reload sellers stacking at 402.10 really looking for 402.35 for some continuation if bids can start stacking hard 📈 spy qqq aapl msft goog googl amzn nvda nflx,1 +2023-02-02,nice qqq fading action now thanks to si fraud probe and amzn aapl goog and while im too much of a coward to short im glad i didnt give into the fever pitch of all this buying after such a huge sunup ill wait patiently for my setup tomorrow morning,1 +2023-02-27,spy qqq filling last fridays gap here likely stalls out as this is top of weekly value area also more of a bounce than was expecting but playing long off that 395 monthly poc friday was the right move its a ping pong market in a downtrend still,3 +2023-02-01,futures fall modestly with amd snap moving late the nasdaq is now in a power trend but another rate hike and fed chief powell loom amd snap meta pins nvda tsla nio,2 +2023-02-15,below is the list of the top 10 ytd best performing stocks in the nasdaq 100 index to data as of market close yesterday tsla nvda lcid meta abnb,5 +2023-02-10,the best case for market dump next week could be cpi above 6.5 percent reported last month lets see spy qqq aapl amzn tsla nvda amd,1 +2023-02-21,been a whole lot of nothing for me today to watching how the downside plays out and if we find support in the current area spy and qqq both still have room to test 50 displaced moving average s to would be completely normal action based on the powerful run up weve had,2 +2023-02-14,before today nasdaq dropped 5 out of 6 days and market dropped nothing has ever changed since the 1990 market can not go higher without big cap tech so either aapl msft goog tsla nvda amd etc lead the market higher or they dont but the SP500 stocks can not,1 +2023-02-22,if you look at next four weeks its seasonally bearish also aligning my thesis with macd cross over spy qqq amd nvda tsla aapl,4 +2023-02-22,nvda er is good that doesnt mean we have seen the bottom celebrating like end of bear game its going to be wild ride for rest of the year and 2024 expect new market lows again ⭐️ spy qqq aapl amzn googl tsla amd meta,3 +2023-02-12,good week to make money if you have trade plans ready top watch list for me spy qqq amd aapl tsla nvda amzn,5 +2023-02-14,days of scary white knuckle cpi prints with everyone on pins and needles seem over earnings season and macro screaming soft landing and tech sector holding firm will be choppy but bullish backdrop for tech stocks street skeptical of rally and think bear mkt bounce equals bullish set up,1 +2023-02-01,one note for fomc all faang names but nflx are red if 25 bps and people like conference that flips and all green then spy 408.16 to 410 to 416 again if surprise or bad reaction than faang names front running sells today and er,1 +2023-02-01,every single direction on point spx spy qqq tsla amzn googl meta nflx amd nvda ngf boil what else who else has this streak in tops and bottoms and levels like and rt if u agree,1 +2023-02-03,from the trading floors futures have fallen after payrolls came in much higher than expected raising the prospect of further tightening by the fed consumer disc amzn technology aapl energy the only positive sector negative 10 year 3.47 percent 2 year at 4.20 percent btc dollars 3.3 thousand vix 18.44,2 +2023-02-01,bear market is dead this meta report means goog won’t be bad and amzn has an ad biz too and amd told us the cloud business is much stronger than expected so all systems go spx 4500 coming before this ends positioning is wrong and offsides,1 +2023-02-09,meta is a scratch at dollars 83.2 scratch equals cancel not reacting to strength or moves in the qqq it came close and made its reversal up wanted that but didnt hit dollars 83.2 spy sideways as well i know we were close but putting this out here i needed more upside showing,1 +2023-02-01,got through fed now just need to get through the post fed day reversal and big tech earnings if need anxiety that next things to worry about like goog base aapl into 200 simple moving average amzn have big weekly wedge drawn with 50 week as trendline area see how they report though,3 +2023-02-22,spy tsla coin panw wix aapl bidu small names llap amv watchlist this morning spy levels 400 402 398 today vix levels 23.63 23 22.80 aapl over under 150 key tsla 200 key,1 +2023-02-02,good morning ☀️ 🟢 💰 e and r amzn aapl googl f qcom sbux team ⚠️ and rate decision exp 50 billion ps meta point dollars 90 from dollars 30 at ms meta point dollars 20 from dollars 80 at cs okta u and g buy at needham point dollars 0 fdx u and g buy at cici point dollars 40 from dollars 90,1 +2023-02-01,spy fed slowing rate hikes meta doing 40 billion buybacks amd exceeding expectations tol to homebuilders on fire soxx and xlf breaking out at some point even the bears who keep saying they are holding puts need to see this right,1 +2023-02-02,💡a ton of squeeze chase and grabbing in many of the familiar nasdaq and growth names which have seen play over the past couple weeks some additional spillover into a few laggards but just not many laggards left at this point,4 +2023-02-15,and thats a wrap market remains very strong trying to break downtrend here rblx ttd abnb upst ai monster moves tsla aapl on verge of break outs hagn,1 +2023-02-23,spy in bullish trend premarket support 399.80 to 400 to hold the gap up for bullish bias 402 another level aapl 150 bullish bias support 149 amzn 97 key tsla 200 support in bullish trend so far nvda big gap up .50 pullback level 238 to 240 resistance,2 +2023-02-13,no spy analysis today everything relies on the cpi tomorrow flow • aapl 160 calls • amzn 100 calls and 103 calls • googl 100 calls • spy 418 calls • 4050 puts stand out on the flow,1 +2023-02-02,in terms of market cap the reaction so far to apple alphabet and amazon results post market might just cancel out the gain in meta over the last 24 percent all of them down about 5 or 6 percent so far startling end to a day thats seen such a nasdaq rally,2 +2023-02-09,and that is a wrap weak market but tsla was very good early pypl and nets cherry on top after hours love trading ah spy under the 8 days now risk down 21 days close hagn,1 +2023-02-05,new lows in the SP500500 and qqq market often come after the fed stops 🛑 hiking and many times after it starts cutting know this now 4200 spx ndx spy nvda tsla,1 +2023-02-21,and thats a wrap spy lost 400 on the backtests of the breakout not good fomc minutes tomorrow gdp thu and pce fri meta wmt nice strength today flat now see what tomorrow brings hagn,1 +2023-02-27,spx price action still a bit tricky gapped up 30 then reversed back under 4000 lets see if spx can move through 4020 by tomorrow to set up for 4063 nvda still just basing between 230 to 239. keep an eye on 239 for a breakout to 253 aapl if this reclaims 150 by wed it can,3 +2023-02-03,good morning futures down slightly nfp 0 tsla sold 66051 cars in china for jan meta u and g hold dz bank ba d and g sector perform rbc point dollars 25 amzn point raised dollars 23 from dollars 19 piper amzn point raised dollars 42 from dollars 30 jpm goog point cut dollars 20 from dollars 22 piper,1 +2023-02-02,aapl 152 157 if earning good 138 if bad avgo 609 622 liek next weeks tsal at 188 192 202 222 enph flying 236 242 251 235 will be 3 from 1 manage acct nflx 366 372 380 392,1 +2023-02-27,spx tried to reclaim 4000 but failed again it looks like spx can drop to 3900 if it breaks 3949 this week price action still choppy though the past 2 weeks tsla investor day coming up on wednesday if theres a positive reaction it can run to 216 to 220 range nflx setting up,1 +2023-02-02,comments from private twitter meta 186 189 192 amzn googl aapl earning tonight will impact it meta 170 will be 15 from 1.7 manage acct algn 353 372 wow 320 will be 20 at open manage acct now 482 491 500 522 bidu 156 162 amzn 111 116 122 if earning good,1 +2023-02-03,apple missed on the top and bottom lines amazon least profitable holiday season since 2014 qualcomm cut revenue forecasts jobs market too hot remember they told us that fed hates good news the nasdaq just turned positive,1 +2023-02-22,thanks everyone for checking out the charts tonight have a good one ✌️ reviewed spy aapl nvda meta enph amd qqq tsla,5 +2023-02-09,this is one of the strangest markets ive seen the leis are screaming recession yet ndx spx have reclaimed their 40 week moving averages and the semiconductor etf smh has gone above last years bear market rally highs either recession has been discounted,1 +2023-03-29,tesla stock in 2023 on the back of surging demand in china after recent price cuts analysts estimate first quarter deliveries of over 420000 with model y and model 3 sales driving the growth tsla,5 +2023-03-04,csco vs msft y2 thousand bubble nvda vs aapl covid qe bubble take a look at overvaluation divergence in smaller caps csco aligned with msft and went overvalued but would correct back to correlate nvda doing the same with aapl now right,3 +2023-03-30,tradeweb markets inc tw stock on the radar the price has potentially entered its stage 2 with classic volatility contraction pattern,4 +2023-03-23,rovr announces dollars 0 million share repurchase program on feb 27 our members were alerted at 5 pm et and within 2 days the stock price surged by 18 percent 🚀 for perspective the dow jones ind avg is down negative 2 percent this year,1 +2023-03-27,to illustrate the lack of breadth in qqq and nq here is a chart of nq with the orange overlay being the following formula 🟠 equals aapl and nvda and msft and goog and meta the divergence says these names are overvalued and holding up nq and qs for now,2 +2023-03-16,on march 2 activist hedge fund manager dan loeb takes a passive stake in amd we then alerted our members on the same day at 0 pm et in 5 trading days on march 9 the stock price rose 5 percent 🚀💰,1 +2023-03-22,buying nvda share price equals dollars 62 market cap equals dollars 35 billion n yield equals 0.06 percent 🚩 5 year average yield equals 0.18 percent pe ratio ttm equals 150🚩 pe ratio 5 year avg equals 61 dividend payout equals 9 percent ✅ dividend 5 year cagr equals 2 percent 🚩 dividend 10 year cagr equals 16 percent ✅,1 +2023-03-15,spy everyday report inline market bounce but got rejected at 200 simple moving average at dollars 93 but friday quadwitch month dollars .8 trillion dollar option expiry so watch out bull or bear trap might setup in next 2 day s spx qqq amzn btc amc nvda tsla,1 +2023-03-14,aapl a good investment for big gains share price equals dollars 53 market cap equals dollars .35 t yield equals 0.6 percent 🚩 5 year average yield equals 0.9 percent pe ratio ttm equals 26🚩 pe ratio 5 year avg equals 24 dividend payout equals 16 percent ✅ dividend 5 year cagr equals 8 percent ✅ dividend 10 year cagr equals 12 percent ✅,4 +2023-03-26,🙏💸 plce in downtrend its price expected to drop as it breaks its higher bollinger band on august 16 2022 view odds for this and other indicators jfk cemi spy tsla shop amzn nvda roku aim aapl amd,1 +2023-03-22,💎 tc fundamental otex the tc quantamental rating 6. is strong the price should be around dollars 9.8 over the next 12 months ►click on picture for more,4 +2023-03-27,raj rayon stock 0.15 to 89 price in last 2 years,5 +2023-03-30,distr stock price distoken acquisition corp rt stock quote u s nasdaq video,1 +2023-03-30,on the emin is really progressing as of yesterday the share price was dollars .05 and the has climbed by an impressive 25 percent 📈📈 muln spy amc tsla,5 +2023-03-20,spy everyday update friday closed below 200 simple moving average and smart money sitting support at dollars 85 strong support to watch and resistance at dollars 93 200 simple moving average to watch as this week wday fomc can bring some twist in trend spx qqq oxy nvda tsla aapl msft,3 +2023-03-05,buying tsla at current prices share price equals dollars 98 market cap equals dollars 23 billion n eps estimate dec 23 dollars .98 dec 24 dollars .65 revenue estimate dec 23 dollars 03 billion n dec 24 dollars 34 billion n forward pe dec 23 to 49.8 dec 24 to 35,1 +2023-03-30,spy everyday stockmarkets update closed above all sma sending signal bullish but friday quarter end to book the profit to watch out if sell of starts b4 friday option expiry spx qqq tsla aapl amzn nio amc,1 +2023-03-27,altimmunes cfo and chief medical officer bought 10000 shares each after a 60 percent price drop last week as alt stock rises 12 percent in todays trading,1 +2023-03-31,msft aapl nvda amzn googl tsla leaders lead i think rest of the market starts to catch up to but these still have room above breaking out on weekly to nothing bearish yet,3 +2023-03-24,spy everyday update market closed above 200 simple moving average dollars 92 and resistance 100 simple moving average is dollars 96 to watch as friday opiton expiry market might compress to burn out all premiums qqq spx tsla aapl msft amzn coin nvda btc,1 +2023-03-31,this should be spy with aapl msft amzn nvda goog and tsla removed can any peeps tell me if i did this correctly spy to aapl7.09 msft613 amzn2.64 nvda1.93 goog1.60 tsla1.49,1 +2023-03-02,we asked chatgpt what will be nvidia nvda stock price in 2030,3 +2023-03-01,expect some big price moves at some point the big tech google and apple and amazon and microsoft 14 day rsi is 27.5 when it gets this low spy 15 day forward returns move around a lot,3 +2023-03-13,nasdaq daily gap between 13 expontential moving average blue and purple 50 expontential moving average getting smaller cpc data tomorrow will either bear cross it or avert the bear cross tomorrow important following lower bb down macd starting 2 cross centerine bulls need it 2 turn asap stoch still hasnt carved a bottom,1 +2023-03-15,idk whats going to happen but qqq smh continue to look constructive on the daily on lscc smci big call flow this week aapl msft nvda large put writers this week if we bounce watch for tech to lead to industrials energy banks continue to look poor xli xle xlf,2 +2023-03-21,amzn daily had the 13 expontential moving average purple bull crossshaded oval upper bb reversed upward so window🪟 is now open 4 more upside as long as powell doesnt screw it up tomorrow or thursdayreal reaction macd starting 2 cross centerline equals 🐂 stoch hovering above 80 line equals 🐂,2 +2023-03-21,remember these charts spy and qqq weekly with ppo on bottom things could get really interesting here the qqq medium term trend has clearly turned positive the spy is a little bit more difficult to interpret 🤷‍♀️,3 +2023-03-04,qqq daily and weekly charts 👀 closed above some major resistance friday 💪 need to break and hold above dollars 00 then dollars 03 levels weekly hammer candle and two daily marubozu candles recent bounce off daily blue tl listed 📈🎯s in green 📉🎯s red and major resistance yellow,1 +2023-03-28,i keep reading how strong the has been since bottoming ccmp earlier this year but a quick glance under the hood suggests that market isnt quite as strong as the headline every quintile of stock is lower except the largest aapl msft amzn tsla nvda meta,3 +2023-03-01,the nasdaq 100 an index that tracks tech and growth oriented stocks like apple aapl amazon amzn and tesla tsla is showing signs of pullback and volatility,5 +2023-03-30,yesterday was a super day for stocks and the rally continues this am reason for the rally nothing broke tech has been a huge performer of late due to combo of scaled back rate expectations and improving chip situation nasdaq is up positive 14 percent qtd set for best quarter since 2020,5 +2023-03-03,there is no cheap or expensive stock the only fair price is the current price once you realize this spx spy qqq smh tsla si gme amc nvda amd aapl,3 +2023-03-02,microsoft msft is up 1.39 percent today closing at dollars 47.2 0 times doc14 predicted this price range and now is the time to join in on the stock market fun,1 +2023-03-03,the stock qqq invesco qqq trust series 1 was the 7 most mentioned on wallstreetbets over the last 24 hours at the time of the post the price was dollars 93.05,1 +2023-03-21,spy 2 times inside day and tight setup qqq broke 1 week asc tl still above all daily ma’s see if it consolidates under overhead res reaction to fed and banks is key tu nvda gtc wed vix exp fomc and dotplot fri dg flash pmi eoqtr new boj chair tsla qtr delivery,1 +2023-03-16,gm traders feels like we are ready for a bull run in this markets idk what do you think🤷‍♂️📈💪 if we are entering a no rate hike environment then these tech names will blast and i feel like today could be something of a start above 12400 on and needs to hold,1 +2023-03-02,tomorrow will go up dollars minimum from current price,1 +2023-03-16,⚠️watchlist update aapl was breaking up but revsed along with a spy qqq sell off meta made a small profit or be move then rejected hard and is consolidating markets are selling off the early move up no improvement on macro picture today 🐨,1 +2023-03-08,⚠️watchlist updates spy markets relatively sideways absent some flash spikes aapl sitting just above open need more movement meta doing similar this is why there are entry point on ideas movement is needed otherwise no action see charts,3 +2023-03-23,recap of my spaces alerts today 😏 nflx 305 calls 3.60 ➡️ 17.50 for 386 percent mu 61 calls .38 ➡️ 1.10 for 189 percent spx 4000 calls 12.00 ➡️ 16.00 for 33.33 percent spx 4020 calls 7.00 ➡️ 14.50 for 107 percent so far avg gain dollars single contract levels callout,5 +2023-03-06,gm traders 💥💯 interesting week with fed speak can we hold 12 thousand nasdaq tsla should continue to bounce off some of these lows good news with price cuts lets see wait for dollars 98 aapl over dollars 50 long ms upgrade fri working googl dollars 3 l support si 52 w lows,4 +2023-03-01,for much of the 1970 the u s made up more than half of global stock market value over the course of the 1980 the u s share of the global total began to dip driven in part by the asset price bubble in japan,2 +2023-03-25,the largest jumps in rs over the last two weeks have come from tech fang nasdaq 100 semis software autos growth internet and sugar xlk fngs qqq soxx psj carz mgk mgc fdn cane,1 +2023-03-30,the nasdaq 100 qqq has entered a new bull market now up over 20 percent since december 28 the nasdaq qqq has rallied 10 percent over the last 3 weeks the index has been able to break through key resistance levels and bullish momentum has increased megacap stocks like amazon apple,1 +2023-03-29,ibd50 sorted by rs duol onon agl amd iot lnth dkng peri acls algm anet crm hubs lscc smci mpwr rmbs theme packaged software scan via launching april 1,5 +2023-03-22,aapl bullish 50 to 200 sma cross amd 9 month highs today 1 of 9 spx stocks higher for the day avgo on the new highs list nflx still below declining 20 sma with 50 sma starting to roll over needs a close 320 to break the near term downtrend,2 +2023-03-19,just posted a 15 minute walkthrough of my focus list next week in the private access community i see strength in semis at the moment and nasdaq outperforming we are watching a few names and anticipating some oversold bounce in iwm spy,4 +2023-03-09,spx break of last weeks lows does not mean the index is heading straight down to test october lows tech industrials acting quite well and fear is picking up qqq showed positive divergence cyclical lows very possible 2 days i will discuss in todays note,2 +2023-03-15,it certainly doesnt feel like a market where qqq has risen for 3 days straight aapl has been higher 7 of the last 10 trading days and 7 of the last 10 weeks and spx is positive on the week hmm,2 +2023-03-03,what happened overnight spx positive 0.76 percent nasdaq positive 0.73 percent spx again rebounded off its 200 day avg 3940 10 year yield positive 7 bps to 4.065 percent high 4.089 percent dollar index pulled back from highs of 105.18 closed positive 0.46 percent at 104.96 dow outperformed on strength in salesforce results,1 +2023-03-16,called out on telegram and spaces live amd dollars 2 calls itm 💰 over 800 percent nvda 245 calls itm 💰 over 300 percent msft 267.50 calls itm💰 300 percent pins dollars 6 calls itm💰 over 170 percent nflx dollars 07.50 calls itm💰 over 250 percent spy over 500 percent 💰 spx qqq wmt tsla,1 +2023-03-14,the SP500 500 is about 25 percent tech xlk has one of the better looking charts which helps us keep an open mind about favorable outcomes for spy xlk is roughly 43 percent msft and aapl both are above their 40 week ma,3 +2023-03-30,trading plan to mkt is qqq at 7 month high to semis equals strongest group to good breadth across the tech sector and growth stocks to took 4 swings yesterday 3 of them worked portfolio gaining traction will raise size to 25 billion ps today to top watches amd ampx,5 +2023-03-11,weekend video pinned to top of feed covers avwap support and resistance charts for tech xlk nasdaq qqq SP500 500 spy SP500 500 eq wt rsp nyse vti mid caps mdy ijh and foreign stocks vea efa,1 +2023-03-15,some are hiding in megacap tech stocks look at the price action in meta amd msft even amzn googl and aapl are holding better than the overall market so far,3 +2023-03-23,smh daily shooting star indicating a bearish reversal maybe underway needs confirmation first semis have been leading lately but time for a pullback imo note 50 sma crossed above 200 golden cross so could present as a dip buying opportunity nvda amd tsm intc,3 +2023-03-29,meta nvda msft aapl amzn nice and green map today to just need to sit and remain paytient baba next 103 now revised level love to see a squeeze over 100.50,3 +2023-03-30,there seems to be very little fear in the market and that is when everyone should be on their toes never take this market for granted even when it seems like its a sunny day end of quarter tomorrow spy qqq dia iwm smh aapl,1 +2023-03-01,nvda cant break 239 now 230 again rivn rev miss burning cash short til 50 sma on daily 18.60 look for pops meta 174 resistance to support and investor day for tsla dollars 05 bid yesterday 209.50 resistance nvax yuk amc,1 +2023-03-16,aapl set to save the day again as nasdaq set to have the best week of 2023 ill discuss technology further tonight and whether this outperformance can continue aapl current levels equals highest close of year,1 +2023-03-19,qqq lying but to be fair only like 5 to 10 stonks driving the “tech rally” those same 5 to 10 stonks keeping the spy afloat when it should be below 3400 right now 🤷🏼‍♂️,3 +2023-03-26,nvda meta tsla elf smci lnth a few stocks i am watching this week the window dressing technique may be at play here after all this is the last week of the first quarter,3 +2023-03-28,a lot of this action in stocks this week is end of quarter stuff id expect some more wacky action into friday in many popular sectors like tech retail and energy aapl smh nvda goog qqq xle xom,3 +2023-03-09,si unwinding any buying is short covering 3 3.50 for curls tsla weak 175 for bounce trend and investigation both weighing on it 180 and 183 resistance nvda 242.50 top on the week short til it breaks wouldnt sleep on a rangy day before jobs,2 +2023-03-23,aapl above 155 we might chop around today to find direction qqq acting bullish this morning well see nvda says what dip amzn flagging,1 +2023-03-28,a bit of an opposite day for the spx breadth is reasonably strong but the markets are down so far due to weakness in the recently hot mega cap tech space msft aapl nvda goog googl tsla meta,3 +2023-03-30,fang constituents aapl 161.68 positive 0.56 percent amzn 102 positive 1.74 percent amd 98.83 positive 2.84 percent goog 100.73 to 1.16 percent meta 205.2 to 0.07 percent msft 283.07 positive 0.92 percent nflx 342.8 positive 3.28 percent nvda 272.34 positive 0.92 percent snow 143.8 positive 4.64 percent tsla 195.87 positive 1.03 percent,1 +2023-03-22,aapl to bears will have some tough choices to make if aapl gets over 160 and qqq exceeds feb highs near 314 now being joined by bounces in hc and fins charts by,3 +2023-03-13,aapl positive 2.4 percent msft positive 3.4 percent goog positive 1.8 percent amzn positive 3.4 percent meta positive 2 percent everything else much less same as before the dip last week theyre using mega caps to prop up and pump the market doesnt exactly look confident,2 +2023-03-29,todays mega caps action was very constructive and explains why its hard to be bearish on this market right now see below for an aapl msft nvda amzn tsla chart analysis 👇,5 +2023-03-01,qqq the market always gives hints indeed for 4 weeks its been as tsla and nvda go so does mkt so on a day like today when u see tlt nvda and tsla red but qqq green u have strong evidence that we might turn down u just need to know what to look for,2 +2023-03-17,how to say i hate the outlook but was forced to buy stocks this week spx positive 2.5 percent wtd rsp equal weight flat aapl positive 5 percent amzn positive 10 percent googl positive 10 percent meta positive 14 percent and msft positive 11 percent,1 +2023-03-31,according to bianco research meta aapl amzn nflx googl msft nvda tsla account for all of the spy ytd return they are up positive 4.76 percent the other 492 stocks collectively are down for the year .99 percent,1 +2023-03-31,msft aapl meta amzn are all breaking out of bases today clearly liquidity is flowing into this market whatever the headlines you want to focus on,1 +2023-03-16,all the money from the financial sector going into tech sector it seems 😀 goog amzn tsla nvda meta aapl qqq almost up 20 percent ytd 😀🤷‍♂️,1 +2023-03-17,most likely tomorrow buy the dip or gap up unless we see some major news overnight spy qqq aapl amd aapl nvda,3 +2023-03-15,do you hold your nose and say this is good for tech stocks… qqq continue massive outperformance to spx now positive 11.5 percent in 47 sessions positive 3 percent since svb,1 +2023-03-31,seasonally last day of march end of first quarter is bearish ⭐️ most likely gap up and fade or gap down and close red spy qqq aapl amzn tsla tsla,2 +2023-03-08,all things considered stocks and the market holding up relatively well still a wait and see environment but there is a long list of ipos that are shaping up and no lack of earnings movers list of names that caught my eye last night elf 70 se 80 earnings algm,3 +2023-03-16,spy from the early feb peak a mini financial crisis ripped through markets mainly focused on u s regional banks however spy is holding december lows still and tech is leading and holding key moving averages qqq,2 +2023-03-23,futures rise slightly late the stock market sold off wed after the latest fed rate hike even though policymakers see just one more more broadly six titans apple microsoft meta nvidia google and tesla have masked weak breadth in recent weeks,2 +2023-03-13,market followed seasonality as expected and followed macd bearish crossover many bulls disappeared ⭐️ spy qqq aapl amzn tsla,3 +2023-03-23,people are forgetting the fact that msft aapl tsla meta nvda are literally all up 100 percent in 3 months laugh its our entire stock market once they start dropping look out,1 +2023-03-04,next three weeks are critical for market powell on tuesday job numbers on friday followed by on and fomc meeting and ⭐️ spy qqq aapl amzn tsla nvda meta googl,3 +2023-03-29,not clear which path will lead our view is bullish fork but outcome arguably rests on tech and faang xlk qqq fb amzn aapl nflx nvda goog 40 percent of spy qqq and faang recovered almost all of 2022 underperformance,1 +2023-03-21,tickers to watch via daily email semis acting well aaon aapl abnb amat amph avgo axon bbw bidu bkng bsx chdn cmg cprx crus dlb duol elf form four fslr ftnt gfs inta irdm lnth lscc mygn pen rdnt reta rmbs snps ssti stm ter,4 +2023-03-17,tickers to review this weekend via daily email aaon aapl agi altr amam amat apls avgo axon dhi duol fcfs fnd four fslr ftnt hubs inta iot iq irdm lnth lnth maxn meli meta mnso newr nrds nsit panw pen phm rblx reta rmbs se smar spot sqsp th verx vips wst,3 +2023-03-31,why did market rally last three days 💰💰 share your thoughts just for fun ❤️ comment below 👇 spy qqq aapl amzn tsla nvda msft googl,4 +2023-03-08,market chop doo doo doo doo market chop doo doo doo doo market chop doo doo doo doo market chop doo doo doo doo market chop 🫱🏽 spy qqq iwm aapl msft goog googl amzn tsla nvda nflx,1 +2023-03-13,spx strong reversal higher after holding above 3800 this morning spx can test 3949 if theres a positive reaction to cpi numbers aapl 157 in play if it gets through 153 tomorrow calls can work above 153 the market is starting to show some signs of strength after last,3 +2023-03-17,bulls want to see smh semis xlk tech qqq naz 100 and vug growth green today at the moment all have flipped red to flattish,1 +2023-03-20,great rest day setting some pivots after support bought up qqq traded in almost 50 billion p range most of day tsla abnb rblx amd nvda meta coin fslr panw spot aapl can follow through good for mkt,4 +2023-03-14,💡watchlist aapl 150 to 153 levels spy 390 to 386 tsla vs 180 to 174.50 meta on employee cuts msft vs 258 gtlb gap down reject amlx banks schw pacw frc bac wal to hopefully some profit taking and basing for good risk reward kre etf bitcoin names coin,1 +2023-03-30,susquehanna as of yesterday the combination of aapl nvda msft meta tsla amzn googl crm and amd have contributed to 160 percent of the spx gains on the year so spx would be negative without these stocks aapl nvda and msft alone have contributed to 91 percent,1 +2023-03-23,nflx no earlier headlines but circulations of a possible stream deal with aapl hitting desks and social media sm,1 +2023-03-10,spx big sell off today after failing to defend 3900. spx can test 3838 next puts working all day so far aapl can drop to 145 next week if it stays under 150 it looks like aapl can be the next one to start selling off towards 138 nflx 283 coming by early next week,1 +2023-03-24,trading spy watch es qqq dxy and xlf this will help you see the entire market and trade spy better if you want to add individual names have aapl nvda amzn msft goog tsla meta thank me later,5 +2023-03-08,powell done tomorrow quiet day nfp on friday smh leading nvda amd aapl meta holding strong all about names here until the market finds a direction but nice close hagn,4 +2023-03-16,googl amzn nflx nvda lrcx meta in tandem when has this happened before long time ago in a galaxy far far away w obivan and c3 puts o,5 +2023-03-28,qqq nasdaq heavier than spy this morning so far as tsla amzn nvda leading weakness all under bearish ema clouds vix key levels spy 396.50 resistance,1 +2023-03-07,bearish trend so far in premarket spy 405.50 area upper resistance and 404 lower resistance tsla levels nvda levels meta gapping up can fill gap if market weak most names trying to hold support,3 +2023-03-06,very quiet day overall indexes went nowhere powell 10 am is the big player here aapl mrk very nice snap ai nvda amd meta all gave nice trades if you were looking hagn,4 +2023-03-15,tough day cs scarring the markets pre but inflationary data was good ecb tomorrow i favor a bounce favor msft amd amzn meta googl big tech is strong and leading xlf banks mostly still weak head on a swivel here hagn,3 +2023-03-06,good morning futures flat tsla tesla cuts us prices model s and x tsla reiterated buy jefferies point dollars 30 from dollars 80 aapl int buy gs point dollars 99 mrk int buy jefferies point dollars 25 fslr point raised dollars 27 from dollars 01 keybanc kbh d and g underweight jpm,1 +2023-03-10,good morning futures mixed nas flat nfp 0 meta pausing reels play bonus program insider ulta point raised dollars 00 from dollars 75 telsey docu d and g underweight jpm cat d and g sell ubs point 225 rblx buy jefferies rivn buy bac point dollars 0 run int neutral citi point dollars 7,1 +2023-03-30,the nasdaq is up about 14 percent so far this year poised for its best quarterly return since 2020 meta shares are up more than 70 percent in the period,1 +2023-03-13,planning on watching tom morn potential gap up and seeing how the market handles it instead of individual stock reversals this week ill look to scale into tqqq and spxl with a stop on last weeks low not looking for a lot of size as we have fed cpi and ppi on deck less is more,2 +2023-03-21,hope the charts were helpful tonight tried to get as many as i could out reviewed spy qqq aapl nvda iwm tsla amd meta coin nio,5 +2023-03-26,the equal weighted SP500 is down 7 percent while the overall market is down .3 as much what does this tell you about the large cap tech bid msft aapl goog meta amzn,3 +2023-03-16,spent quite a bit of time posting charts tonight hope they are helpful for seeing another perspective reviewed spy iwm aapl nvda qqq tsla meta amzn amd nflx goog,3 +2023-04-04,breaking news tesla analyst dan ives from wedbush predicted that the company has room for more price cuts in the short term to teslarati tsla has negative 5.31 percent since the sell signal appeared view more,1 +2023-04-25,nq up on earnings news from msft and goog with other names rallying and possibly getting some juice from the reverse repo outflow today however net liquidity was actually down with the tga soak and dxy moves today,2 +2023-04-03,the price of crude was surging early monday while stock futures were flat as an unexpected oil supply cut from and over the weekend shook markets to start second quarter . dia spy qqq tsla brqs invo,1 +2023-04-11,microsoft corporation msft closed at dollars 89.39 today stock price has gone down by 0.76 percent dollars .21 since previous close value of dollars 91.6,1 +2023-04-26,with a price of dollars .045 and a volume of 88 k on the the emin currently exhibits a very high level of activity access the link ➡️ micr nvda su kirk,4 +2023-04-28,a biotechnology company in the clinical stages called hemostemix hem is working to create and market an autologous cell therapy for the treatment of ischemic diseases todays open price for hem is dollars .16 muln aapl bbig,5 +2023-04-20,📈 on april 19 2023 stock price opened at 0.0400 climbed to a high of 0.0450 and closed at the same 0.0450 price 🚀 time to and ride the wave 💰 pepe bbby muln spy qqq,1 +2023-04-27,💻👩‍💼 meta expects second quarter revenue to range from dollars 9.5 billion to dollars 2 billion with analysts expecting ai to have a positive impact morgan stanley and jpmorgan raised their price targets for metas stock 📊💹,1 +2023-04-28,skyrockets as investors cheer latest earnings results 🚀👏 ➡ what a day for metas stock as it enjoyed a massive rally sending the price to january 2022 levels,1 +2023-04-28,4 📈 metas stock price and investor confidence 📈 despite reality labs losses metas stock price increases possibly reassuring investors about roi potential,4 +2023-04-27,for context msft is up 6 percent for the week aapl is up 2 percent for the week meta is up 12 percent wtd googl 2 percent amzn 9 percent just some of the worlds biggest companies yet spy is at 0.05 percent for the week…. 🤔 we have a stage 3 distribution going on similar to what we had in dec 2021 we,3 +2023-04-17,spy everyday update fresh week starting with schw asml tsm abt tsla ibm earnings this week still looking small up n down bullish spx qqq aapl btc gold msft amzn,1 +2023-04-03,🙏💸 plce in downtrend its price expected to drop as it breaks its higher bollinger band on august 16 2022 view odds for this and other indicators jfk cemi spy tsla shop amzn nvda roku aim aapl amd,1 +2023-04-20,🎥 inc nflx has a weak 4.8 tc quantamental rating and a target price downside of 8.5 percent over the next 12 months historically income stocks such as have excelled during a recession economy,2 +2023-04-26,hey folks so has been strong nasdaq jumped up early took out feb highs now paired those gains up just 0.75 percent while dow and sp lower earnings to watch meta amzn tomorrow msft ⬆️7 percent atvi ⬇️10 a percent frc ⬇️as low as dollars .76 tsla ⬇️downgrade ba ⬆️,1 +2023-04-03,spy everyday update market looking bullish over all but watch out 30 minute chart we are testing resistance level at dollars 11 to watch spx qqq tsla aapl msft amzn nvda nio,1 +2023-04-22,a stock pullback would be a buying opportunity find out exactly at what price to buy in video spy esf spx study,4 +2023-04-14,bullish on us stocks on apr 14 hkd buy price dollars .50 short term target price dollars .00 reason technically and financially this pre epic big demon stock is stupidly capitalized light short term participation can be mfh huiz bimi xnet,1 +2023-04-16,🇺🇸 earnings this week 📈 tesla tsla 📈 netflix nflx 📈 ibm ibm 📈 taiwan semi tsm 📈 bank of america bac 📈 goldman sachs gs 📈 morgan stanley ms 📈 charles schwab schw 📈 american express apx 📈 at and t t 📈 johnson and johnson jnj 📈,5 +2023-04-03,closed higher on friday stocks leading the gains with the nasdaq 100 ndx popping 20.5 percent in first quarter also keeping an eye on stocks as and jump on the output cut announced by opec aapl amzn msft tsla dis mu mcd wwe xom,1 +2023-04-28,rallies getting a little help from its friend meta but also a big sell off in 1 mth adds liquidity to the market as tax receipts come in better than feared and wild swings post earnings in amzn and intc mbly cat hon nvda msft ma,5 +2023-04-07,market diary market rebound coincides with a bounce off its rising 10 ma in qqq xlk as highlighted yesterday mgk also bounced off with positive 0.78 percent worth to note equal weight indexes rsp qqq are relatively flat outperformance in goog msft aapl amzn staged,1 +2023-04-11,both spy strikes worked fine for base hits today if you took 1 dte super grindy pa amzn 100 puts was great this morning eod flush was awesome with spx 0 dte,5 +2023-04-25,market diary lackluster showing market adopt a wait and see approach ahead of earnings from megacap msft goog meta amzn rsp positive 0.19 percent qqqe negative 0.06 percent both within previous day range banking groups kbe negative 0.46 percent kre negative 0.51 percent continues to get sold rejecting,1 +2023-04-17,📚 historically weak breadth these 6 stocks up a combined 50 percent ytd dragging indices spy qqq aapl googl meta msft nvda tsla first quarter earnings on tap 🚰,1 +2023-04-04,breadth is weaker than you may think today 77 percent of spx is down an average of negative 1.7 percent some heavy market cap distortion as appl msft amzn goog are protecting the index from further losses watch out if these start to slip,3 +2023-04-21,spx made a slightly lower low today but still closed above its 10 dma todays low was probably a 10 trading day low which favors bullish action next week in order to confirm it goog msft and meta will have to deliver good earnings theres amzn too but i wouldnt count on it,2 +2023-04-30,spx weekly with naaim and nydex ratio on bottom price is currently back above both the 50 and 200 ma average more importantly rydex appears to be suggesting the bottom might be in this could be possible with rolling recessions for instance i believe semiconductors are,3 +2023-04-27,all these tech earnings pumps and spx simply cannot take out the feb high meanwhile breadth has tanked since mid april where does the next leg higher come from if you apply bull logic aapl should get us there as they probably absorbed samsung’s negative 95 percent earnings decline 🤣,1 +2023-04-21,the mother of all bubbles will soon become even more visible as we get magma earnings reports tues googl msft wed meta thurs amzn may 4 aapl “if apple’s down 5 percent and it makes up 7 percent of the SP500 you do the math full clip,1 +2023-04-30,qqq the nasdaq 100 was the first index to have a follow through day in march we saw a shakeout out last week followed by a move that exceeded recent highs this index is filled with mega cap tech leaders like meta msft aaple nvda,5 +2023-04-24,gm ☕️ ☀️ 5 of the top 10 companies in the us SP500500 spx accounting for over 15 percent of the index report earnings this week msft goog googl meta amzn xom a very consequential week for risk and market sentiment have a great monday fam,5 +2023-04-25,nasdaq daily flushed to 50 expontential moving average purple and lower bb 11799 area had bear crossshaded oval lower bb is flat would need 2 roll over 4 more downside macd and stoch gaining speed 2 downside msft and goog both had good er so couldve just been a quick bear raid will know more tomorrow,2 +2023-04-24,msft the second big stock naz name to trigger an ss entry amzn triggered at the 200 dma msft triggers at the 20 dema both ahead of earnings this week,5 +2023-04-05,order flow for tomorrow has the heaviest puts this week we were targetting dollars 05’s from this morning but considering apple and microsoft as well as nvidia all hit top of quarter one earnings target already i believe we will see more downside into tomorrow,5 +2023-04-13,gm all should be an interesting morning again as we wait for the number we saw a fade all afternoon on will we get something similar today looking at a weak amd from the afternoon should get a pop off open then we can look at a few fade areas amzn,3 +2023-04-05,yes the big boys aapl msft nvda meta and so on are leading the way coming off the SP500 500 october lows but to me it looks like everyone is getting involved spy spx,3 +2023-04-28,aapl sluggish with daily oscillators hinged at overbought lines and volume dropping meta meeting its maker with cci off the extreme overbought charts only msft left to face reality with extreme overbought cci let gap 🧲 do the work then 🙊 on qqq spy run for their,1 +2023-04-25,with microsoft and google earnings beats spy is likely headed back to dollars 10 potential head and shoulders setup if gdp on thur is bad and and or pce on fri comes in hot otherwise we take out the high ill expect that hypothetical move to reflect bearish divergence ending the bmr at dollars 19 dollars 22,1 +2023-04-26,the mcclellan oscillator namo crossed deeply the low bollinger band today on december february and march similar events have created a bounce green arrows opposite to january and march when the high band has been touched red ones how high depends on how the,2 +2023-04-01,teslas stock is trending today at dollars 07.81 will the market close this weekend with a drop in the stock price follow us to find out,1 +2023-04-28,thanks for checking out todays quick market recap below on friday futures indicated a slightly lower open as traders reviewed corporate earnings reports including amazons first quarter results while amazon initially saw a rise in shares they were down by 1 percent shortly,4 +2023-04-13,today the qqq had a 2 sigma daily move when you scope out you see 10 trading days in the chop box only .38 percent up for the week and we have financials reporting earnings tomorrow keep your head on a swivel,1 +2023-04-28,a look at qqq smh xbi xlf year to date charts look at ytd avwap and from significant highs and lows i will discuss more in my weekend video tomorrow,4 +2023-04-20,gm traders thanks for checking out the here today going to try and condense this to make it easy tsla should be a ss here as the street is not liking the q margins are the story as they are down 10 percent yoy with the price cuts more pressure form china and,2 +2023-04-24,📈 alphabet inc microsoft corp amazon inc and meta platforms inc which constitute more than 14 percent of the value of the benchmark SP500 500 are scheduled to report results this week a rally in these stocks has supported wall street this year and investors are waiting to see if,5 +2023-04-27,gm traders thank yo for checking out todays please retweet social media stocks surge as meta platforms beats first quarter revenue forecast with meta shares up 11 percent analysts expect smaller than expected decline in SP500 500 earnings thanks to strong tech results from,1 +2023-04-18,spy on the daily chart rising wedge structure currently trading near the hoy gap up today and currently trading near lod nflx reporting after the bell with aprx negative 30 expected move tsla earnings report is around the corner green line high of year red line low of,1 +2023-04-30,⚠️stock market earnings to watch this week🎯 ive highlighted a handful that im paying particularly close attention to aapl being the most impactful to the spy and qqq for those interested,4 +2023-04-27,going into todays open aapl msft amzn nvda googl meta tsla made up 23.8 percent of spx meta is up 12 percent this morning amzn is up 2.5 percent we may approach 25 percent from 7 stocks by the next week when aapl reports 🤯,1 +2023-04-26,gm traders with a few buig names needless to say here today msft dollars 95 long on a great report watching dips googl tough on ad sales but 70 billion buyback be patient and get long near dollars 02 to 103 frc trouble in this name yday was a nightmare seems more coming,1 +2023-04-25,nasi this red again and could lose 10 expontential moving average usually not the best sign nysi much healthier as a sign to how bad breadth is in nasdaq big tech tuesday reports on deck to see if get out of that range on qqq,2 +2023-04-24,continuing sideways today to down 0.24 percent with 52 stocks down leaders zm algn dltr ebay idxx odfl laggards okta pdd mu jd team intc ddog bidu mrna big week for goog meta msft ntes and a host of others,1 +2023-04-21,thus bearish and making itself felt through xlk smh aapl nvda would ultimately notice too for all the strongholds they are as tweeted earlier troubles start with cyclicals high beta iwm xlf low 4150 to hold 4136 finally to fall today 4115 then,2 +2023-04-27,my watchlist took a big haircut today tepid and lackluster action at best after msft earnings gapped the market will gap up again tomorrow morning after meta report need to hold todays low and tuesdays low otherwise potential dollars 07 gap fill 5 lower highs from double top qqq,1 +2023-04-14,the SP500 500 is back to average pe levels average near 22 puts e currently the market is at 23 puts e average here’s a comparison of all the mega caps you can see what’s undervalued versus priced in don’t let the media fool you 🤗 god bless you 💜💙💚 and share if my tips are,3 +2023-04-04,apple microsoft amazon and google represent 18 percent of the SP500 500 and 36 percent of the nasdaq 100 major market barometers these market giants have carried the bulk of the rally over the last two weeks now all have advanced into thick resistance spy spx,5 +2023-04-10,⚠️watchlist to stock and options trading idea notes ➡️expand this post to see charts images and details watching several names but no specific numbers at the moment were post long weekend pre cpi see below aapl sitting in a recent range between dollars 61.8 dollars 65.9,3 +2023-04-25,global cues are flat dow up 66 points nasdaq fell 35 points trade restricted to narrow range as market looks to tech earnings alphabet microsoft gm to deliver earnings today 45 percent of SP500 earnings to be reported this week sgx nifty up 23 points,1 +2023-04-28,this from 5 weeks ago still true aapl msft the leaders in nasdaq continue to impress hard to see market pulling back much with that aapl earnings next week,5 +2023-04-16,overall we are still very bullish for the month of april even on the red days or pull backs we are playing the earnings run up this week especially focusing on nflx tsla ms asml many think spy pe ratio multiple is too high and can trigger an earnings recession,2 +2023-04-26,so msft beat held the market up while tsla got hit now meta beats which will hold it while tessie bottoms then once we flip bullish tessie will carry us up while those have a pullback interchangeable pendulum swings to keep spy balanced get it,3 +2023-04-24,recap sold nvda intc on weak it spending concerns plan is to be not involved and short into earnings this week on concerns over online ad spend googl meta weak pc demand recovery msft cloud spend amzn msft googl tsla t nflx earnings reactions are warnings,1 +2023-04-18,spx spy another day that feels like the sky is falling if youre on twitter only for it to get bought up for a 28 point end of day run bac gs and jnj report earnings premarket while nflx comes in tuesday after hours 4195 liquidity in the crosshairs or will some of,1 +2023-04-17,this undercut in smh feels a lot like qqq 212.82 previous weeks low and aapl 160 hoping get big follow through on it tmrw smh daily has emas right on top so needs to punch them,2 +2023-04-20,in an uptrend swings will not have deep overlap like this clearly 6 months price action hasnt reversed the downtrend on goog o qqq,2 +2023-04-19,spx spy sloppy pa today as the SP500 faded its gap open before grinding higher into eod no real clues into where we head next especially with nflx erasing the initial earnings drop tsla earnings wednesday after hours will tsla beat,1 +2023-04-28,what happened overnight spx positive 1.96 percent nasdaq positive 2.43 percent SP500 to 500 reclaims 4100 level and snaps its streak of 6 straight days of making lower lows fb parent meta positive 14 percent on earnings 10 year yield positive 8 bps to 3.53 percent oil positive 0.79 percent to dollars 8.30 us first quarter gdp miss overshadowed by hawkish data,1 +2023-04-23,wall st to friday action spx positive 0.09 percent nasdaq positive 0.11 percent ust 10 year positive 4 bps to 3.57 percent dollar index negative 0.11 percent to 101.72 oil positive 0.7 percent to dollars 1.66 april flash comp pmi at 53.5 vs 52.3 mom fed in “blackout” period ahead of may fomc big earnings ahead amzn goog msft cat ge,1 +2023-04-29,qqq monthly following last months outside bulllish engulfing candle heads higher macd curling and on its way to flippin green ndx nqf xlk aapl msft amzn xlf,1 +2023-04-14,amzn nice curl since that spy bounce from 400 i keep amzn tsla aapl msft always open all day on my charts to nail such scalp moves amd nvda on days when semis moving,5 +2023-04-28,spy had back to back 400 stocks down days during the week and tested below 20 sma but back to back post earnings gaps from msft and meta led it to an 8 month weekly closing high,1 +2023-04-27,what happened overnight spx negative 0.38 percent nasdaq positive 0.47 percent microsoft earnings from earlier boosted cloud stocks meta first quarter beat poll stock positive 9 percent 10 year yield positive 5 bps to 3.45 percent dxy index flat at 101.42 oil down 3.8 percent to dollars 7.68 us data helped dispel recession fears slightly,1 +2023-04-06,amzn 1 point bounce from 100 spy from 406 now testing 407 as vix rejected tsla 184 and now🎯 all names at upper resistance point need to watch the trend confirm here as stocks at pivot levels spy yesterday 407 to 408 was key,1 +2023-04-12,just 7 companies make up over 50 percent of the nasdaq 100 qqq microsoft msft 12.6 percent apple aapl 12.4 percent google googl 7.5 percent amazon amzn 6.2 percent nvidia nvda 5.1 percent facebook meta 3.6 percent tesla tsla 3.5 percent,1 +2023-04-24,its been a choppy and grinding market lately this week earnings will pour in mega cap teck stocks such as goog msft meta and amzn are scheduled for later this week maybe these reports get things moving again qqq spy dia smh,1 +2023-04-26,cues for today wall st indices dip 1 to 2 percent for all major indices however microsoft positive 8 percent and alphabet positive 2 percent in after hours post results pepsi at 52 w high sgx nifty negative 30 points as nifty consolidates near 17800 nifty range 200 dma 17625 100 dma  17830   midcap weekly expiry today,3 +2023-04-21,💥new post alert💥 tech rally faces major test next week as ‘faamg’ earnings loom msft reports april 25 googl reports april 25 meta reports april 26 amzn reports april 27 aapl reports may 4 👉 dia spy qqq,1 +2023-04-25,glancing at charts on the phone qqq made a move below to the other side of the tracks today these earnings get faded tomorrow and we could see some acceleration to the downside,2 +2023-04-01,unusual paper amzn dollars 20.00 call expires equals size equals 3104 oi equals 57632 cost equals dollars 52822 stock price equals dollars 02.84,5 +2023-04-05,spy a nice long legged doji to end today with multiple hourly time frames oversold lets see tomorrow no assumptions aapl daily hammer holding 9 expontential moving average i bought it qqq also daily hammer but more selling volume on tech vs spy,4 +2023-04-18,the man who woke up checked his facebook meta account on his iphone aapl on the verizon vz network… slipped his nike nke sneakers on and took his prescription medication pfe jnj bmy mrk lly then drove to work in his tesla tsla after stopping to get his starbucks,1 +2023-04-28,well what an awesome week as said it looked like a correction but it went kinda parabolic esp if you look at big tech the vix is under the 16 i said 14 was my target but we are now at a support next week jpow apple earnings amc earnings enough catalysts enough fake,3 +2023-04-17,so bullish that during vixperation week… qqq flat and the big boys msft and aapl got upgrades… keep buying the dip… april is almost over,1 +2023-04-10,the first quarter 2023 rally in stocks has been extremely concentrated just five stocks aapl msft nvda tsla meta have contributed to nearly .75 73 percent of the SP500 to 500 spy gains while the top 10 have accounted for a whopping 95.4 percent jefferies,2 +2023-04-25,been away most of the day today but just saw that goog and msft beat their earnings goog also announced a dollars 0 billion share buyback goog spiked up ah have a few itm goog covered calls that will need to be rolled forward googl qqq,1 +2023-04-24,an update on spx by week spy amzn ko msft frc meta ups googl vz mcd gm ba ge enph hal mmm pep rtx v xom nee aal cat whr intc cvx dhr lly cmg vlo ma dow hlt luv abbv biib cdns hum adm bro mo shw mrk,3 +2023-04-07,cpi numbers next week if market surprise and numbers come above estimates expect a big dump 🩸🩸🩸 spy qqq aapl nvda amd tsla,1 +2023-04-18,nflx on deck this evening i wouldnt be concerned about what it does tsla will trade on its own no matter if netflix was up or down 10 percent in ahs tesla is somewhat detached from the tech trade again until they have some type of surprise upside news,3 +2023-04-23,it will be a very interesting week… be ready for some action… notable earnings this week in 🇺🇸 microsoft msft alphabet googl goog amazon amzn meta platforms meta snap snap pinterest pins spotify shop roku roku intel intc mcdonald’s mcd chipotle cmg,5 +2023-04-26,about last night to blowout earnings from microsoft msft and google googl with an ugly 393 new 52 week lows vs 44 new highs inside the nasdaq yesterday “hello mcfly anyone home”,1 +2023-04-12,many have mentioned on here but i’ll tag in on this nq qqq red all day including pm being red msft aapl amzn nvda struggled thus far xle xlv xli strong along w gold still and uranium got hit on rrg that looks like rotation and a move to “weakening “ from leading,2 +2023-04-26,the strangest parts about the msft meta and googl moves are that a the vix went up b the nasdaq futures cant break and stay above 13000 c aapl sold off what an unusual earnings season,2 +2023-04-28,weekly gains so far this week aapl positive 2.05 percent msft positive 6.67 percent amzn positive 2.67 percent nvda positive 0.39 percent goog positive 2.32 percent meta positive 12.06 percent which correlates to just a spy .05 percent fishy very fishy,1 +2023-04-11,on march 31 they were all chasing magma 12 days later heres the desk flow notable sell skew across megacap tech names magma on our desk today net sold dollars b in aggregate across meta googl msft amzn and nflx,1 +2023-04-10,and thats a wrap slow day overall spy back to thursdays close nvda amd mu leaders tsla big reversal amzn as well crypto names very strong see what tomorrow brings,1 +2023-04-13,thought would be chasing big tech on gaps and missed aapl held 160 spot qqq 20 expontential moving average iwm back towards that 179 to 180 zone nvda closed on 264 level again had it today on undercut and recapture but weak all day hopefully can find some opportunity as get through eps banks tmrw,2 +2023-04-13,the market looks much better today after breaking out of this range above since the beginning of april we can see a trend day higher tomorrow as long spx can defend the 4132 support level keep an eye on aapl msft meta if these 3 can lead a move higher tech can run,2 +2023-04-19,wel that is a wrap tsla very unclear to me will listen to the call amzn aapl breaking out today ms ual huge reversals see what the am brings hagn,1 +2023-04-19,spy sideways now hit 415 a level from few days ago 414 been acting as magnet want to see that hold for bulls going into tmro tsla nice move so far today vs 178 and ripstercloud curl amzn retested 104 breakout and held good dip adds earlier aapl 168 resistance,5 +2023-04-28,aapl and amd cut here good action on spy good early winning idea on aapl putting a wrap on things as were range driven now and contract pricing isnt adequate,4 +2023-04-21,earnings season expectations are low and next week is big 35 percent SP500 stocks report incl amzn googl meta msft less than 12 percent this week and 2 percent last week hat tip better than expected results and upbeat guidance could rally stocks into month end,2 +2023-04-07,that’s all the charts i have for the weekend hope they were helpful taking a break from twitter will be back monday reviewed spy qqq iwm coin nvda meta shop tsla arkk goog ai aapl crwd amd amzn,1 +2023-05-02,🚀the most active stock of the hour tesla tsla negative 1.51 percent tsla has positive 5.26 percent in price since the magic signal was generated 👏get free hold signals by following and leaving a comment,1 +2023-05-08,what is the dow theory dealmoney the dow theory on stock price movement is a form of technical analysis that includes some aspects of sector rotation,4 +2023-05-06,aapl not stock price could be head and shoulders formation ndx spx qqq nvda msft,1 +2023-05-25,restructuring is challenging but it needs to be done and wksp has the tools and expertise to succeed in transforming how the world views green technology use this iconic penny has touched the target price of dollars after a long year muln aapl amc,4 +2023-05-26,how to increase your company’s share price just insert “ai” here and there when you read out company’s earning report and watch the stock value fly 🚀,5 +2023-05-10,🚀amd stock price is on the rise by 4.04 percent opening the market at dollars 4.85 now cruising at dollars 8.62 keep watching traders,1 +2023-05-03,spy may 3 review clearly fluctuated between our lines of support and resistance consolidation on first lor green line volume pushes price more volume in the after equals more volatile stock movement,2 +2023-05-08,💻🔗 bult the publically traded of bullet blockchain inc previously price dollars .05 per share on get on board now before it skyrockets 🚀📈 🔗 muln aapl bbig amc,1 +2023-05-24,📈 the market value of wksp on is dollars 2 million with a price of dollars .05 not too shabby for a company that started with a vision and a few bucks in the bank 💸 nio amc muln aapl,1 +2023-05-25,did someone say 🐂 market 👀 check out the updated version of spx with o aapl msft amzn goog gool meta tsla nflx with qqq in 🔵 spy in ⚫️ and rsp in🟣 things just went from bad to worse 😬 on that negative 2 percent print for the modified SP500 i smell a rotation coming 😶‍🌫️ spx,1 +2023-05-04,falls sharply amid disappointing earnings report 📉🥶 ➡ a very day for the amd stock price as it was down sharply due to weak earnings report,2 +2023-05-09,cheers sp and nasdaq had back to back gains will it be 3 day s in a row wait and see mode ppi watch googl news winners include palantir zscaler salesforce boeing losers today paypal shopify chegg mizuhos greg,1 +2023-05-26,what an end to a fantsitc week absolutely incredible hope everyone banked hard 💰with amd nvda smci nflx pltr msft amzn mu upst and so many more,5 +2023-05-20,stock long term analysis price has had a huge impulsive move without a normal retracement price is at major resistance zone expecting a pullback follow for more analysis 🔔 nvdia nvda spx,3 +2023-05-07,just in shop cramer is incredibly bullish on shopify stock price after first quarter earnings gdxu team aehl via,1 +2023-05-07,aapl shares trading at a high premium to tech peers competitors and its suppliers here see relative value signal line in red historically not a great place to buy qqq,3 +2023-05-04,the good hing about investing in lsdi is knowing the board got your back they have finances in place to defend their stock price trading dips is profitable spy sui btc pepe tsla,1 +2023-05-17,tsla stock price reacts to major elon musk news twitter owner elon musk said that linda yaccarino who until recently headed advertising at nbcuniversal will become the new director of the social network ✅read the full article,4 +2023-05-11,finance experts set tesla tsla stock price for the end of 2023,5 +2023-05-15,the ixic managed to close out the week with modest gains but not for the rest meanwhile spreads in different asset classes widen might be slightly injured but he lays out what you need to avoid missteps amzn goog meta tsla shak nflx wmat msft iep,3 +2023-05-05,aapl rebounded a bit as they increased the buyback to 90 billion and upped dividend by 4 percent i always feel when you do these things after earnings it diverts peoples focus that sales may be slowing lets see how this plays out over the next week qcom makes chips for cell,3 +2023-05-26,market diary 1 major indexes had a mixed showing as rsp negative 0.06 percent and iwm negative 0.78 percent but qqqe positive 0.49 percent 2 nvda positive 24.37 percent spectacular fiscal second quarter revenue guidance boosted the nasdaq as well as fuelled buying interest in other mega cap semiconductor stocks ie amd positive 11.2 percent,4 +2023-05-03,esf head and shoulders still intact 👀 price is nearing the october low avwap and the 200 displaced moving average could see some support at these levels can apple earnings delay the inevitable,3 +2023-05-30,spx breadth was skewed towards the downside today with 58 percent of the index declining without the buffering effects of aapl amzn and nvda we likely would have seen a very different close,3 +2023-05-06,spx is up 7.73 percent ytd and will not fall if these 5 tickers hold the line aapl up over 33 percent msft up near 30 percent amzn up over 25 percent nvda up over 96 percent meta up over 93 percent,1 +2023-05-11,nasdaq daily backtested the pink tl 12270 break out and held with green 🔨 window 🪟 is still open 4 more upside if wants meaning upper bb pointing upward macd needs 2 widen gain some speed stoch touching just needs 2 hover above 80 line,1 +2023-05-15,not seeing much that i love on spy and qqq today spy to bullish above trendline into dollars 15 over that can test dollars 17.62 bounces dollars 11.3 dollars 10.75 then dollars 10 dollars 10.2 qqq dollars 27 dollars 27.3 is a huge area watching for rejects up there,1 +2023-05-09,the nyse fang tech index broke out to new 52 week highs today thats bullish nasdaq symbol nyfang in thinkorswim its an equal weighted cash index that tracks meta aapl amzn nflx googl,1 +2023-05-31,taking 5 days off equals beast mode activated 😈 was live all day somehow 😅 spy 417 puts itm plan from the morning on the left spx 4195 calls 0.75 to 3 🚀 aapl 180 calls 🔥 amzn 125 calls ❌ amzn 118 puts 🔥 abnb 110 calls 🔥 lyft 10 calls 🔥,1 +2023-05-03,nasdaq daily lost mid bb 12070 and bulls need 2 regain asap otherwise next support is that 50 expontential moving average purple and lower bb 11867 area macd gap widened not good stoch turned b4 80 line not good real reaction from fomc tomorrow plus aapl er ahs tomorrow just fyi,1 +2023-05-10,nasdaq daily bulls were waiting on cpi data filled opening gap and closed above pink tl 12270 that needs 2 hold on a close upper bb window still open 4 more upside if wants macd crossed is good stoch just needs 2 hold above 80 line bulls need ppi data 2 come in soft tomorrow,1 +2023-05-25,nasdaq daily thanks 2 nvda regained orange tl 12655 upper bb reversed upward so 🪟 open again bulls want 2 follow upper bb up and bears want 2 lose orange tl on a close macd gap holding is good stoch turning already would be good,1 +2023-05-24,nasdaq daily bammm backtested 13 expontential moving average blue and held at the close with a darn close 2 green 🔨 which is what bulls wanted going into nvda er which beat 🤑 could regain my orange tl 12655 tomorrow or soon based off nvda er and reverse upper bb upward is what bulls want,5 +2023-05-08,great chart from today highlighting the overall breadth of the market the number of spx components that are outperforming the spot index continues to trade near a 52 week low overall presents a dangerous setup should the mega caps begin to falter aapl msft amzn,4 +2023-05-18,nasdaq daily closed over orange tl 12655 and way out of upper bb tomorrow is opex so wouldnt doubt mms shake the tree 2 get back within upper bb or not🤷‍♀️ resistance tl above are all levels from august next is grey tl 12860 macd racing upward🐂 stoch hovering above 80 line🐂,1 +2023-05-15,no stream today will post spy updates charts per usual to hope you enjoy the levels and chart links important levels areas aapl amd nvda tsla meta,1 +2023-05-12,it is not about tsla it is about the market the spy has been showing terrible breadth and the few big tech names holding up the market are giving up finally nfa,1 +2023-05-17,qqq breadth still weak but big tech continues to push the nasdaq higher rs new highs today tsla amzn aapl nvda msft googl nflx meta,3 +2023-05-09,a bit of an odd day with names like aapl msft and amzn cooling off while nvda googl and nflx had big up moves catch up for a knife or front running the next move,3 +2023-05-01,last week was both a bullish engulf and an outside bar in nq this week has already started with touching up to a fresh 8 month high massive week ahead with fed on wed and nfp on fri amongst a number of corp earning reports,1 +2023-05-30,watchlist ⚡ spy long over 421 with a sl at 419.5 qqq calls over 351.11 puts under 348.53 tsla long over 202 aapl flagging over previous res to long over 178 and short below 176.57,1 +2023-05-18,good afternoon i hope everyone is enjoying this market rally the nasdaq qqqs just broke above the august highs 😍 im enjoying trading it at my new workstation for the next few days,4 +2023-05-20,nasdaq at 52 week high sectors breaking out of bases weekly game plan spy qqq meta goog nvda aapl xlc xlk xlb xle xlf nflx,1 +2023-05-27,spy weekly closed above 100 simple moving average barely but given this still means it can head higher if there is a pullback next week wouldnt be surprised if we see a rotation from qqq spy given how overbought is spx esf xlk iwm qqq xlf vix,3 +2023-05-08,it’s actually curiously bullish let the old tech rest fangman to but esp aapl and msft and let the youngins play catch up besides great chases long in nflx and amd this morning a few oversold tech plays look like fab swing longs i’m even interested in some earnings plays,1 +2023-05-30,milly milly day 2 omg sam loaded nflx up 17 nflx 400 will be 10 ish from 2 buck buy nflx 420 will be 3 from 85 calls buy tsla 205 if break up will be 8 from 1 buck buy nvda screaming googl ante both rippy insane rippy mode,1 +2023-05-03,this random aapl ah move ahead of earnings coupled with the futures gap down can end up possibly being the biggest head fake market sees in months spx spy vix 🩸🟢,1 +2023-05-31,daily recap 2 days in and market in a bit of a pullback in a uptrend so far amd nvda msft amzn smh still well above their 8 days aapl very coiled here one to watch,4 +2023-05-17,mid week update spy break out qqq close to 52 w high good participation nvda tsla googl even ai big days fuse is lit can market break out the rest of the way now thoughts below,1 +2023-05-29,global market insights earlier on friday rally in large cap like apple microsoft nvidia and alphabet boost us indices to 9 month highs nasdaq rallied 2.5 percent last week vs dow was down 1 percent,1 +2023-05-15,fridays wall st action spx negative 0.16 percent nasdaq negative 0.35 percent nasdaq saw weekly close feb high at 12270 ust 10 year yield positive 8 bps to 3.46 percent dollar index broke its double bottom neckline at 102.40 umich survey stubbornly high inflation expectations oil negative 1.0 percent to dollars 4,1 +2023-05-30,sox finished positive 10.7 percent on the week … which is now positive 19 percent on the month and positive 40 percent ytd qqq has been higher for five weeks in a row or positive 10 percent … 2 week of at least positive 2.5 percent big bears turning bulls claiming recession is not imminent fed done hiking focus on ai and,1 +2023-05-05,aapl with strong iphone sales up despite declining rev 171 the key cvna beats and squeezing higher 9.50 the base amd msft partnership has the former back above 84 dips there coin amc shop,3 +2023-05-30,so nvda wants 1 tril market cap wont sleep on tsm dip support 100 tsla up again as elon goes to china and 200 break looms agreement with f on charging puling both up ai squeezes above previous resistance 35.50 acon meta,1 +2023-05-18,butcher market spy qqq spx esf nqf aapl tsla vix nvda msft sh sds uvxy goog amzn spxu nvda meta iwm sqqq tqqq bito,1 +2023-05-16,cant make it up magma accounted for 144 percent of the SP500 move with amzn positive 2 percent googl positive 2.6 percent nvda positive 2.5 percent msft positive 75 billion ps continuing to benefit from somewhat of a tina type behavior brokering laugh,1 +2023-05-01,closing stock market summary for monday the stock market entered the new month on a mostly positive note ahead of another busy week of potentially market moving events investors are eyeing the fomc decision on wednesday the ecb meeting and apples aapl 169.59 to 0.09 to 0.1 percent,1 +2023-05-05,anyone doubting whether qqq can run hard the rest of this year isnt looking correctly at goog and amzn charts they are coiled up for massive break outs and yes earnings news is a tailwind behind us,1 +2023-05-10,closing stock market summary for wednesday todays trade was mostly mixed the dow jones industrial average spent most of the session in negative territory while the nasdaq and SP500 500 outperformed supported by gains in the mega cap space price action was somewhat tepid today,2 +2023-05-25,the biggest divergence i see is spy trading in this range with where nvda msft meta and aapl are trading especially with the vix this low,2 +2023-05-26,cues for today nasdaq positive 1.7 percent nvidia positive 24 percent on strong earnings crosses dollars tn in mcap post market gap positive 14 percent marvell tech positive 16 percent sgx nifty negative 10 points compared to nifty june futures nifty jun series starts today nifty 20 dma at 18223 strong support 44000 resistance for nifty bank,4 +2023-05-18,many qqq names right at highs nvda meta amd googl msft amat earnings tonight,5 +2023-05-24,nvda earnings might have big implications for semis and this stock has gained more ytd than any other qqq name positive 105.7 percent early to think this peaks out but should face meaningful resistance near prior highs and poor st risk and reward 330,3 +2023-05-15,general thoughts on the market believe tech is overextended and that it needs a pullback before spy can go get my 430 level ive been looking for aapl is only 7 points from ath but spy is 70 msft has extreme resistance 316 to 320 and dont see it getting higher than that,2 +2023-05-26,if you’re just a spy monkey what you’d have seen yesterday was a positive 0.88 percent up day but did they see that 3 stocks nvda msft and googl made up positive 100 percent of the spy’s return” in todays early look learn more,1 +2023-05-27,10 most mentioned stocks in wallstreetbets last week nvda ai spy amd qqq v tsla pltr aapl amzn source quiverquant visit for 30 day free trial,5 +2023-05-10,spy qqq this market is literally down to 7 stocks tsla is the weak link and the swing factor in my opinion in bull markets gs is in a uptrend over the 200 day sma it would need to be over dollars 42 to confirm,1 +2023-05-22,spx positive 9.9 percent ytd tech positive 28 percent mega tech top 10 positive 24 percent most u and w aapl tsla nvda amzn msft positive 39.4 percent ytd not cheap at 33.6 times but eps expectations are for 17 percent y and y growth go forward vs spx 4.6 percent few other sectors have higher eps and lower pes equals should mean broader involvement,3 +2023-05-18,🔔 faang stocks rallied today all finishing at their highest levels in at least a year aapl 175.05 positive 1.37 percent amzn 118.15 positive 2.29 percent googl 122.83 positive 1.65 percent meta 246.85 positive 1.80 percent msft 318.52 positive 1.44 percent nflx 371.29 positive 9.22 percent nvda 316.78 positive 4.97 percent,1 +2023-05-30,with nvidia chips and big tech posting strong gains so far through second quarter the nasdaq’s outperformance has widened to positive 14 puts p relative to the SP500 500 and positive 24 puts p relative to the dow qqq spy,4 +2023-05-30,qqq amd nvda feeling like afternoon sell was some real giddiness this morning in these ai names smci amd types taking a shot on the r and g failure on amd and looking for fizzlers in ai smci,1 +2023-05-01,last week was the busiest for SP500 500 companies reporting but this is the week that counts with 1200 companies set to report and iwm in focus oh and aapl spy stng smci alx tgtx sbt acmr fubo wing mstr chgg ceix sjw,3 +2023-05-16,why is it important to watch nasdaq nq or the technology sector qqq if you are trading SP500 500 es spy spx for momentum trading a thread 🧵,1 +2023-05-22,trough to peak performance nvda positive 196 percent meta positive 188 percent nflx positive 131 percent amd positive 99 percent tsla positive 85 percent tsm positive 59 percent msft positive 53 percent goog positive 52 percent amzn positive 46 percent aapl positive 43 percent ridiculous gains that is why you cant be permabears these bounces are so vicious so vicious i tell ya well done if you made dollars,1 +2023-05-06,after 4 declines the market roared friday with the nasdaq on the cusp of 2023 highs but dont get excited yet weve been here before amd brkb v tjx msft tsla aapl 1,1 +2023-05-20,market rally made strong moves with nasdaq and SP500 500 hitting 2023 highs though breadth remains an issue ai related chip software and megacaps are leading nvidia earnings this coming week will be key 1 nvda snow elf panw deck tsla amd googl,4 +2023-05-22,over the last 2 trading days aapl msft meta nvda and goog have all made 52 week highs amzn and tsla havent but both are still up strongly on the year markets are keying off earnings growth expectations for 2024 and by that measure us big tech does look cheap,2 +2023-05-18,my goodness if you are not taking profit here in spy qqq nvda aapl msft goog meta nflx you are simply a fool market is saying our economy revolves around mega cap tech should worry you don’t be a sucker,1 +2023-05-06,we predict aapl goog and msft will follow in due course amzn for some downside in this depression waterboarding session brought to you by the create inflation late to the inflation now uber hawk fed,3 +2023-05-19,yes nq and smh and igv and xlk are very extended st but it does not mean the whole market will crash or pb in a strong uptrend well see some other sectors and areas of the market take the lead while others take a pause so a shift from mega caps into smaller cap or even xbi and tan and xle and xme,3 +2023-05-25,whos still working studying reviewing your scans or making your watchlist for tomorrow this nvda earnings win looks to bounce the entire dia spy qqq indexes and especially plays like ai bbai mrai gfai cxai apld soun uhhhhh tomorrow will be busy,5 +2023-05-19,some small news here on names we look at msft and googl rise as samsung keeps default search engine aapl restricts openais chatgpt for employees twtr files lawsuit against msft and openai over data use meta unveils computer chips focusing on efficiency and,3 +2023-05-30,so look at that euphoria in the dow has faded but SP500 and nasdaq are higher to again credit the excitement around nvda to member of both indexes it becomes a trillion baby today so whats next,3 +2023-05-01,spy bears are defending the highs after setting the stage for a volatile fomc which will be followed by aapl earnings nvda hit the highest prices since january 2022 all this and more in todays market recap,5 +2023-05-24,nvda hitting new all time highs on a wild earnings reaction keeping qqq and smh in the spotlight xlf and xlv still belong to the bears i talk about this and more in todays market recap,5 +2023-05-29,pullback focus – acls ai amd amzn anet app arlo asml avgo cdns cmg cxm ddog dt dv elf entg exas flex googl gpcr hubs idcc lnth lrcx mdb meta mndy mod mpwr mrvl mu newr nnox now ntnx nvda nvo nxt okta on onto panw pfds plab pltr rxst sgh smci snps sym tsm vrt wday,4 +2023-05-05,aapl beat msft beat and ests went up 2 to 5 percent goog beat and ests went up 3 to 5 percent meta best and ests went up 20 percent negative 25 percent amzn beat and ebit ests went up 15 percent so there’s that also pacw and wal each trade up about 10 percent pre can that hold into the weekend headline mine field b of a desk,1 +2023-05-06,the last time aapl was at current lvls spy equals 425 the last time msft was at current lvls spy equals 450 the last time nvda was at current lvls spy equals 454 the last time meta was at current lvls spy equals 450 spy currently equals 412 extrapolate how you see fit,5 +2023-05-25,nasdaq 100 futures jumped as nvidia skyrocketed late on blowout earnings and guidance amd also jumped along with ai plays pltr and ai googl and msft also rose modestly 1,1 +2023-05-26,futures fall with wday mrvl earnings winners the nasdaq jumped as nvda skyrocketed lifting many chip and ai plays but losers led winners 2 to 1 key inflation data looms with a fed rate hike suddenly back in play amd ulta anet asml amat klac,1 +2023-05-01,⚠️ short am updates aapl rejected off a move up well keep eyes on here but no surprise if apple remains in a tight range pre fed and earnings meta moving down to entry area on watch for a support move,3 +2023-05-05,nvda msft isrg cmg uber meta onon abnb aapl hims orcl swav celh lvs spot se dt amd frpt tph tmhc bldr smci lulu lly z snort today cpng some other stuff,3 +2023-05-11,futures rise slightly after the nasdaq jumps to 2023 highs thats noteworthy but curb your enthusiasm market divergence and weak breadth are key caveats googl msft dis sono maxn dv ttd algm,3 +2023-05-01,market is waiting on the fed nvda huge move nclh too meta great move taking out earnings highs here stick with the names for now indexes just chopping around hagn,5 +2023-05-11,everyone says this is a bear market spy but we have aapl reaching near highs i do not feel like we would see highs out of any tech company in a bear market if this is the bear market everyone is talking about we should see a big dump really soon unless,1 +2023-05-31,retail army woke up trying to ring the bell 1 gs memes basket up 5.3 percent tuesday a 3 sigma move 2 fidelity data shows retail is actively buying nvda tsla amzn ai 3 nvda and tsla traded a combined dollars 0 billion n equals the combined notional of spy and qqq and iwm gs trading desk,1 +2023-05-10,shorty plan keep things simple cpi data out can the market run bullish over spx 4132 4150 4180 4200 bearish under 4120 4100 4080 meta over 237 tsla over 172 googl over 106 event today aapl over 173 nflx over 331 336 jpm over 138 gs over 330,4 +2023-05-25,after all the shit weve been through over the last 18 to 24 months nvda new all time high appl dollars away from all time high msft dollars 1 away from ath goog dollars 8 away from ath meta dollars 84 dollars 8 tripled to dollars 54 tsla dollars 14 dollars 01 dollars 17 so many great opportunities on both sides,1 +2023-05-22,qqq and iwm relative strength makes me believe that we can see that strength trickle into spy today aapl and amzn being red while majority market green is a good sign that breadth is holding up iwm helps with that thesis too spy looks sloppy but qqq looks trendy,3 +2023-05-05,⚡️incoming insiders email spy and qqq trading from today 💪 aapl earnings and our approach🎯 new long and shorts on the radar to gold 💵 sending now 📨,5 +2023-05-16,market remains stuck but big tech still working amd nvda amzn googl did the heavy lifting today not expecting much from tsla tonight hope im surprised hagn,3 +2023-05-11,markets remain very slow qqq new range high nflx very strong aapl trying to break out googl amzn gave nice moves its all about names here and in big tech until this market changes character hagn,2 +2023-05-10,qqq is pushing back up the market atm iv on tech stocks was bullish vs bearish on spx vs bearish on vix algos are on cocaine,1 +2023-05-23,daily recap market moving on continued politcal theatre fomc minutes tomorrow names still giving trades tsla amzn amd were very good early sq roku as well avoiding the indexes for now took the hit on aap and meta hagn,4 +2023-05-25,strong move up in the spy and especially the qqq nvda amd msft beasting breadth overall not good though debt deal seams just about done pce in the am hagn,3 +2023-05-10,updated charts posted this morning check them out here reviewed spy qqq iwm aapl tsla nvda amd amzn snow mara shop uber mu arkk,5 +2023-05-24,i keep saying focus on names and forget the indexs for now nvda just blew it out ath qqq raging amd msft meta tsla ai i know they keep hitting the same names but its what is working until it doesnt,1 +2023-05-01,what’s real w amzn imo cloud just fine msft taking share in search googl losing share msft set for next phase but drops every monday last 5 weeks,1 +2023-05-15,hope the charts were helpful this weekend access to ideas and chart updates here reviewed spy qqq iwm aapl tsla nvda amzn mu chwy goog meta apps enph,4 +2023-05-31,charts and trade idea updates posted hope they were helpful reviewed spy qq iwm xli iwm tsla nvda aapl goog nflx lyft cost mara amzn uber enph mgni penn coin fslr tgt nio shop cat,3 +2023-06-11,zzzeo 😴 making a few different comparison pages then a few different templates to autogenerate static landing pages for many companies going to try mapping search phrase to ticker symbol e g apple stock price aapl,3 +2023-06-30,💥📈 apples aapl stock surged to a fresh all time high price of dollars 90.07 per share on thursday with an unprecedented market capitalization of nearly dollars trillion,1 +2023-06-07,🔥📢todays market piper sandler raised amds target price and maintained a buy rating expecting strong growth in amds data center business amd’s stock rose📈 by 5.34 percent,5 +2023-06-06,coin gets sued today and the stock tanks where did the price action settle the gamma exposure support line the data is looking good spy spx qqq vix aapl tsla amzn nvda amd amc iwm meta baba msft googl tlt,1 +2023-06-21,tsla update price behaves like a rocket it needs long time to get off the ground but when it does it soars if you feel you can follow my strategy signals on it outperformed so far positive 150 percent vs 130 percent buy and hold,3 +2023-06-08,this morning sees slight pullback as investors take profits from the recent rally all eyes on the with potential for a rate hike looming apple steals the show with the new mixed reality headset,1 +2023-06-19,aapl had a mixed performance last week with shares initially rising on positive news but ultimately ending down due to concerns over inflation and possibly overvalued stock price i’m thinking puts this week but let’s see how tuesday opens spy,2 +2023-06-22,market on close imbalance dollars .5 billion to buy side suggesting possible stock price increase,1 +2023-06-21,nvidia stock shows bearish pattern signaling potential price reversal after hitting all time highs nvda,3 +2023-06-12,barclays raises braze price target from dollars 5 to dollars 0 reiterates overweight rating stock trading higher brze,1 +2023-06-28,regenerons stock falls as fda denies approval for higher dose eylea analysts lower price targets,2 +2023-06-13,biogen stock down as european experts question leqembis benefits vs risks board changes and price target raises announced biib,1 +2023-06-07,just in amazon plans ad supported prime video tier to boost revenue amazons share price is currently at dollars 22.25 to 3.47 percent 🔻 amzn,5 +2023-06-15,utime utme shares halted on circuit breaker to the upside signaling a significant stock price increase,1 +2023-06-16,374 water shares halted on circuit breaker to the upside signaling a significant increase in stock price,1 +2023-06-21,nvidia stock shows bearish pattern signaling potential price reversal after hitting all time highs nvda,3 +2023-06-29,despite potential risks from uss stricter stance on chinas ai ambitions nvidias stock continues to attract investors analysts at piper sandler and rosenblatt have increased their price targets for nvidia,2 +2023-06-26,large bearish position spotted on nvidia nasdaq nvda with 56 percent of big money traders bearish whales target price range of dollars 35 dollars 70 stock down 3.88 percent at dollars 05.73,1 +2023-06-28,faraday future ffie secures dollars 0 million funding to accelerate ff 91 production the company also considers a reverse stock split to boost its market price,4 +2023-06-16,block trade city to quad witching googl dollars 6 million shares goog dollars 6 million shares panw dollars 6 million shares nvda dollars million shares tsla dollars million shares amd dollars million shares meta dollars 3 million shares msft dollars million shares,1 +2023-06-04,are pe ratio ratios all you need to know when investing price and earnings is a key signal especially the peg ratio find out more SP500,4 +2023-06-29,ssi positive 11.5 percent breaks out and hits fresh 52 wh mwc positive 7 percent breaks st downtrend ict negative 4.2 percent forced down on close with minor nfs p66 million financials carried the market led by bdo positive 1.3 percent and bpi positive 0.82 percent major nfb in smph p427 million,1 +2023-06-20,hello everybody sticks have been running up for 8 weeks on nasdaq 5 weeks SP500 new 52 week highs the question now is are stocks overstretched saying run up in and fiscal support will not continue for much longer tonight housing starts,1 +2023-06-13,late activity boosts major us indices however significant volatility indicators like vix vix1 days are skewing the picture aapl hits an all time high while orcl exceeds earnings expectations goog tsla jpm avgo key amd,3 +2023-06-07,people keep asking me about ichi clouds etc i’m not an expert just showed me a couple things look at all these names that had weekly closes within i think everyone can make their own conclusions on what comes next tsla shop amd nvda amzn,1 +2023-06-01,the share price of is falling within the bearish correction b,2 +2023-06-01,we have pretty heavy resistance that appears to have been grinded through supertrend weekly buy which is rare squeeze shading with consecutive green dots above an upward sloping trac line like it or not probabilities are strongly up spy,2 +2023-06-01,for the automotive industry worksport ltd wksp is committed to the design development and manufacture of premium tonneau covers the current price of dollars .885 reflects market activity and sentiment muln aapl bbig amc,5 +2023-06-06,volumes retrace as takes a breather but aapl stealing the attention with its event has the action amzn goog msft meta tsla panw f dg intc,3 +2023-06-02,we asked google bard what will be apple aapl stock price end of 2023 here’s what it said,1 +2023-06-06,we asked microsoft bing ai what will be apple aapl stock price end of 2023 here’s what it said,1 +2023-06-05,a lot of chop and sideways action in the am session today patients paid no morning trades for me waited and got my opportunity es 4300 rejected nicely and aapl certainly didn’t disappoint today 💯 percent the last week 😱 every trade alerted live trade,1 +2023-06-23,a slump in boeing weighs on the dow but the SP500 and nasdaq bounce back and jp morgan joins morgan stanley in giving a bearish view on the spx this year aapl amzn goog msft tsla asml wbd mu acn f atvi,2 +2023-06-30,🇺🇸 rallies as cools SP500 500 ends at 14 month high 4450.38 📈 breached dollars trillion mark 194.48 📈 posted its biggest first half gain in 40 years 13787.92 📈,1 +2023-06-28,ytd performance of the SP500 500 and nasdaq vs the magnificent 7 apple aapl microsoft msft google googl amazon amzn nvidia nvda tesla tsla and facebook meta,5 +2023-06-06,⚠️ nvda sets highest price to earnings ratio in history for a mega cap stock nvidia stock is trading over 200 times earnings and 38 times sales the bull case is obvious the risk is any material slowdown in sales to which is currently expected,1 +2023-06-26,well that was a bit dramatic im short but expect a wee bounce unless bulls capitulate the machines get turned on and central banks tell some more hawkish fibs,3 +2023-06-06,nyse breadth advancers almost 4 to 1 up was much better than sp5 .24 percent small and midcaps also showing follow thru for few days net nhs positive for 3 days a good sign naz stretched in short term qqq spy,4 +2023-06-30,nasdaq qqq up 40 percent ytd almost back to pandemic levels so much for large cap core business slowing down amid recession fear “once bulletproof tech stocks now among markets biggest losers“,1 +2023-06-16,forget faang we live in the age of antmama the acronym for the 7 companies driving most of the tech stock market gains apple nvidia tesla microsoft alphabet meta amazon,1 +2023-06-26,70 percent of spx spy was bullish today yet these four companies still dragged the cash index lower market cap distortion at its finest goog meta tsla nvda,1 +2023-06-18,as of june opex from may 23 to 24 amzn 114 to 128 12 percent tsla bottom tick 178 to 260 positive 45 percent nflx 355 to 450 positive 25 percent baba 80 to 95 positive 15 percent cat 210 to 250 positive 20 percent hd meh positive 5 percent spx and es and nq public receipts including 🌳war 🤫🤐1000 you where’s the next trade me chill and watch the 🤡 show 😂,1 +2023-06-18,i would be little bit concerned if i was long ndx spx or aapl msft amzn googl goog tsla meta nflx nvda as they have clocked atleast 30 percent up ytd look at the historical us10 year chart tnx,3 +2023-06-16,qqq and spy weekly the qqq looks like it could reverse lower here the spy could go a tad higher before reversing dollars 50 note the indicator on bottom pring’s special k has crossed lower on both charts this is a huge red flag,1 +2023-06-08,breadth again today was 2 to 1 advrs on a down day with sp off .38 percent this is bullish improvement under the hood number nhs on nyse and naz were the highest in 2023 another constructive sign qqq spy,1 +2023-06-26,nasdaq daily finally lost 13 expontential moving average blue and even mid bb 13357 if cant regain mid bb lots of black space 2 rising lower bb 12900 and 50 expontential moving average purple 12835 watching for 13 expontential moving average blue 2 bear cross mid bb macd headed downward isnt good stoch racing downward isnt good,1 +2023-06-12,nasdaq daily nice green upward push today upper bb pushed upward which allows more upside if cpi data comes in soft tomorrow could push up towards upper bb 13563 macd gaining speed 2 upside bulls need it 2 push past dashline stoch held 80 line is good all 👀 on cpi data,4 +2023-06-05,nflx one of the most exciting setups right now mounting the 200 sma weekly is no easy task last name we liked that did this was tsla dollars 80 spy qqq,5 +2023-06-06,…sooooooo… tsla qqq so not only does tsla have the trailing seat to the 100 weekly simple moving avg party 🎉… but it also has a day to the weekly inverse head and shoulders party 🎉 weekly 100 simple moving average tsla 🎯 dollars 49 ur welcome 😘 🎢🎢🎢 🍌 🍌 🍌 💻 💻 💻 🤓🤓🤓,5 +2023-06-03,spy qqq finally got here obviously off in timing since were .6 through second quarter but point is guys news doesnt matter and the chart tells the story 95 percent and on here were bearish and many expecting new lows yet here we are 50 points higher tech even more so second quarter outlook from,2 +2023-06-22,good morning traders what a great day yday and lets look to continue this with the and some ideas seems like it is rolling over a bit here and we are opening up under 15000 watch this as a pivot amzn dollars 26 s lawsuit hitting the name a,5 +2023-06-17,spy weekly close the macro downtrend line has been broken to the upside since jan 2023 and we had a successful backtest complete elliott corrective structure into the bear market major {wave 4} low in oct 2022 nvidias blockbuster earnings is the catalyst move stops up qqq,1 +2023-06-15,spy {ai} darlings nvidia and microsoft earnings boom to send spy past 470 and nasdaq over 16 thousand to ath’s this year into the final {wave 5} advance into 2024 we are in the same window of opportunity as the original internet boom between 1998 to 2000 move your stops up dia qqq nvda,5 +2023-06-15,the real move in the generally happens the day after this is the move that matters not the wiggles the day of the event today and made new all time highs meta was up positive 3 percent tsla nvda avgo amd were soft but no signs of reversals,4 +2023-06-08,qqq spy now let’s look at the nasdaq mcclellan oscillator namo i don’t even see a bearish macd crossover here either in fact it’s accelerating upward with momentum still above the zero line also in the previous pullbacks rsi topped out at higher levels before macd cross,1 +2023-06-18,qqq 372.50 fib level resistance⭐️ good chances for a pull back next 1 to 2 weeks rsi weekly and daily over 75 ⭐️ aapl amzn meta googl nflx nvda amd,3 +2023-06-08,good morning traders and thank you for checking out todays big wipe out in some of the high flying tech names yday making me a little nervous about the longs here today we still wait the inevitable rate pause from the next week amzn dollars 23 s ad supported,4 +2023-06-05,gm traders hope you had a great weekend now its time to get to work again on the markets nation alive and well baby aapl dollars 81 l apple gears up for mixed reality headset debut at wwdc conference challenging meta in vr market bofa raises point ahead of keynote,5 +2023-06-28,spy qqq yesterday market moved up but we just seen macd cross over on monday spy calls above 438 will see recent high by friday spy below 434 will see new weekly lows below 428 charts were bearish powell speaks today⭐️,1 +2023-06-08,qqq spy repeat nasdaq mcclellan summation index nasi i don’t see bearish macd cross i see bullish macd cross over the zero line with rsi rising just getting into the upper standard deviation like the first green circle to the left where macd continued until bearish cross,1 +2023-06-10,great overview of market this coming week tsla nvda googl amd aapl spy qqq stock market weekly review preparing for cpi ppi fomc week via,5 +2023-06-01,📈 spy megaphone trendline resistance • opened flat today but used the 418 level as support and bulls thrusted through to fill the bear gap opened yesterday • we are testing the upper trend line on the megaphone pattern and bulls could not break and close above it to provide,4 +2023-06-12,spx 4320 calls 2.4 7.4 for 208 percent meta 270 calls 4.15 from 2.6 for 59 percent aapl 182.5 calls 2.08 from 1.65 for 29 percent,1 +2023-06-12,📈 spy cpi leaked • beautiful run up into the cpi print pre market tomorrow with a bull gap open at 430 • next target here for the bulls is at 436 and a bear gap open at 438 intra day 438 bear gap fill will act as resistance • any shenanigans tomorrow we can see a retest,1 +2023-06-30,spy xlk qqq made new 52 week weekly closing highs with meta msft nvda tsla consolidating under recent highs charts set up well ahead of tech earnings next month,5 +2023-06-26,blog post day 39 of qqq short term up trend gmi declines to 4 list of 9 stocks that passed my weekly green bar scan–includes aapl see chart window dressing upon us,1 +2023-06-05,in the last week aapl ath nvda ath nflx 52 week high msft 52 week high googl 52 week high amzn is still dollars 0 away from its 52 week high sleeping giant,1 +2023-06-26,the nasdaq continues pulling back which is seasonally on point for the last week in june this sets up a rally into july earnings season perfectly msft negative 1.55 percent googl negative 3.07 percent meta negative 3.08 percent tsla negative 4.53 percent v negative 1.24 percent the next support zone in the nq futures is at 14750,1 +2023-06-29,qqq 365 resistance little heavy there than spy spy 437 resistance pivot then 438 both under ema clouds on bearish side so far tsla 260 to 261 resistance,2 +2023-06-23,very few stocks above 10 day sma while markets trade below it amzn nkla idex mara aapl ccl nvda pcg soun cvna meta pbr open uber nclh snap itub abev pbr a utrs,2 +2023-06-11,qqq daily new relative high on fri but momentum indicators fading out some topping action occurring at the 357 mark might be time for a pullback with and this week ndx nqf xlk aapl msft amzn spy kre xlf tlt nvda meta,3 +2023-06-24,aapl amzn meta msft holding uptrends well not extended can be subject to overall market direction but steady uptrends over rising 50 sma,3 +2023-06-30,spy qqq aapl tsla had couple of nice trades today since most name held the ema clouds tsla choppy action after morning push now watching friday close with these key levels below these are pivots incase we get rejections live guidance on voice today,1 +2023-06-13,serious question how is spy getting a little frothy when only 7 of the top names have been driving this massive move up are the big names aapl meta msft nvda tsla goog amzn suddenly going to fall off a cliff and pull the whole market down or are the other names finally,1 +2023-06-11,fridays wall street action spx positive 0.11 percent nasdaq positive 0.16 percent nasdaq 13181 level aug 2022 high 10 year yield positive 2 bps to 3.74 percent dollar index positive 0.21 percent to 103.56 oil negative 1.4 percent to dollars 4.91 us cpi a final data point for next weeks fomc currently priced at a coin toss,1 +2023-06-27,🇺🇸 stock markets flat negative 1.2 percent SP500500 to 0.5 percent profit taking on tech related stocks 👎overnight nvidia alphabet and meta platforms negative 3 percent each 🚀nasdaq positive 27 percent in h1 calls y23 best 1 half since 1983 tesla negative 6 percent 🚘goldman sachs downgrade citing pricing headwinds other assets,1 +2023-06-20,spy failed to reclaim bullish ema clouds failing under 238 premarket level test here msft leading the weakness if aapl gives up will pressure the market tsla fighting 266 resistance amd pop and drop from friday levels,1 +2023-06-16,here is a stock market update on the nasdaq SP500 500 tesla nvidia bitcoin arkk alibaba klip oark tsly nvdy spy nvda tsla qqq msft aapl ba rcl btc esf amd nqf baba enph spg,5 +2023-06-28,spy qqq spy rejected ema cloud to open the day after powell comments 435 area pivot qqq nasdaq 100 is still stronger 361.80 key there to hold,1 +2023-06-20,spy lower here following the ema cloud trend see before and after msft still leading weakness and aapl started to pullback tsla rejected that 266 so far puts paying on downtrend day,1 +2023-06-27,spy and qqq since the range break mentioned tsla also making over over the range now you can also trade tqqq instead of qqq long before and after below you can find these setups yourself everyday dnt need any magic indicator for these pure pa,1 +2023-06-01,weekly recap off tomorrow big move today nfp in the am then i suspect we continue to melt up but we will see tsla meta aapl nvda crwd huge days holding aapl hagw,3 +2023-06-28,mid week update so mark ups continue nasty pull back midday aapl ath tsla srong amnz giving me fits teasing that gap 2 days left gdp tomorrow hagn,1 +2023-06-13,cues for today strong close on wall street overnight dow positive 0.5 percent SP500 500 positive 0.9 percent nasdaq positive 1.5 percent apple closed at a fresh all time high market cap nears dollars trillion all eyes on us may inflation data tonight 4 percent expected us fed meet outcome tomorrow 78 percent traders betting on a,1 +2023-06-28,this market still looks like light volume holiday action remember this is the last week of june end of quarter so there is still some window dressing that will likely take place into the end of the week spy qqq dia aapl tsla goog,3 +2023-06-02,aapl vr headset comes next week dollars 80 level has broken dips to it and 179.25 like long googl has held 122 to 125 range all week nvda eyes on the 1 tril area 405 to 6 resistance tsla 207 to 08 dip area today cvna ucar amzn,1 +2023-06-08,qqq spy now that all of fintwit has called a top should we look under the hood hood a highlighted breakdown of all mcclellan oscillators for the nasdaq nasdaq 100 nyse russell 1000,1 +2023-06-02,hope you didnt sell in an effort to time the market dow positive 707 points right now aapl msft meta hitting 52 week highs true only 8 stocks account for SP500 gains ytd but big banks dept stores drillers cruise lines homebuilders airlines all up will gains hold til the close,1 +2023-06-23,did you guys find this past week to be more of a chop fest on spy qqq es was trading in a very tight range with lots of wicks this past week with all the fed speakers and data definitely glad the week is over,1 +2023-06-07,mega caps sliding lower with amzn leading weakness definitely felt a little frothy this morning in tech land would love a few days of pullback in indices to shake things up,3 +2023-06-12,💥 SP500 500 and close at highest since april 2022 💥 has now climbed a record of 12 straight trading sessions market is pricing a pause in rate hikes by the what will the asx do,5 +2023-06-05,good morning futures are quiet as traders await aapl wwdc event 12 noon oil sees a bounce after saudi announces production cuts in july nvda amd amat klac all down pre mkt as money comes out of semiconductor stocks tsla positive 3 continues to play catch up and probably is not,1 +2023-06-01,off to quite a good start to the month with everything flying high on hopes the fed will go away and a debt ceiling done deal tsla nvda msft aapl gk,3 +2023-06-23,lot of names acting well on the wls tsla 10 expontential moving average nvda dollars 20 cava new ipo brze above hvc shop 20 expontential moving average iot 20 expontential moving average well see how that holds bhvn 10 expontential moving average u 20 expontential moving average gtlb held hvc trading near dollars 0 well see how we finish the week but encouraged by majority of the action in tech and software,3 +2023-06-13,nasdaq could crash 50 percent tomorrow and still be much higher than covid lows when fed was doing qe and had 0 percent rates 😭 that’s how big and ridiculous the 2023 ai bubble is nvda amd tsla aapl msft spy qqq,1 +2023-06-09,the nasdaq rebounded while the russell 2000 and SP500 400 midcap held most of recent gains boeing cardinal health floor and decor and tg therapeutics flash buy signals so does taiwan semiconductor which reports may sales fri .5 ba cah fnd tgtx tsm,2 +2023-06-15,five star trader newsletter update to will this nasdaq rally continue im adding my vote in the yes column check out my upside targets adobe earnings stats and more below msft tsla aapl,5 +2023-06-30,month and quarter ends today and with pce data coming we want to show patience aapl gaps to the dollars t level 190 dip only comes via fail of that market cap marker ride since bankruptcy notice has formed triple top 2.40 shorts to there with squeeze over spce after sell the news,1 +2023-06-29,big day lead by earnings beat by mu lifting the chip space micron only up 3 percent with a double top 71 on the daily 67.50 is the dip buy target 64 the alamo spce commercial flight is 11 am edt looking squeeze into launch 5 break with 6 area resistance and look for fade late,2 +2023-06-03,spy qqq overbought daily rsi above 70 vix 2 year lows expecting a dump soon and puts to print 1000 percent in next two weeks cpi and fomc meeting coming up june 13 to 14 good chances for reversal i will monitor flow and share my trade plan next week ⭐️ ❤️,1 +2023-06-07,tsla of course breaks out 50 sma on the weekly gone 238 next resistance 221 now support nflx upgrade breaking recent consolidation coin rallied after lawsuit 56 and 59 for curls short upst so close to that 32 break on the daily lets get to work amd,1 +2023-06-24,covered flow and charts for amd baba amzn meta nke spot spy tsla nvda i will be sharing some more charts trade ideas and levels tomorrow⭐ qqq aapl ttd shop upst ai cvna googl msft,4 +2023-06-13,ai sector tech sector all running in the last weeks today data at 0 am et these will be some of the main plays on watch for the day es nq tsla meta amzn the market is ready for the bullish move lets wait and take what it gives us,5 +2023-06-05,what am i missing small caps are down quite a bit maybe an inside day while nasdaq is steaming ahead bcz of big cap names aapl googl meta nflx tsla etc,3 +2023-06-03,the top 7 largest stocks in the nasdaq 100 qqq currently make up 55 percent of the index microsoft msft 13.2 percent weighting apple aapl 12.3 percent google googl 8 percent nvidia nvda 6.8 percent amazon amzn 6.8 percent facebook meta 4.2 percent tesla tsla 3.5 percent all the other stocks 45.2 percent,5 +2023-06-04,pullback focus – aapl acls aehr amam amd amzn anet anf apld app appf arlo avgo base bhvn bill bsy ccj cflt cmg cxm ddog dt dv evlv exas extr googl gpcr hlit hubs iot lrcx mdb meta mndy mod mrvl net nflx nnox now nvda nxt on onto panw pcor pdsb pltr pstg rxst smci snps stne sym,4 +2023-06-16,tell me a ticker you are watching i will check chart and flow will share if i see interesting setup over weekend ⭐️ spy qqq aapl amzn tsla nvda unh tgt hd fslr sedg enph ai,3 +2023-06-12,alright friends i just posted a bunch of charts hope you find them helpful posted spy qqq tan btc and mara tsla aapl s cvna nio sofi pltr stem lets have another great week hagn👊🏽,5 +2023-06-02,tech giants aapl msft googl amzn nvda meta and tsla drive SP500 500 10 percent ytd return contributing 8.8 points bank of america confirms also raises apples price target to dollars 90 anticipating wwdc conference impact,1 +2023-06-26,ok so i won’t bore you with a repeat of data on how concentrated the rally has been for ytd returns due to top 5 to 7 tech names but what i will emphasize is how whacked it is that now half of the expected spy earnings growth in fourth quarter 2023 comes from just 4 companies factset via,3 +2023-06-02,spy qqq new 52 week highs again aapl and nvda new all time highs meta tripled off lows amzn and goog up 50 percent from lows tsla doubled off dollars 00 msft nearing all time highs mara 3 times pltr 2 times and so many more what a run in 2023 life changing money if you played trend,1 +2023-06-07,tell me a ticker you are watching i will check chart and flow will share if i see interesting setup spy qqq aapl amzn tsla nvda unh tgt hd fslr sedg enph ai,3 +2023-06-24,tell me a ticker you are watching next week i will check chart and flow will share if i see interesting setup over weekend ⭐️ spy qqq aapl amzn tsla nvda unh tgt hd fslr sedg enph ai,3 +2023-06-08,qqq spy so with all that said obviously big tech is somewhat overbought and prob a lot of itchy trigger fingers compared to what happened last year everyone called a top already but it is never that easy i see qqq daily macd and other red flags however as u see there’s…,3 +2023-06-28,tell me a ticker you are watching for tomorrow and friday i will check chart and flow will share if i see interesting tonight ⭐️ ❤️ spy qqq aapl amzn tsla nvda unh tgt hd fslr sedg enph ai,1 +2023-06-30,if this were the nfl we’d be sitting apple aapl microsoft msft alphabet googl amzn tesla tsla nvidia nvda and meta meta today although aapl may just get the start so it could cross the dollars trillion threshold,3 +2023-06-20,market gapping down spy levels 437 to 439 in ema cloud downtrend so far vix levels 14. tsla 263.50 resistance from yesterday will be key today support 256 aapl support 184 pypl also on watch,1 +2023-06-28,qqq stronger than spy at open so far aapl leading strength again tsla 250 to 247.50 key so far over bullish ema 253 pm pivot tech names like mdb ddog nflx strong moves at open,5 +2023-06-28,nvda key intraday level today is 407 to 408 now 405 unless bulls recover it could keep lid on nq qqq nq 15100 to 15158 important level imo now 15030 spy spx,1 +2023-06-02,spy markets still holding strength on pullbacks msft leading the move here aapl closing on 3 trillion tsla bounce off 214 maybe a friday power hour run will see vix not yet at 2 year lows off 14.20 we may get some bounce on vix there,3 +2023-06-22,market rallied and we have reversal candles have formed is it thin very big tech did all the heavy lifting today amzn googl tsla aapl msft for now that is the place to stay hagn,1 +2023-06-30,good morning and welcome to friday pce just dropped and michigan numbers at 10 am spy qqq tsla nflx amzn lulu meta fitsf new all time highs by apple,5 +2023-06-12,good morning futures up nflx d and g neutral phillip point 388 s u and g overweight ms dollars 0 from dollars 5 shop point raised dollars 5 from dollars 4 jefferies amd point raised dollars 55 from dollars 5 ubs nio point cut dollars 1.5 from dollars 3.4 citi amzn point raised dollars 54 from dollars 39 bac,1 +2023-07-03,costar gr inc s stock price drops 1.67 percent to dollars 7.51 despite a 41.44 percent rise over the past year the high pe ratio ratio of 97.81 suggests the stock might be overvalued,2 +2023-07-26,price action is my bread and butter📈💯i scalped meta early yesterday by watching how each candle formed,5 +2023-07-26,gps is breaking out today and we can see a rare and beautiful w formation which could be bullish the stock has flat profit margin while price has dropped significantly bull nvda tsla rivn riot aapl amzn coin spy btc qqq spx baba meta zg cvna,2 +2023-07-04,nvdas roe and stock price used to be correlated who is right i have a guess tsla amzn coin gold amd spy qqq meta msft pypl baba,3 +2023-07-06,📺 rises to a 17 month high after wall street bear upgraded the stock to neutral from sell and lifted its price target expecting the underlying business to grow considerably over the coming 2 years,1 +2023-07-11,sales zone test 4430 to 4440 it is important for the price to be above the 4400 mark this may continue the bullish momentum despite the reduction in the money supply in the system,3 +2023-07-10,ual is my favorite airline stock fundamentals keep improving while price action remains bullish nvda tsla rivn riot aapl amzn coin msft spy btc qqq spx baba meta pypl cvna rivn nio aal dal,5 +2023-07-31,once tsla breaks above the key resistance levels of dollars 00 dollars 13 this could ignite upward momentum and send the stock price towards the next significant resistance level,1 +2023-07-20,tsla price is dollars 80 how to quickly make dollars 000000 fast in the stock market start with dollars 0000000 and follow price targets from experts analysts tsla,5 +2023-07-24,🍎📈 apple wow apple aapl reports on august 3 and it better beat the pants off expectations to justify its nosebleed stock price qqq,5 +2023-07-20,tsla stockmarket future outlook the bullish case for stock price would be comparable to jan 2021 stock had a big run up to put 2 legs down and continued the bull run pmo and macd looked similar back then if we get a somewhat similar move we could see a first,3 +2023-07-16,are we ready for another fantastic week everyone spy spx qqq iwm aapl msft googl nvda amzn tsla brk b meta v,5 +2023-07-07,rivians stock is on the rise after wedbush raised its price target strong second quarter deliveries and a partnership with tesla may be driving the surge,4 +2023-07-03,rivians stock price rises after second quarter production figures are released,2 +2023-07-13,td cowen upgrades metas stock to outperform raises price target to dollars 45 meta to release commercial ai model,1 +2023-07-10,tivic healths stock price drops after pricing its public offering of 32.5 million shares at dollars,1 +2023-07-13,rxrx stock falls as traders take profits after a rally triggered by a dollars 0 million investment from nvda morgan stanley maintains equal weight rating and raises price target to dollars 1,1 +2023-07-11,journey medicals stock price falls after phase 3 trial results of dfd 29 for rosacea in adults are released,2 +2023-07-17,nvidia stock rises as chip ceos plan to discuss china policy with us government nvidia to shift production to boost chinese market presence citi analyst maintains buy rating raises price target to dollars 20,1 +2023-07-20,msft swung dollars 83 billion yesterday aapl swung dollars 8 billion today both made a new surging ath on frothy ai news with volume and were met by sellers then there’s the ndx special rebalance before market open monday last seen may 2 2011 commencing negative 10 percent over 45 days,1 +2023-07-03,live updates 🔴 gift nifty flat nasdaq hits 40 year milestone asian markets gain catch live updates here,5 +2023-07-05,an indecisive spinning top followed by an inverted hammer on the daily chart of the composite index means the price is more likely than not going to attempt to close or test this price gap qqq ixic aapl tsla msft amzn,2 +2023-07-27,meta impresses with its ad revenue growth in the after hours the dow posts yet another positive session but the nasdaq and SP500 500 pull back but credit concerns are mounting after the fed hikes by 25 bps aapl amzn goog msft tsla unp ba now cmg meta,3 +2023-07-19,microsoft helping to drive a rally in the SP500 and nasdaq while the dow sees a 7 session of straight gains and the big banks continue to show earnings strength but western alliances nims disappoint aapl amzn goog nflx tsla lmt t nvda unh msft vix,3 +2023-07-24,pltxf 👀 green on the day aapl abbv adbe amat amd amzn azo ba baba bynd dis meta fdx goog hd intc iwm jpm lmt low lulu ma msft nflx nvda qqq rh roku snap spy t tlt tsla uvxy v vxx xom,3 +2023-07-20,the dow seeing its best winning streak since sept 2019 but the nadaq flat ahead of earnings from tesla and netflix after the bell and the vix bang above 13.5 tsla nflx gs dfs vmw asml ibm vix,2 +2023-07-21,netflix and teslas plunge sinks the nasdaq while the dow enjoys its strongest winning streak since 2017 chip stocks also took a hit as tsmc predicts lower revenues aapl msft goog nflx tsla infy fcx jnj sap cvna dxy wti,4 +2023-07-31,good morning another big earnings week aapl and amzn on tap along with many others spy 458 calls or 456 puts im long with 462 calls with the dollars 5 million whale from last week already vix 14 market pivot,5 +2023-07-19,the top eight stocks in the SP500 500 index this year nvda positive 190 percent meta positive 140 percent tsla positive 110 percent amzn positive 55 percent aapl positive 45 percent nflx positive 45 percent msft positive 40 percent goog positive 40 percent,5 +2023-07-27,so far so good for markets right 4 factors to consider 1 the fed rose rates by 0.25 percent as expected hinted rate hikes could be paused next month fed remains data dependent tho 2 so far most SP500500 companies have beat second quarter earnings estimates but earnings are declining the,4 +2023-07-26,spx has a neutral breadth profile ahead of the fed today but there is quite a balancing act going on between msft and goog thats worth keeping an eye on,3 +2023-07-11,yesterday almost every stock in the nasdaq 100 went up except the magnificent 7 aapl msft googl amzn tsla nvda meta the only exception was meta that went up because its new threads app gained a record 100 million users in 5 days the mag 7 declined yesterday because it was,1 +2023-07-20,nasdaq daily mms really used tsla nflx er 2 shake the tree close enough of a 13 expontential moving average blue 140006 backtest imo bulls need 2 hold 13 expontential moving average blue or gap fill 13963 next macd gap closing stoch needs 2 hold 80 line,5 +2023-07-28,have a great weekend folks exciting weekend i will rolling out a lot information analysis and charts for you guys let’s bank spy qqq aapl msft tsla nvda nflx meta qqq spx,5 +2023-07-29,magman to ytd meta positive 170.5 percent aapl positive 51.2 percent googl positive 50.3 percent msft positive 41.8 percent amzn positive 57.4 nvda positive 220.00 percent and none of those are typos,1 +2023-07-03,live updates gift nifty flat nasdaq hits 40 year milestone asian markets gain to moneycontrol,5 +2023-07-19,spx spy pattern track blow off top still ahead market consolidating due top tsla nflx earnings tonight tsla reached my 298 target from here put on vegas gambling hats for 313 spx nearing my 4639 level resistance fingers and toes crossed,5 +2023-07-27,some thoughts on the market lots of bearish engulfing candle out there spy and qqq had nasty closes semis remained strong lrcx nvda and are up in after market due to a strong quarter from intc big warning signs if these become weak tomorrow meta gave back quite a,2 +2023-07-05,case in point qqq today sorted by weight impact apple down offset by google for net 0 percent impact that leaves meta up msft up nvda up azn up there is your broadening market,1 +2023-07-07,gm traders welcome to a fun filled friday off a number that the market likes watching the 15400 level here on the to hold in order to get thanks again for checking out todays meta dollars 98 ss felt like we may have hit the wall at dollars 00,4 +2023-07-20,so we kick off the big season with a bang as both tsla and nflx are red here to start the day thank you for checking out todays tsla dollars 76 l margins are above whisper numbers that i heard but still down to 18.2 percent still on track to sell 1.8 million,1 +2023-07-05,good morning traders and thank you for checking out todays looking like it want to take a break here today 15200 should be an area of support we will look to see a few long opportunities on first glance down nflx dollars 50 l nice upgrade from gs here and,5 +2023-07-18,interesting action today rally is getting broader as signs emerge about qqq topping out still depend on earnings spy has still room to catch up especially equal weighted which has lagged big time iwm and gld also on fire as “soft landing” fuels rally btc breaks 30 thousand,4 +2023-07-27,gm traders new who dis😅 huge beat from meta and the giving traders what they wanted to hear sparks another upside move here for the so we focus again on mainly names here today oh and damn is at dollars 1 that dollars 0 hopefully was a great,1 +2023-07-19,spy playing it day by day and giving the bulls the respect they deserve right now i wanted to see a red july why 1 interest rates are next week 2 the spy has spiked dollars 00 in 8 months aapl is at record highs nvda has spiked dollars 00 meta has spiked dollars 00 nflx over dollars 00,1 +2023-07-20,market view were leveling out here after a sell off on spy and qqq from the days peak tsla and nflx drove home the reality that earnings will be challenged in pockets and were in a selective environment as opposed to a buy all the things one,1 +2023-07-03,good morning the nasdaq has its best first half of a year since 1983 with a gain of 27 percent due to mega cap tech stocks and ai the gains were led by positive 190 percent nvda nvidia positive 130 percent meta facebook positive 55 percent aapl apple positive 50 percent nflx netflix positive 50 percent amxn amazon positive 40 percent msft microsoft,5 +2023-07-20,tsla down dollars 4 and nflx down dollars 6 wow talk about a rough first week of major earnings i am excited to see what they spy will do tomorrow could today been the top,1 +2023-07-02,price action nicely explained on chart 👌👌👌 beginners can read these books to outperform returns using the concepts of and,4 +2023-07-30,⚡huge opportunity this week⚡ spy long over 457.36 qqq long over 384.71 nflx long over 427.24 amzn long over 133.01 100❤️🔁 for 4 more setups,5 +2023-07-22,this sums up my expectations exactly i’d keep watch on the 10 and 20 simple moving average i see some bids for otm puts and iv spiked with it with msft and goog earnings and fomc participants need protection but it could lead to second order buybacks fun week ahead have a great weekend,4 +2023-07-21,global market insights giant tech companies see a foggy future as mixed earnings from tesla netflix and tsmc outlook now markets beginning to focus on headwinds including overbought conditions disappointing tech earnings dow positive 164 SP500500 to 31 nasdaq negative 295,1 +2023-07-10,spy qqq aapl tsla market rangebound although we are testing lower range on spy and nasdaq aapl still riding ema clouds downward checkout rejection of 189 tsla bearish as well so far tsla aapl both good shorts today following,3 +2023-07-20,beautiful downside move on all names as riding the bearish ema clouds so as spy qqq rejected levels shared below all names were short personally short in nvda tsla spy qqq since those levels and scaling on the way live guidance in hangout,4 +2023-07-01,📢 breaking news 📢 apple stock price target raised to dollars 20 from dollars 90 at cfra,1 +2023-07-30,SP500 500 nasdaq 100 apple and amazon earnings eyed before us jobs data spx ndx aapl amzn 📉📈 ✅read more 👉 ✅for a longer term view of the equity market download the quarterly trading guide here 👉,1 +2023-07-03,aapl profit taking continues watch for 3 trillion price next 190.70 then 190 spy is still holding up as other names in index stronger spy 443 to 442.70 key,1 +2023-07-26,market reaction to tech and ndx earnings continues to be mostly lower nflx tsla tsm asml msft to googl nxpi higher so far i reduced my tech and ndx weighting from 44 percent to 30 percent over the last two weeks with most of it done last week all have double digit gains booked and profit,2 +2023-07-23,most of tech looking real nice for next week they played around couple weeks ago faking peeps out but the shooters on this week look more serious and hard to ignore we’ll see tho already got amd aapl and amat puts so far i’ll also adding nflx tsla and nvda to the wl,3 +2023-07-24,spy qq testing key pivot intraday here tsla spy good trades today following ema clouds baba maybe we get a pullback at 97 1 hour level 100 magnet there,4 +2023-07-10,aapl under pm lows now qqq nasdaq weaker than spy keep eyes on spy can follow if other names give up meta rejected from 298 area again,1 +2023-07-28,spy qqq beauty on the the ema cloud trend trades this friday morning letting system and previous day levels guide us googl meta nice recovery as well,5 +2023-07-27,spy qqq meta turning up a great mid day so far vix big spike as spy going for 452.70 level now qqq cleared all targets as googl and tech gave up see before and after,1 +2023-07-24,💥new post alert💥 market rally faces key test this week as ‘faamg’ earnings loom large msft reports googl reports meta reports amzn reports aapl reports nasdaq 100 qqq positive 41.1 percent ytd source investing pro 👉,5 +2023-07-30,during upcoming week apple amazon and amd expected to report their quarterly results as well as huge number of us mid cap tech stocks aapl amzn amd shop meli sq pypl pins abnb uber qcom etsy,5 +2023-07-30,⚠️wall street week ahead earnings parade includes apple amazon and amd and u s jobs report to shed further light on soft landing hopes 🇺🇸🇺🇸,5 +2023-07-21,qqq i will join the bears this weekend and parade this shooting star weekly on the nas its not a great look no way you can spin this one only thing that turn it around next week is meta msft goog having a solid earnings report,2 +2023-07-21,not sure if anyone tracks the xlk spdr technology etf just had a double top from dec 2021 highs where the bear market started if we look now turn to the magnificent 7 that includes aapl nvda meta msft amzn goog and tsla which of these have not hit a near 52 week high,2 +2023-07-19,bull market 2023 52 low current nvda dollars 08.13 dollars 73.61 msft dollars 13.43 dollars 58.76 meta dollars 8.09 dollars 11.62 tsla dollars 01.80 dollars 92.30 googl dollars 3.34 dollars 23.42 amzn dollars 1.43 dollars 32.60 nflx dollars 88.40 dollars 75.89,1 +2023-07-24,esf once again traded with a range today but noticed the higher lows over last 3 days i think we are gearing up for a big move here qqq and tech names gets a pause in the selling for now waiting on earnings from goog msft tomorrow nvda held well and notice some doji,3 +2023-07-21,spx massive week coming up with amzn aapl msft meta googl earnings along with fomc on wednesday spx if it breaks above 4632 by next friday we can see all time highs again ill be posting my plan and charts on sunday have a great weekend everyone 🥂,5 +2023-07-11,i notice cramer is now calling aapl amzn goog msft meta nvda tsla the magnificent seven he must read and gilmo report because ive been using that term for a few weeks now,1 +2023-07-28,green day for most stocks particularly qqq and large cap tech those meta calls and spreads from our rebel roundup uoa are looking excellent right now,5 +2023-07-01,market closed strong on friday ⭐️ earnings season coming up⭐️ no major events till july 12 cpi ⭐️ good chances for buy the dip and enjoy the ride⭐️ spy qqq aapl amzn tsla msft nflx meta,1 +2023-07-23,big week ahead with major earnings for goog msft meta after the tsla and nflx dump the markets on high alert poor earnings could pull qqq down and drag spy with it but is the market already pricing this in see how we’re approaching the week,4 +2023-07-19,upcoming market events thx wednesday july 19 after close tsla and nflx earnings thursday july 20 before open tsm jnj and fcx earnings friday july 21 before open axp and slb earnings friday july 21 monthly opex tuesday july 25 2 pm est,1 +2023-07-30,getting some sunday evening prep work done on the charts 📈 spy and qqq looking ready for some very clean technical moves soon to monthly candles close monday and amzn aapl earnings this week let’s get into it 🧵,4 +2023-07-16,spy i hope that you enjoyed the charts posted analysis on googl amzn aapl msft keep an eye on the two big earnings names this week as well nflx tsla,1 +2023-07-20,re established qqq short this am after the tell from tsla and nflx will qqq rebalance and mega cap earnings onslaught snap the 42 percent ytd irrational inebriation to dxy quietly forming double bottom with eur and gbp finally buckling and despite aggressive pboc intervention,1 +2023-07-20,the big tech earnings have started and the high expectations have lead to early dips tsla down as gross margins slid though 18 percent still solid and future outlook on them optimistic in call 275 area first dip buy test a failed 285 break would set a short tsm missed and had,4 +2023-07-17,big week up for the markets excited for big earnings later on but lots to look at here today tsla reports wed but the first cybertruck has rolled off the assembly line broke the 285 top first dip there 280 if it cant hold open rivn down on sympathy shorts in front of 25,3 +2023-07-20,nflx and tsla are down post earnings after beating eps estimates weighing on the it may seem like they are getting crushed but both are within the expected market maker move tesla had a dollars 0 mmm and is down dollars 5 netflix had a dollars 0 mmm and is down dollars 7.01,1 +2023-07-16,season coming up get your ready coming week and some banks and tsla nflx earnings following week n big tech earnings can stay sideways 100 to 150 point range while the drama unfolds 4357 to 4650 bigger envelope 4489 to 4557 tight spy qqq 🧨🚀,3 +2023-07-17,nflx kicks off tech earnings tomorrow night in ahs then we have tsla on wednesday quite a bit riding on tech earnings guidance and tesla margins,3 +2023-07-27,post fed bounce as we got what was expected the big story today is earnings again meta huge beat on every level weekly chart points 350 resistance big gap 318 is previous resistance if the gap is even tested other 325 googl up off its big advertising beat now 131,5 +2023-07-31,new week and big tech on tap with the same double top monday and fridays highs for the nasdaq sofi beat earnings fell initially dollars 0 level big resistance like 99.9.15 for dip buy otherwise breaking out over 10 xpev after big rally gets a downgrade but its nio thats,2 +2023-07-28,msft below 50 displaced moving average nflx below 50 displaced moving average amd below 50 displaced moving average tsm below 50 displaced moving average aapl well above 50 displaced moving average nvda well above 50 displaced moving average meta well above 50 displaced moving average goog well above 50 displaced moving average tsla slightly above 50 displaced moving average amzn slight above 50 displaced moving average dis miles away from 50 displaced moving average,2 +2023-07-02,watchlist 7.03 to 7.07 qqq july 07 375 calls above 370 tsla 275 calls above 265 meta 300 calls above 290 spot 162.50 calls above 161.75 amzn 133 calls above 131.50 charts the candidates and full watch list below in less than thread greater than 👇,1 +2023-07-23,qqq 3 percent pullback already small gap filled another one below if this was about the rebalance they will come screaming back for these names this week big earnings in tech,1 +2023-07-30,qqq been lagging a bit but much stronger on friday made it all the way back to thursdays high earnings good so far amd aapl amzn biggies this week,4 +2023-07-26,markets don’t go up everyday like what this market is doing spy compx iwm qqq and 👑 nvda all holding 10 expontential moving average after msft goog earnings and fomc w market mixed today let’s see how we react tomorrow after meta tonight indices resting fine for now hagn,1 +2023-07-19,might be a blahhh day tomorrow while the markets await the tsla and nflx earnings reports cvna moving up is interesting swings have been great to us sofi spwr mara amzn hood and pltr and others too hopefully everyone’s locked in some profits should be fun,3 +2023-07-14,tell me a ticker you are watching i will check chart and flow will share if i see interesting setup this weekend⭐️❤️ spy qqq aapl amzn tsla nvda unh tgt hd fslr sedg enph ai,1 +2023-07-09,50 dma pull back scan acad acva amd asan bpmc cprt crm cxm dt etnb flnc fsly ge gme goog googl gt hubs idya kbh legn lfst lpro lth mndy morf msft onon rcm sgml shop snps sovo spot sqsp tmhc tph wwe yext via,5 +2023-07-26,market watch nasdaq futures dip slightly as investors analyze tech giants results msft faces premarket decline of 3.9 percent amid ai spending but beats expectations googl goog soars 6.7 percent after second quarter profits exceed forecasts with strong ad demand meta rises 2 percent before quarterly,2 +2023-07-31,shorty plan acc at 946 staying as focused as i can with more er this week ill try to share any a setups if im able bullish over 4600 spx qqq 383 individuals roku iwm meta googl upst tsla amd er,5 +2023-07-21,early look 📈 futures rise as dow eyes 10 day of gains megacap tech stocks rebounding dow outperforms with longest streak in 6 years boosted by jnj forecast nasdaq lags but sees recovery in tsla positive 1.5 percent and nflx positive 0.3 percent after mixed earnings nasdaq up 34.4 percent ytd on tech,2 +2023-07-05,tell me a ticker you are watching for tomorrow and friday i will check chart and flow will share if i see interesting tonight ⭐️ ❤️ spy qqq aapl amzn tsla nvda unh tgt hd fslr sedg enph ai,1 +2023-07-01,q3 starts these cos will report earnings in jul tsm asml nflx isrg tsla spot enph aapl meta qcom now pypl algn exas tdoc qs nova msft amzn team fslr pins twlo algm knsl inmd,5 +2023-07-20,the past few reports there’s been one outlier that sets the expectations high amzn huge pop on split nflx huge dump meta huge dump nvda huge rip once it happens everyone starts gambling looking for next er play to go 10000 percent and option makers cook smooth brains,1 +2023-07-11,nasdaq has been relatively weak yesterday and today… altho mid and small tech and growth stocks have still outperformed expect tomorrow’s cpi print will have nasdaq get back to the driver’s seat and lead a sizable upside move,2 +2023-07-25,qqq nflx tsla pltr many names scouting daily lower highs but earnings reactions from meta googl msft and tomorrow will have significant impact on if they are set or not some potential bear flags trying to form out there,3 +2023-07-26,so smci guides up huge nxpi guided up chips and auto tsm guided lower txn guided lower analog elon says will buy every chip nvda sells what’s reality imo reality is economic slowdown sod landing lower rates but ai chip companys great ai companys great,5 +2023-07-19,qqq nasdaq sideways at open watching to see if pushes over yesterday highs spy broke out over yesterday highs waching to see if pullbacks hold 10 am trend,1 +2023-07-13,watchlist for tomorrow hood amzn spwr sofi pltr nio mara will post key levels and potential buy areas in the morning swinging mara hood amzn sofi and spwr now more positions than i like mara and hood and sofi trimmed may add if permit amzn full and spwr want to add more hagn,4 +2023-07-17,overall quiet low volume day but names paid aapl pltr sq sofi upst very strong nvda amd meta huge recoveries and reversals all about names this week hagn,3 +2023-07-20,good morning futures mixed qqq own spy flat iwm up tsm eps and rev beat but down yoy aapl point raised dollars 20 from dollars 00 cs nvda point raised dollars 00 from dollars 00 barclays nflx point raised dollars 50 from dollars 00 evercore cvna d and g underperform rbc point dollars 0 from dollars,1 +2023-07-27,it’s funny if you just sit back and take this all in over last two weeks nflx tsla goog msft meta earnings dia 12 straight green days spy still at 452 😂😂😂,1 +2023-07-11,market continues to be strong and broadening out big tech resting but roku sq pypl coin ttd flying ba cat xle oih cpi in the am dont expect much off it hagn,3 +2023-07-10,the nasdad 100 index as tracked by the invesco qqq trust nasdaq qqq is set to undergo a significant rebalancing july 24 its a move intended to curb the dominance of a handful of large corporations including apple inc nasdaq aapl microsoft corp nasdaq msft alphabet,1 +2023-07-11,20 million msft 16 million googl 35 million msft 28 million amzn 9 m nvda 9 million tsla to sell for rebalance to buy adbe 1.7 million 1.6 million avgo smci not in rebalance lrcx 500 thousand no idea if these real buy that what im hearing,1 +2023-07-19,so people get nflx then the get hulu thne the get aapl then they get dis and so now they get msft ai aapl ai etc etc world changing,1 +2023-07-16,earnings season is in full swing 👀 nasdaq 100 rebalancing tesla tsla and netflix nflx earnings a microsoft msft event plus much much more next week will be very busy heres a catalyst watch to help you get prepared for the week ahead⬇️,5 +2023-07-10,the ‘magnificent seven’ account for 55 percent of the nasdaq 100 with apple and microsoft alone accounting for over 25 percent of the index here’s a snapshot of the seven’s weight in the index apple aapl 12.9 percent microsoft msft 12.5 percent alphabet goog and googl 7.4 percent nvidia nvda 7.0 percent,5 +2023-07-07,meta broke yesterdays low and couldn’t get back above msft and aapl red first today a few things to notice watch yesterday’s low in the qqq and spy i’m def more tactical taking trades,1 +2023-08-11,looking good to trade at current price august 112023,5 +2023-08-10,futures indicate a higher open reflecting some ongoing buy the dip interest and optimism that the july consumer price index positive 21 4489 positive 159 35283 positive 88 15189,3 +2023-08-14,teslas latest price cuts in china have sparked concerns of a renewed price war causing auto stocks to drop,1 +2023-08-22,nvidia shares rose as hsbc analysts raised the chipmakers price target due to an improved sales forecast for fiscal 2024,2 +2023-08-17,so far to i sniped the top of this market here’s the proof dated and everything spy qqq tsla nvda aapl amzn meta goog msft i have another setup i’ve been watching for…,5 +2023-08-09,pharmaceuticals is making waves in the industry known for its groundbreaking developments the vertex stock story has caught the attention of many steering the industry and influencing the vrtx stock price,5 +2023-08-14,w gross margin quarterly at ath while stock price remains fart from ath and bullish w formation aapl ai amd amzn ccl clf dis f googl meta msft nvda pltr plug pypl spce t tsla upst x he amc nio mara riot,2 +2023-08-14,tsla stockmarket update stock price keeps declining bullish scenario would be a leg down to dollars 00 recovery retest of dollars 00 and further gains from there i think price declines are mainly technical sell 4 liquidity seasonality but added pressure could come from,2 +2023-08-08,proxies like qqq and spy are great to get a feel for what the avg stock is doing but keep in mind the sector weighing qqq is almost 50 percent tech and another 30 percent in consumer and comms however the spy has a more distributed weighing in other sectors like financials and,4 +2023-08-22,🚀 exciting news for tesla baird adds tsla to its best ideas list the brokerage sees potential catalysts including recent price decline and expansion driving the stock read more …,4 +2023-08-02,tsla stockmarket update premarket stock price has further losses to dollars 54 to 2.67 percent after negative 2.38 percent yesterday stock has to get a strong impulse to break dollars 70 or it will continue to decline over the next weeks most likely we will see dollars 40 below dollars 30 and dollars 00,1 +2023-08-29,nflx truist securities raises price target to dollars 85 from dollars 39 spy spx qqq,1 +2023-08-17,agi negative 2.2 percent resting on 200 simple moving average bloom negative 4.1 percent breaks down gsmi positive 1.3 percent sketchy breakout top nfb ict p254 million ali p212 million nfs continues in sm group sm p87 million smph negative 159 million,1 +2023-08-21,nvidia corp nasdaq nvda shares rose in premarket trading due to positive second quarter earnings expectations analysts have raised their price targets for the stock,1 +2023-08-31,tsla stockmarket update is moving in this years upward channel but inside a bigger downward channel that has 4 significant touch points on the upper boundary very crucial moment to see if stock can pass resistance at dollars 60 and later on dollars 75 a,3 +2023-08-16,tsla stockmarket update is down to dollars 27 scenario for tsla current leg down to dollars 07 a smaller bounce retest dollars 10 and further gains of to critical resistance dollars 25 price level so far my june 20 take was correct,3 +2023-08-07,nasdaq amzn had its target price hoisted by stock analysts at barclays from dollars 40.00 to dollars 80.00 in a note issued to investors on monday flyonthewall reports,1 +2023-08-09,as of august 9 2023 the estimated price range for nvidia nvda over the past three months based on the analysis of options trades nvda vix pltr,4 +2023-08-14,psei falls negative 1.2 percent dragged by smph negative 4.2 percent with nfs p213 million and sm negative 1.7 percent monde negative 3.8 percent hits atl gtcap positive 0.3 percent bounces off 50 simple moving average ssi positive 3.5 percent fresh 52 wh scc positive 3.3 percent forms higher high on the back of nfb surge,1 +2023-08-01,news amds second quarter report exceeds expectations stock price surges influence bullish ⭐⭐⭐⭐ investment consider investing in amd as second quarter results show strong performance and third quarter is expected to have significant growth in data center revenue,4 +2023-08-22,a low volume rally for the nasdaq driven by the usual suspects but could rising yields spoil the party meanwhile nvidia surges on upgrades ahead of earnings and arm files its ipo aapl amzn goog msft tsla panw meta vmw zm nvda dxy,3 +2023-08-19,qqqe hit negative 1 atr on wkly along with megas aapl and msft similar to mar and oct 21 lows with a bomb to negative 1 atr and large crunch washout which generally marks lows for bull market corrections not bear regimes daily t also xtrme low that marks bottom during bull qqq spy,1 +2023-08-23,i know tonight is all about nvda but to me xlk and spx broke down early aug when aapl lost 21 expontential moving average now aapl and indices trying to reclaim 21 expontential moving average stay tuned,2 +2023-08-21,american 🇺🇸 indeces close higher in stunning fashion as nasdaq is helped by nvidia rally alongside breaking news from the largest ipo in history as arm holdings files for a nasdaq listing with a valuation of dollars 0 to 70 billion usd softbank’s arm files for ipo that could be 2023’s,1 +2023-08-01,goodmorning twitter ☀️ indices and mega caps down in pm meta and tsla relatively weak amzn aapl amd relatively stronger vix dxy xle all pushing higher so far lots of names sitting in demand so first minutes will be 🔑 for me today will be watching qqq closely,2 +2023-08-23,if you are a market bear here are some levels to sell into well probably get at least a pop im neutral except on nvda and amd to probably worth a go,3 +2023-08-03,whats on the line for aapl and amzn results tonight and discuss what to expect from the tech juggernauts and why today might be a bad day to report,4 +2023-08-01,after aapl earning thursday i see a lot of opportunities and setup in the market for both sides as always i am ready to play either side will follow the price spy spx qqq msft tsla nflx,4 +2023-08-03,aapl earnings was a big overhang for the markets now that it’s over we will see stocks returning to their normal behaviour i will start posting swing and intraday plays like meta nio baba tsla tsm abnb all were bangers tomorrow will be a busy day be ready spy,2 +2023-08-14,clean inverse vomy on the 10 million qqq with vix vomy nvda amzn googl tsla all had nice moves with aapl msft holding good risk reward nice move,5 +2023-08-27,twitchy traders have SP500 500 comebacks fizzling at historic pace spy qqq to on track for first month since 2002 with no back to back gains to even nvidia’s blowout forecast couldn’t snap the streak,1 +2023-08-01,nasdaq daily looks like sideways action awaiting big er this week bulls still need 2 close above recent high 2 14446.55 to get things going bears need 2 lose 13 expontential moving average blue now 14146 all eyes👀on aapl er macd gap holding needs 2 cross stoch needs 2 break 80 line,1 +2023-08-23,nasdaq daily 13 expontential moving average purple bear cross was avertedshaded oval now bulls need no rejection and loss of mid bb 13802 nvda er may gap it up tomorrow so gonna need 2 see if gap fills or not maybe fill gap and still hold mid bb macd seems 2 be turning stoch racing,3 +2023-08-04,aapl i have been waiting for a big gap down negative 4 percent day in apple as one of my many bear market alert signals keep a close eye on the big tech “magnificent 7” stocks because they represent the majority of the move in spy and qqq since the oct 2022 low xlk qqq spy msft sqqq,5 +2023-08-29,market giving endless opportunities to bank and i point them out for you thats how we all bank spy spx aapl msft tsla qqq nflx nvda meta amzn googl,5 +2023-08-01,the SP500 spy 500 has new price target the runaway explains it to barrons,4 +2023-08-03,i have more setup like spy qqq today and meta yesterday for trades tomorrow intraday i will be posting them as we see opportunities in the market tomorrow are you ready to make money again spx nflx nvda qcom pypl cost amzn aapl,3 +2023-08-04,spx and qqq 8 to 4 the nfp print is out and cold 187 thousand vs 200 thousand expected amzn crushed their earnings for the second quarter but aapl disappointed were getting mixed signals here in terms of policy changes for the next fomc meeting but as it stands now the narrative is,2 +2023-08-16,qqq bouncing off that big vpoc test at 364 so far could be interesting if a hammer candle prints today mega cap tech still holding up well today with aapl msft nvda green,4 +2023-08-31,aapl msft amzn nvda meta goog googl avgo tsla they make up 50 percent of qqq as they go so does the qqq to the tech etf qqq,3 +2023-08-29,magman to ytd perform meta positive 141.2 percent aapl positive 39.3 percent googl positive 48.5 percent msft positive 35.9 percent amzn positive 58.5 percent nvda positive 220.6 percent want to chase meta or nvidia higher into the fall 🤨,1 +2023-08-31,📈aug 31 market rundown pce came in as expected no surprise in either direction nasdaq looking to mount 15500 clear path into 15650 if we hold… es 100 points off highs also nvda going for ath avgo earning in the ah aapl filling the gap msft bullish over dollars 30,1 +2023-08-22,good morning all thank yo for checking out todays for some ideas in this wild ahead of nvda msft dollars 25 l with a revised deal for atvi and now crossing on the daily hit hard off earnings if the wants to go msft will also nvda,1 +2023-08-01,monday’s stock to watch is china liberal education cleu cleu stock price china liberal education holdings ltd stock quote u s,5 +2023-08-01,nflx crosses above average analyst target in recent trading shares of netflix inc symbol nflx have crossed above the average analyst 12 month target price of dollars 32.84 changing hands for dollars 38. when a stock reaches the target an analy…,1 +2023-08-14,good morning traders thank you for checking out todays for some ideas and key levels i am looking at here wall street aims for a rebound as futures point to a modest monday open augusts rocky start sees a hopeful shift with SP500 500 and nasdaq down dow,4 +2023-08-02,qqq nasdaq the nas is printing its first red dots which makes sense as it is pretty extended look how far away from the track line it is also not worried about any pullbacks to track line will chart some of the tech stocks for you now,5 +2023-08-02,spy at 20 simple moving average been a huge spot for months qqq 374 to 354 big spot as well aapl amzn tomorrow will tell personally bought the dip on spy small size like the r r down here for now should be interesting to see how this plays out,3 +2023-08-14,todays heatmap and recovery for tech which leads in price but not volume except nvidia reflected in spy and qqq something to watch plus link to this weeks earnings,3 +2023-08-11,video 📽️ stock market analysis spy qqq iwm smh xbi xlf xle aapl msft nvda tsla view here 👉👉👉 ⚓️vwap dont buy dips buy strength after hagw,1 +2023-08-30,📈 spy is the island top in play • pce data out tomorrow pre market • bulls back in driver seat after the break of short term downtrend • to raise point back to all time highs the island top has to be invalidated • 2 important data points left this week pce and nfp both,1 +2023-08-27,the SP500 7 giants aapl msft goog amzn nflx nvda meta surged 54 percent in 2023 though down from 70 percent just 3 weeks ago meanwhile the other SP500 493 stocks saw a modest 4 percent increase these tech giants drove 75 percent of nasdaqs gains,2 +2023-08-30,so much res coming up take a look at this chart it will tell you everything you need to know about today tsla nvda spy meta aapl nflx,1 +2023-08-04,spy qqq testing pm lows and then have yesterday lows aapl msft weakness not helping market 10 am trend here lets see if hold chop or follow through on downside under ema clouds now,1 +2023-08-12,7 stocks make up over 50 percent of the nasdaq 100 qqq 12.6 percent msft microsoft 12.6 percent aapl apple 6.3 percent amzn amazon 5.3 percent nvda nvidia 7.5 percent googl alphabet 3.7 percent meta meta 3.4 percent tsla tesla,1 +2023-08-30,tonights video spy qqq key levels tsla meta and what they have in common nvda closing at an all time high gdp non farm payrolls jolts and what it all means for equities,5 +2023-08-05,aapl msft yo lauren with these two behemoths trading below their 50 simple moving average and spy qqq rejected at their 10 expontential moving average i would say caution is warranted i sell because i can always buy back and we never know how low they will go,1 +2023-08-22,us dow negative 0.1 percent SP500 positive 0.7 percent nasdaq positive 1.6 percent it stock rallied despite 10 year yield hit a high of 4.34 percent reaching its highest level since nov 2007 tesla positive 7 percent meta positive 2.4 percent palo alto net positive 14.5 percent strong earnings nvidia positive 8.3 percent ahead of earnings 👀👀jackson hole economic events gift nifty – flat,1 +2023-08-23,big push here as vix under 16 nice breakout on qqq as well spy low volume today 42 percent of average so far spy will review big picture on daily as well coming to to some resistance interesting trend into nvda earnings,4 +2023-08-02,four identical vaneck semiconductor etf smh charts for your consideration… were sellers here join us to see todays client reports on aapl and amzn at,4 +2023-08-16,mid week update spy qqq iwm yea name it range break down we are getting a nice long signal developing here for a bounce googl nvda r and s still amzn finally gave in tgt really didnt like that report hagn,1 +2023-08-11,spy qqq tsla nvda market is trying nothing to sized up in though just study this intraday move is good tsla spy over 34.50 ema clouds vix low of day needs to break 15 for continuation interesting charts to review before and after intraday price action,3 +2023-08-23,spy qqq still in trend riding those clouds this 442 was big for spy if it can hold vix if goes under 16 we will see next leg on market great trend day today see before and after below,5 +2023-08-08,weve seen some mega cap divergence over the last week with apple aapl now oversold and microsoft msft close to it while meta meta alphabet googl and amazon amzn are overbought,2 +2023-08-15,the nasdaq 100 qqq re took its 50 dma yesterday but is set to fall back below it at the open this morning the semis smh remain below the 50 day while the SP500 spy remains slightly above,2 +2023-08-02,oh the humanity they’re gapping qqq aapl nvda down to the 10 expontential moving average meta to the 6 expontential moving average and smh to the 4 expontential moving average run for the hills this is devastating 😂 maybe we roll over🤷‍♂️ but price is not remotely saying that right now relax,2 +2023-08-24,these seven stocks have accounted for 75 percent of the SP500 500 gains in 2023 nvda aapl msft googl amzn meta tsla nvidia leads the way accounting for nearly 17 percent of the SP500 ytd gain in tonights closer we recap todays negative intraday action look into how the nasdaq,5 +2023-08-03,and a great dollars 486 2 billion ar reversal candle on the intraday from our live trading room for a wee bounce into apple earnings 🤣👍 spx but dollars 444 and qqq dollars 68.63 will be tagged to not if just when 😉,5 +2023-08-02,first id like to thank the sellers to filling the 452 gap and qqq 377 gap premarket its a nice setup now with respective bounces off 20 displaced moving average amzn aapl with extended hours nice bounce near 20 expontential moving average but check out amzn daily now headed in to earnings,4 +2023-08-11,many leaders sliced through their 50 day moving average in the past couple of weeks without any significant bounce qqq nvda nflx msft aapl smh,2 +2023-08-30,we’re in an incredibly advantageous environment right now once qqq reclaimed 50 day now all beta names are doing the same nflx aapl and now tsla this is when you want to get more aggressive 50 day confirmation doesn’t come across everyday when you chart tonight you’ll,1 +2023-08-21,lipstick on a pig as nvda paints the tape green driving a weak bounce in both qqq and spy it was slow summer volume net nl again and negative a d breadth be careful defense first tsla panw,2 +2023-08-24,dollars 000 into nasdaq 100 dollars 10 🍎 aapl apple dollars 4 🖥️ msft microsoft dollars 0 🔍 goog google dollars 6 ☁️ amzn amazon dollars 0 🤖 nvda nvidia dollars 7 📷 meta meta dollars 0 ⚡️ tsla tesla dollars 9 📡 avgo broadcom dollars 2 🥤 pep pepsi is qqq overvalued,1 +2023-08-27,last week summary market had a rollercoaster ride nvidias strong earnings led to a spike and subsequent drop ending up 6 percent for the week this week 5 things to watch 1 earnings tech salesforce broadcom vmware and consumer staples jm smucker hormel foods campbells,1 +2023-08-07,post earnings amzn close to 52 week highs goog close to 52 week highs meta close to 52 week highs msft below 50 displaced moving average negative 10 percent below recent highs aapl below 50 displaced moving average negative 10 percent below recent highs tsla below 50 displaced moving average negative 16 percent below recent highs nvda tbd the magnificent and confused 7,1 +2023-08-03,the index’s rally was driven by seven stocks apple aapl microsoft msft nvidia nvda amazon amzn tesla tsla meta meta google goog which was a sharp shift away from the hypergrowth led nasdaq of prior years,5 +2023-08-10,qqqs and spy have come off quite a bit from opening highs todays cpi told us its even less likely the fed raises rates at the next meeting the issue is it wasnt likely to begin with i told inner circle any pop in nas would be sold big cap tech is tired and probably goes,2 +2023-08-23,well so much for the nasdaq having a pullback max bidding on tech stocks restarts tomorrow the margins by which nvidia beat earnings is absolutely wild 11.13 billion predicted revenue and it beat by 2.38 billion at 13.51 smh that is just nuts,1 +2023-08-26,the major indexes suffered an ugly reversal thu from the 50 day line despite blowout nvidia earnings and guidance but the SP500 500 and esp nasdaq did have strong weekly gains nvda tsla meta googl v cat crm 1,2 +2023-08-20,last week called gap downs when everyone turn bullish ⭐️ next two weeks unexpected overnight gap ups can be seen get ready ⭐️💙 spy qqq aapl amzn tsla nvda meta,1 +2023-08-01,mega cap tech names super strong meta amd nflx msft near highs of day feels like nasdaq going to drag higher next few days just too strong and still alot of positive gamma on spx,2 +2023-08-24,no surprise the market is up after the earnings last night but cant forget jackson hole and increased chances of rate hike be nimble today nvda what can you say the guide was conservative 71 percent margins is nuts can always gripe about the pe and i wont fight this if it breaks,2 +2023-08-13,futures up slightly in front of a huge week for retail earnings tgt hd wmt all report nasdaq will need tsla aapl nvda to find some support if it is to avoid a third week of losses my twitter barometer is as bearish nvda as it was sub 150 i would not be shocked to see a,2 +2023-08-29,market tanked post adp last two months spy 456 449 on spy 443 437 on next one coming on ⚠️ spy qqq aapl amzn nvda tsla meta,1 +2023-08-14,new week upon us retail earnings later but today some big tech to watch after another down week in markets aapl is up slightly after a foxconn beat despite declining revenue 177 bottom held well big level on weekly for support area again nkla recall news comes after big,3 +2023-08-04,lets end this massive week off right big jobs data this am so be nimble in bias the right stocks to trade are key aapl decline in sales on all segments and held up by services thats a good long term under the 50 on the daily first time since jan 187 that key w day 2,1 +2023-08-04,been a while we seen big back to back dump in market lets see if august and sept bring back bear momentum ⭐️❤️ spy qqq aapl amzn tsla nvda amd msft googl,1 +2023-08-16,googl and amzn charts just hanging out waiting for market to bounce by far best mega cap setups tsla aapl msft nflx aren’t close only issue is spy looks terrible so all i can do is keep ‘em on backburner,4 +2023-08-03,last 7 months market have done incredibly well and paid bulls well august and september is not going to be easy for bulls size small and play cautious spy qqq aapl amzn tsla amd meta,2 +2023-08-02,hump day is upon us big earnings tomorrow but lots to dig into today with futures looking weak early amd with a beat and also looking to make a specialized chip they can ship to china to meet new requirements back over 50 sma on daily dip buy 116 or 118 could see profit,3 +2023-08-10,the print on tap this morning not expecting fireworks on it as earnings again drive this market dis mixed report though cost cutting following nflx lead and recent bottoms mean 89 and 90 breakouts are good risk to reward baba with beats top and bottom 96.5 first key,3 +2023-08-03,aapl and amzn earnings are out and with very different reactions what does this mean for the broad markets as bears try to gain some traction for the first time in months spy qqq check out todays recap for some thoughts on this,2 +2023-08-02,broad market bears are finally proving something with the loss of daily uptrends spy qqq what do they have to do to keep proving it aapl and amzn earnings tomorrow will have a big impact check out the daily recap for more thoughts,5 +2023-08-04,goog amzn aapl meta and msft the 5 firms dominate the spx index collectively accounting for 9 percent of sales 16 percent of net profits and 22 percent of market capitalisation last year their capital spending of dollars 60 billion n made up over a tenth of all american business investment,1 +2023-08-18,video stock market analysis spy qqq iwm xlf tsla aapl meta msft ⚓️vwap 5 displaced moving average multiple timeframe analysis view here 👉👉👉 like and rt thank you hagw,1 +2023-08-16,compx qqq rejected into 50 simple moving average and spy lost it too overall mkt likely too much for nvda especially enough cushion to hold for earnings we’ll see how it reacts tomorrow but all the good news was a good way for big to sell into strength only name dollars 05 cost watching 50 simple moving average,1 +2023-08-18,qqq nasdaq 100 so far held premarket lows but still under ema clouds vix failing resistance so far but still over 18 meta nvda weakest this am,2 +2023-08-01,morning mashup spy gapping down qqq gapping down so we will see if it holds yesterday and premarket lows aapl msft gapping down vix elevated spy levels 458 upper pivot 455 support qqq levels 381.20 382.51 384 levels,1 +2023-08-21,daily recap market tried to sell back off but sellers dried up around noon and back to highs near the close qqq at the 8 days spy close tsla nvda amd mta msft leaders today breadth flat not big participation hagn,1 +2023-08-15,inside bar on qqq below moving averages with weak action seems like defense wins championships had a swing in amzn got stopped and nvda plan played out well today but spy losing 50 simple moving average and extending down cycle better to book to me,2 +2023-08-14,💡 markets again gapping down as usd stays strong bearish bias as long as price under ema clouds pivots below vix 16.20 to 16.40 big levels if rejects these will see for market bounce spy 444.. qqq 364..60 meta vs 300 and nvda vs 400 main tsla testing,1 +2023-08-31,daily recap low volume quiet day amzn meta crwd monster moves early aapl filing its gap tsla above the 50 days if you think it was slow today wait til tomorrow hagn,3 +2023-08-17,market back to very oversold spy 5 percent pullback many names broke down today aapl amd amzn ba etc opex tomorrow patience here let this play out odds in favor of a short term boucne hagn,1 +2023-08-07,and thats a wrap didnt do much still chilling in amzn meta googl amzn still strong nvda nice come back today xlf strong all day spy gap and go vix back in the bbs hagn,1 +2023-08-03,and that is a warp amzn good aapl good but just not good enough nfp tomorrow spy under the 21 days still take caution hagn,3 +2023-08-14,low volume bullish day breadth not good at all but names leading spy back to the 8 days smh monster move nvda amd mu leading there amzn googl strong tsla filled its gap and bounced hagn,1 +2023-08-22,gap and crap day spy opened right at the 8 days and was rejected for now xlf getting hit hard again not helping aapl googl ba nflx relative strength but most names weak nvda tomorrow night hagn,1 +2023-08-29,and that is a wrap quite the day market loved the jolts number anti inflationary and we just ran up tsla nvda googl aapl notable huge moves do we get a day 2 hagn,1 +2023-08-02,spy and qqq at huge spots today first blip of fear weve seen in a while aapl and amzn earnings tomorrow will dictate short term sentiment and price action be ready,1 +2023-08-23,amzn lrcx klac amat amd bkng smci msft meta amd adbe zs mdb nvda if your playing this stuff quite trading,3 +2023-09-11,metas stock price rises on reports of the company developing a new ai system as powerful as gpt 4,3 +2023-09-22,im setting up my right pc with 3 screens that were spare and back or and and i wasnt using 8 big stocks to keep an eye on once in a while on higher tfs few that made it to the last levels respected max for the week pretty well so far aapl amd tsla these 3 didnt make it,3 +2023-09-02,spy qqq heavy truck index what similarities do you see tsla nvda aapl amzn msft meta googl abnb dis wbd bx wmt para ardx schd nvo nee ally gis kvue pep tsly fubo duk qqq spy btc,3 +2023-09-22,spy qqq this is kind of bullish at least short term as the put and call ratio de trended remains on buy level contrarian indicator tsla nvda aapl amzn msft meta googl avtx csco msft lcid pfe pbts splk kweb ionq xpev baba atvi swin o wpc yinn mrtx li,1 +2023-09-21,nasdaq 100 futures price is sliding,1 +2023-09-08,muln gotta raise some funds anyway we can to get the stock price up 👀😁😁😁,4 +2023-09-02,tesla shares close down 5 percent after price cuts model 3 refresh,1 +2023-09-06,tsla stockmarket update is moving in this years upward channel but inside a bigger downward channel that has 4 significant touch points on the upper boundary very crucial moment to see if stock price is struggling with resistance at dollars 60 i,3 +2023-09-06,qqq flash update 🏁 oh man did this get interesting seems like a lot of people dont understand how these short weeks work about to have another offside pack 🚬 a lot of crazy takes out there and quite literally the worst time to get bearish hard to draw a lot from the,1 +2023-09-29,tsla stockmarket update signal stock price confirmed dollars 40 as current support with a dip down to dollars 34 vwap from last low a level i mentioned a couple of times as a potential target next target is dollars 50 which is vwap from last high after that we have,1 +2023-09-14,morgan stanley analyst predicts 20 percent negative 60 percent stock price upside for amazon due to efficiency improvements he expects amazon to remain roi focused on forward investment,1 +2023-09-29,the motley fool can paypal stock hit dollars 0 by the end of 2023 this price target is certainly not out of the realm of possibilities details in our app spy,1 +2023-09-09,spy 5 minute chart interesting how the high volume nodes line up perfectly with the the gex strikes 🧵 aapl amzn goog meta msft nvda tsla nflx es ai spy qqq,4 +2023-09-05,📈💰 vip entertainment technologies inc vip is on fire 🔥 with a steady rise in price and a volume of 63.57 thousand its clear vip is the ultimate bet for a winning investment amc muln aapl,5 +2023-09-26,draftkings dkng jp morgan raises to overweight from neutral draftkings jp morgan raises price target to dollars 7 from dollars 6 jpm spy spx qqq,1 +2023-09-08,the weight of the market is still down id love the qqq spy to grind here along the 50 day for a few days while the nls contracts and gets closer to parity with the nhs also mids and smalls not looking so hot so need to hold the aug lows,2 +2023-09-08,the SP500 500 and nasdaq fell with the biggest drag from apple and a sell off in chip stocks over concerns about chinas iphone curbs while a fall in weekly us jobless claims fed worries about interest rates and sticky inflation aapl,1 +2023-09-12,spy and qqq daily lower highs set msos tlry daily consolidation underway as cannabis hits temporary tops meta and msft rising wedges bring on mr market,5 +2023-09-06,wider context and nuance ymf bounced above 100 sma esf tested below and recovered the 20 day sma nqf tested below and recovered the 50 day ma also aapl has a huge event next week a lot of hot hands have been washed out today with the negative 4 percent drop but end of day saw bids,2 +2023-09-17,stock and options to watch this week and analysis and charting✅ tickers included spy tsla sox smh nflx aapl msft appreciate this add a ❤️ comment and share want more get a free copy of my options trading book see bio or go deeper with,5 +2023-09-12,a tesla upgrade helps drive big tech overnight meanwhile another ust auction is in focus along with apples big unveil aapl amzn goog msft tsla qcom jpm twnk meta orcl dxy wti,5 +2023-09-06,many important indexes and stocks still at their upper monthly bands heading into this lovely seasonality plus the sep stuff making the rounds xlk aapl smh msft qqq urnm spy,5 +2023-09-13,wall st slips as apple and other big tech lose ground meanwhile the latest 10 year treasury auction prices at the highest yield in over 15 year s ahead of cpi data tonight aapl amzn goog msft tsla intc tko aap f meta,1 +2023-09-29,october seasonality shows first week bullish followed by a dump in second week sept worked as per seasonality lets see oct spy qqq aapl amzn tsla nvda meta googl baba,1 +2023-09-07,despite the big gap down on indices most of the move is driven by aapl as well as the semis the rest started deep in the red but many stocks are reclaiming the most constructive sign is seeing amzn and meta green googl poking at r and g,3 +2023-09-14,nflx not 1 not 2 but three rallies found sellers at the overhead gap before yesterdays selloff into the 50 simple moving average followed by todays break lower on big volume action out of the megacap stocks are split good tsla amzn googl meta bad nflx aapl,2 +2023-09-18,i hi jacked s chart and added gex levels on nvda i love how they line up aapl amzn goog meta msft nvda tsla nflx es ai spy qqq,5 +2023-09-11,despite the chop today market is setting up good opportunities for the rest of the week will be posting the tonight spy spx aapl msft tsla qqq nflx nvda meta amzn googl,3 +2023-09-19,i have more bangers setting up lets see those likes on the ones i posted and i will post a lot more for yall spy spx aapl msft tsla qqq nflx nvda meta amzn amd,5 +2023-09-18,still keeping an eye on the monthlies and seasonality aside from metals and energy doing very little trading of late spy xlk qqq kbe aapl smh nvda,3 +2023-09-20,i will be posting a lot charts and bangers from tomorrow once powell is done a lot of money to be made lets bank spy spx nflx nvda meta amzn googl msft tsla aapl qqq,1 +2023-09-19,the next few weeks are going to be money printers i will be posting out the setups who wants them spy spx aapl msft tsla qqq nflx nvda meta amzn googl amd,1 +2023-09-12,spy qqq we are set up for a major drawdown into quarter end aapl buy the rumor sell the news tsla don’t believe the hype vix hedges likely today for cpi and uaw strike,1 +2023-09-19,⚠️september 19 market rundown fomc tomorrow expect chop behavior and hedging below key levels 444 spy 372 qqq short term bearish nflx under dollars 90 has a lot of downside nvda and semis also very very weak,1 +2023-09-12,spy qqq right at their 50 day smas chopping up both longs and shorts as we head into headline data risk of cpi and ppi to know your environment,1 +2023-09-18,good and thank you for checking out todays for some ideas and levels i am looking at here today 📈🧐 aapl dollars 78 s looking for market weakness to continue and that means we sell this name if we pop on strong reports of orders i,4 +2023-09-08,todays watchlist results 💵 aapl dollars 78➡️ dollars .4💰82 percent meta 🚀 up but no entry aapl fell even with qqq running strong aapl acting as a market laggard images below we discussed aapl precisely in this manner within insiders,1 +2023-09-29,spy qqq nvda amd a stock market in 4 charts ❤️ semiconductors tend to be the “tip of the spear ” they often lead corrections in and out of them they tend to lead tech and tech tends to lead the market american association of investor intelligence aaii survey spy,3 +2023-09-07,spy under the 13 expontential moving average under the 50 day ma just had bad jobless claims data the past three days have been red and now we are down dollars in pre market i cant really make a good argument as to why we should buy at all other than if you think the bottom is coming up i think dollars 40,1 +2023-09-12,spy i am still 100 percent bullish in this market until we crack the 13 expontential moving average and the 50 day ma here are my reasons why 1 last week was a tough week we saw the spy give back a lot of gains but it has recovered nearly 50 percent already 2 last week we fell under the 50 day ma and the,1 +2023-09-06,qqq and spx 9 to 6 everything is going according to the forecast we shared yesterday spy is already sitting in the mid 448 but qqq needs to give up gaps all around except on the qqq should make this sesh a little more exciting than yesterdays so lets have one,4 +2023-09-03,last two weeks predicted market to move up and it worked partially well next week prediction is neutral to bearish i still dont think we fill the spy 454 level gap next week thank you ⭐️💙 spy qqq aapl amzn nvda meta tsla msft,1 +2023-09-15,qqq broke out today and could drive higher into fomc with everyone think fed will pause rate hikes spy chart looks similar could be lagging,1 +2023-09-18,wl 👇 qqq sitting right at a support 369.15 needs to hold or we will go lower if it holds we can see 375 spy short under 442.75 shop wedging short under 61.72 long over 63.83 coin getting very tight watch long over 83.2,3 +2023-09-03,this weeks video spy qqq key levels smart money dumb money margin debt as a percent of growth nyse mcclellan summation several names meta goog afrm cvna tsla nvda amat and others,1 +2023-09-12,⚡flag watchlist⚡ nflx higher lows lower highs needs 448.65 spy has a slight gap top fill to upside needs 449.17 amzn great break today needs 143.63 nvda big shelf at 452.68 long over that goodluck,1 +2023-09-05,📈 spy bear gap remains • looks like a day of pure chop with vix also in red and price consolidation • the structure wise it looks like a bear pennant but i am not convinced by how bears did not have a follow through today • bear gap being open so staying nimble on the,3 +2023-09-28,a look at the qqq top holdings slight turns in meta goog nvda flat action in msft amzn with aapl still out of position none over 1 times rvolume,3 +2023-09-08,what happened overnight spx negative 0.32 percent nasdaq negative 0.89 percent ust 10 year yield negative 4 bps to 4.24 percent dxy index positive 0.20 percent to 105.07 fall in weekly jobless claims stoked inflation worries oil negative 0.9 percent to dollars 9.80 apple negative 6 percent in 2 days china plans to broaden iphone ban to state firms and agencies,1 +2023-09-27,equals meta and goog and amzn and nflx and is an average price for the ‘faang’ stocks this custom index fell below its august lows today and the neckline of this potential double top formation,5 +2023-09-27,spy qqq a stock market in 3 charts ❤️ spy daily chart nasdaq 100 percentage of stocks above their daily 50 simple moving average nasdaq mcclellan oscillator as always you decide and mange your own risk ✌️,1 +2023-09-24,magnificent 7 stocks 1 apple 2 amazon 3 alphabet 4 meta 5 microsoft 6 nvidia 7 tesla they are accounting 80 percent of the growth in the SP500500 ytd and jointly they have a market valuation of over us dollars 1 trillion nearly .25 of the entire us market capitalisation,5 +2023-09-08,🇺🇸markets positive 0.15 percent negative 0.8 percent SP500500 to 0.3 percent nasdaq falls for a fourth straight day 😢 apple shares negative 3 percent 👎 bloomberg news report that china’s looking to broaden a ban on the use of iphones in state owned companies and agencies technology and semiconductor stocks lagged –,1 +2023-09-18,spy qqq sideways so far tsla weakest with semis amd nvda meta googl showign some relative strength vix needs to reject and qqq needs to get over 371.20 for bullish bias,2 +2023-09-15,spy qqq🎯🎯 that vix push came in clutch as i mentioned we still had room on atr see below post now almost done with atr locked some more will see what 14 does for next action,3 +2023-09-13,💡 spy breaking out off key resistance 447 nvda vs 450 in trend still qqq in trend amzn next leg over that big breakout as long as vix dnt bounce big should be ok for markets,1 +2023-09-21,spy qqq 🚨 markets gapping down big covid era style spy qqq down as much as they fell yesterday market hours iwm destroyed as well in premarket vix as high as 16.50 now,1 +2023-09-15,spy qqq what a difference a day makes … spy daily chart update and thoughts 💭 i’m glad i kept shouting out on spaces that i was raising stops 50 percent above break even cause just as it looked like there was a potential breakout we got a major reversal 🧹 spy back below the,1 +2023-09-12,spy qqq listless session likely as traders wait aug cpi report to oracle may not serve techs cause aapl typical post launch weakness to most bullish analyst gives bold call for the week via,1 +2023-09-14,so hot numbers and market rallies inflation no longer on a problem last 2 days arm ipo nice move meta amzn googl breaking out aapl nice trade today quad witch tomorrow hagn in honor of arm,1 +2023-09-25,tsla amzn meta nflx little uptick in ah overnight swings setups looking decent so far but too early to celebrate lot can happen overnight but will cover in todays market analysis more about reasoning behind overnights,3 +2023-09-08,qqq slightly more bullish as tsla been holding a range this entire last 5 days and it closed above the 50 days just by a smidget rejected the 5 days today 3 things that can change the outlook on tech next week 1 iphone lauch 2 arms ipo ai sympathy 3 goog antitrust trial,1 +2023-09-22,qqq actually went for the 100 simple moving average today and rejected and closed virtually flat i think mostly because aapl nvda the likes even amd closed green but watch out here i think it has a date with august low support at 354 but check out where 354 is blue trendline from january,1 +2023-09-08,spy seems like every week for the past 6 weeks theres some crazy news from the left field that drops this market and this week the culprit was china vs aapl spy setup going in to today was really nice if you paid attention to yesterdays action we were able to,1 +2023-09-15,aapl msft amzn goog nvda tsla meta mag7 looks like it could start to inflict some serious pain via,3 +2023-09-14,the magnificent 7 just in case you were wondering who is on the list and how they are doing ytd here you go up 211.9 percent up 159 percent up 124.1 percent up 72.3 percent up 56.6 percent up 41.2 percent up 35.3 percent not too shabby not a recommendation,1 +2023-09-15,its not often you see the tqqq down 5 percent plus what think it was the economy and data and reports earnings fed remarks aapl tsla nvda outlooks do you think any of that really matters here one good thorough look at this page and youd know better,3 +2023-09-07,nvda tsla and aapl all gapping down big get the the ash trading system and the dot indicator ready this morning no bias just follow the dots,1 +2023-09-11,on a day we never forget its nice to see the markets up early looking for long day over fridays close big week with cpi ahead and big arm ipo tsla big gap up through 2 week resistance at 260 50 sma on daily cleared buy dips into 260 to 62 on positive supercomputer dojo,5 +2023-09-14,aapl watch apple on the hourly sitting above its 27 ema signaling a move up to 178.57 into the bell gap up creepy crawly up the wall risk for spoooooz spy,1 +2023-09-04,short week so focus is a little tighter tsla amzn amd spy are probably all im watching ive got some swings on pltr zm aapl rblx in the works as well,3 +2023-09-08,the week comes to and end can the markets get on the mend intel strength cant take markets higher aapl and msft have to find a buyer intc has broken out on the daily over dollars 7.50 longs over its a long til its not meta had that mini flash crash yesterday volume,1 +2023-09-20,the cart ipo was a flop but the trading wont stop klavyio debut today shop will hope buyers say yay fed rate decision will be no move 0 at the podium is when market finds a groove cart to ipo issue price of 30 is in play today 35 and 36.25 are short levels rivn to has,1 +2023-09-13,high cpi numbers market expects no interest rate hike for upcoming fomc meeting bad is good lets rally again 😅 spy qqq aapl tsla nvda,1 +2023-09-12,if you you own tsla you loved monday as a bills fan it wasnt a fun day orcl guidance and revenue got a cold reception stock flopping like a josh allen interception amzn tapped exactly its 52 w high for a double top on the daily looking both ways off it aapl iphone,1 +2023-09-13,the countdown is on to cpi break this small move down markets shall try china may not do iphone ban but europe may look to put chinese evs in jam as always be patient not chasing any 830 move or assuming trend li to both this and nio have awaited the flat bottom break,1 +2023-09-21,crazy bid in these mega caps today or else would see some serious correlation to downside really hit things imagine if aapl tsla msft were down might have a qqq negative 3 percent down day could still happen into next hardly any panic in vix just yet,4 +2023-09-04,hit the ❤️ if you are ready for an awesome trading week… spy qqq tsla goog nflx tsla amzn meta nvda,1 +2023-09-28,if closing is weak expect a gap down again tomorrow not an easy price action to play if you are not actively locking gains intraday spy qqq aapl amzn tsla meta nvda,2 +2023-09-05,holiday shortened week but action still at its peak arm ipo on our minds but til then trading nvida and amd is what you will find wework with the reverse split fade the move as usually means tock goes to shhhhhhh nvda fade 488 level respect amd strength friday over 108,3 +2023-09-02,the market rally staged a follow through day tuesday with all the major indexes reclaiming their 50 day lines to just 3 sessions after the ugly aug 24 reversal a good week to exposure 1 aapl tsla amzn googl nvda meta msft abnb,1 +2023-09-25,the markets are off to a slow start while the chart of nio not for the faint of heart shares of tsla trying to hold onto key support while chip names remain a trend short amzn to coming off double top on weekly short pop to 132 and 135.50 li 38 flat bottom broken,2 +2023-09-01,co intraday high closing high amzn aapl goog meta msft nvda tsla this is not healthy it’s also what all clear echo tops look like,1 +2023-09-27,good morning market snipers magnificent 7 weekly chart • nvda to no pending sell signal • meta to no pending sell signal • tsla to no pending sell signal • goog to no pending sell signal • amzn to pending sell signal • msft to pending sell signal • aapl to sell signal,1 +2023-09-14,as we get ready to pay an arm and a leg for todays ipo we wait for the ppi reading for this market to go amazon looks to continue after a 52 week high while shares of apple seem less likely to fly amzn to new 52 w high with 143.50 support like yesterday respect trend look,1 +2023-09-07,futures steady after the SP500 500 fell below the 50 day and the nasdaq just closed above it closing below the low of the aug 29 ftd would be very bearish otoh it wouldnt take much for a lot of buying opportunities tsla aapl nvda cxm ai path,2 +2023-09-21,👀todays watch sgbxv out of control nept solid volume but sliding off since 8 am splk dollars 8 billion cisco takeover deal aapl tsla nvda bluechip stocks gap down with indexes spy qqq dia so uvxy is up,1 +2023-09-12,market this morning 📉 u s stock futures dip ahead of crucial inflation report impacting feds rate hike plans nasdaq gains led by tesla post morgan stanley upgrade but tesla amazon and microsoft slightly down premarket focus shifts to consumer and producer prices,1 +2023-09-23,spy qqq as the fed fades…❤️ as seasonals fade… the market will turn to the next catalyst… tech earnings 🤖 few weeks away nvda … good guidance amzn … good guidance meta … good guidance goog … good guidance i wonder if earnings will be…good,3 +2023-09-15,market summary wall street futures mixed on friday ford gm chip equipment makers down due to industry concerns while optimism prevails for a pause in u s rate hikes tsmcs equipment delay affects applied materials lam research kla corp uaw strikes hit ford gm,2 +2023-09-21,stock futures set for a lower open due to surging treasury yields post feds rate decision tech giants like aapl meta googl and nvda dip in premarket fed signals a potential hike this year emphasizing inflation concerns economic data and ipo market revival under,3 +2023-09-15,tell me a ticker you are watching next week i will check chart and flow will share if i see interesting setup over weekend⭐️💙 spy qqq aapl amzn tsla nvda unh tgt hd fslr sedg enph ai baba,1 +2023-09-07,tech update markets in a third consecutive premarket decline due to persistent inflation worries investors eagerly await fed insights on u s interest rates nasdaqs 1 percent dip added to concerns fueled by strong services sector data meanwhile china restricts iphone use among,1 +2023-09-12,under ema clouds so far premarket vix 14.35 key for markets tsla amzn meta focus of market plays amd nvda semi sector check levels,4 +2023-09-26,very interesting day out there this morning with big tech big time dump amzn aapl googl msft the most highly weighted names in qqq while higher risk and reward growth names xbi arkk and others saw strength in the end spy and qqq bears remain confident with key weekly,4 +2023-09-11,10 am trend time here spy qqq trying to hold up gap but vix needs to fail under 14 tsla relative strength amzn nflx strong names with volume nvda amd semis taking heat,3 +2023-09-22,fridays trade is here but is another freefall near recent ipos try to hold their lows while baba and nio are on the go here are some ideas to start the day watching is the way amd since 100 break looking to short pops 98 100 the resistance levels 200,2 +2023-09-07,and that is a wrap spy failed at the 21 days so far down 4 days in a row but good bounce amzn googl very nice candles one more day this week and tonight football hagn,1 +2023-09-21,yes it does i am more livermoresque aapl amzn goog meta tsla nvda etc are the market leaders aapl is king kong in that group it led higher and has also led lower,3 +2023-09-14,watchlist is basically depleted filled with failed setups and distribution not much to do right now until market can sustain a rally tsla goog amzn a few standouts but thats about it still inside on weekly qqq to remaining unbiased until it breaks one way or the other,2 +2023-09-07,good morning futures mixed flat to down qqq aapl china said its looking to broden its iphone ban roku d and g hold loop point dollars 5 roku point raised dollars 00 from dollars 5 needham mcd u and g overweight wfc point dollars 10 ms int buy hsbc point dollars 9 gs int buy hsbc point dollars 03 hd int hold,1 +2023-09-21,curious if amzn 130 weekly 20 moving average will hold goog 131.44 50 displaced moving average will hold qqq 360358 sma and 100 expontential moving average will hold spy 433 to 435 august lows will hold broke the 100 moving average premarket nvda 100 simple moving average 412.19,2 +2023-09-19,slow day markets went down then back up all about powell tomorrow aapl meta pins showed r and s today msft tsla as well less is more right now hagn,1 +2023-10-21,about 900 points off weekly touch on the order block 👊 into smr aapl amd nvda msft meta tesla aapl spx esf spy nvda amd usd nflx abnb,1 +2023-10-23,aapl spy apple on 5 min intraday another head and shoulders ai msft nvda amd googl meta qqq smh tsla amzn dia xom cvx panw crwd fdx nflx intc mu tsm jpm bac c ms xlf f gm coin mstr arkk iwm hood docu roku twtr pins cvna ba fcx aa x amc gme sq pypl,1 +2023-10-19,lucid shares just hit a new all time low again today and finally hit my dollars dollar price target 2 years ago people thought my dollars dollar traget was a joke now the stock is down 95 percent,1 +2023-10-20,📈 analyzing vs stock trends on sharp volume spikes with notable price changes in recent days watch for potential reversals with the rsi nearing mid range divergence spotted on macd stay informed on moves mob 🤓,4 +2023-10-29,a bit dated but a nice insightful one stop shop would be interesting to compare some of the higher earnings growth stocks to what their 5 year stock price did qqq,4 +2023-10-05,nasdaq bearish • change in order flow • rejections on week and mn supply zone • impulse and corrections • price will likely break daily demand qqq nq spx spy dxy,1 +2023-10-09,levels im watching on qqq tomorrow odte aapl abbv adbe amat amd amzn azo ba baba bynd dis meta fdx goog hd intc iwm jpm lmt low lulu ma msft nflx nvda qqq rh roku snap spy t tlt tsla uvxy v vxx xom,3 +2023-10-10,levels im watching on qqq tomorrow odte 😉aapl abbv adbe amat amd amzn azo ba baba bynd dis meta fdx goog hd intc iwm jpm lmt low lulu ma msft nflx nvda qqq rh roku snap spy t tlt tsla uvxy v vxx xom,1 +2023-10-11,levels im watching on qqq tomorrow odte 😉aapl abbv adbe amat amd amzn azo ba baba bynd dis meta fdx goog hd intc iwm jpm lmt low lulu ma msft nflx nvda qqq rh roku snap spy t tlt tsla uvxy v vxx xom,1 +2023-10-25,us markets open to nasdaq composite ndq dipped as alphabet goog earnings disappointment dragged down tech stocks nasdaq fell 1 percent while SP500 500 spx slipped 0.5 percent dow jones industrial average dji was up 0.2 percent boosted by boeing ba and microsoft msft alphabets,1 +2023-10-06,tsla stockmarket update equals bullish first target dollars 60 reached next ist dollars 70 a which is a very crucial resistance of the longer term downward channel above that we look at dollars 00 b resistance after that the upper bound of the upward,1 +2023-10-27,us markets open to the nasdaq composite ndq made gains on friday in an attempt to recover from this weeks significant losses amazon amzn played a pivotal role in boosting tech related stocks as it reported robust quarterly results the tech heavy index saw an increase of,1 +2023-10-04,hyg put pressure and the stock is up when have we seen this kind of distortion on the option chain and the price move opposite if this was call side action for tsla the stock would be up 5 percent,2 +2023-10-06,was watching nflx amzn amd per post below mentioned aapl as well but then nvda shop cvna qqq entered the chat even if different this is all one big trade and im managing it as such,1 +2023-10-12,2 for 2 over our price target and we are not even 30 minutes in thanks to spy and baba see what your missing out on with or without you your choice,1 +2023-10-19,netflix nflx had a strong third quarter gaining subscribers and earnings while also implementing price hikes for its lower priced ad tier,4 +2023-10-06,spy qqq higher for longer may be in its final chapter tsla nvda aapl amzn msft meta googl vvos rivn vino xom mkul oxy siri dvn bttr su nuvl vfs bb cei wnw laac ostk okyo clx stz qqq spy btc,3 +2023-10-19,after earning calls of tesla the stock will be crash in a short term i guess stock price will be around 200 but this is a big opportunity buy some shares for the long term,3 +2023-10-19,nflx netflix’s stock jumps more than 10 percent on a huge spike in subscribers and price hikes,1 +2023-10-05,i’m so old that i remember when these went from being called faang to faang here is a precovid time series of meta amzn nflx goog and googl msft aapl nvda and spx,1 +2023-10-18,spy what i’m looking at 👀 spy spx nq qqq vix dxy btc tlt aapl nvda tsla msft ba nflx amzn meta amd oxy afrm tlry amc gme,5 +2023-10-24,spy qqq very messy looking all around pmi comes in hot but we also have googl goog msft earnings afterhours range is too tight can be a choppy day imo im cash ♠️,2 +2023-10-06,spy been a good day cash for now wonder if we test 430 today aapl tsla nvda nflx msft meta amzn tlt tnx vix dxy amd gm amc gme btc eth rblx googl spx nq qqq esf,5 +2023-10-28,even with amzn er beat spy still went below 413… qqq breached 344 which was 200 expontential moving average so 331 is probably coming after a slight pop qqq should see a pop since 200 expontential moving average is still nose up and should act as support spy may not bounce till 400.83,2 +2023-10-23,nq qqq hella strong 🤟 dollars t in total market cap reporting this week all eyes on msft goog tomorrow 🔥 degen stonks nvda tsla massive green from days bottom,1 +2023-10-03,meta analysis price target raised to dollars 90 🔸truist securities analyst youssef squali raised his target price to usd 390 per meta share the daily chart of meta stock meanwhile shows a mixed picture 🔗 read,1 +2023-10-19,msft nvda googl nflx big tech front runnin spy qqq ndx again aapl right behind all indicatorz showed large accumulation yesturday which we cant ignore,1 +2023-10-18,i mean come on i literally gave you another spy banger live laugh who isnt liking this spx aapl msft tsla qqq nflx nvda meta amzn amc gme,1 +2023-10-25,looks like meta got clobbered and it dragged the market down with it 👀 spy spx qqq iwm aapl msft amzn nvda meta tsla adbe nflx amd crwd enph vix,1 +2023-10-27,how similar do these two setups look amzn and aapl scheduled to report earnings on nov 2 and that can very well be the spark the market spy spx qqq needs miyan with me no fear we are going to print a burj khalifa candlestick 🤝,1 +2023-10-11,spy ppi higher than expectation cpi will be too market flat wall st always wins these binary events again we have 438 gap fill earnings coming up market may brush this off and stay green let’s see pa spy qqq aapl tsla spx pltr amd,1 +2023-10-11,naz internals index 50 dma reclaim to net new h l and percent above 50 dma signals flipping green to nasi 10 expontential moving average crossover to up volume trending higher odd that nasdaq stocks were down 1. but lets see where we end the week with cpi tomorrow and earnings season starting,3 +2023-10-22,qqq still far away from tagging 200 sma 👀 spy closed for the first time below 200 ma since march and the primary trend is now down tech can push SP500 further down to 410 some of the big tech names are still holding up despite the selloff expecting a 5 percent dump from current,1 +2023-10-17,spy rallied nearly back to near 436 since this tweet once again marked a short term bottom spx aapl msft tsla qqq nflx nvda meta amzn googl,1 +2023-10-25,spy qqq levels and gameplan tomorrow posted for members ✅ should be easy watching qqq closely with tech meta amzn next to bat with earnings keep it simple tomorrow guys less is more,3 +2023-10-08,1 spy to top ten aapl msft amzn nvda googl tsla goog meta brkb unh top ten percent of assets 31.04 the highest since tracking in july,1 +2023-10-03,earnings growth and price strength make microsoft msft a stock to watch aapl msft goog amzn nvda tsla meta orcl nflx intc ba amd spy qqq,5 +2023-10-31,yall ask for live updates on spy and yet dont like it i gave you an update and banger spx aapl msft tsla qqq nflx nvda meta amzn googl tsla amc gme,1 +2023-10-15,1 to to spy top ten aapl msft amzn nvda googl tsla meta goog brkb unh percent of assets for top ten increased to 31.35 percent tracking all time high sold shares in all,1 +2023-10-09,levels im watching on qqq tomorrow aapl abbv adbe amat amd amzn azo ba baba bynd dis meta fdx goog hd intc iwm jpm lmt low lulu ma msft nflx nvda qqq rh roku snap spy t tlt tsla uvxy v vxx xom,3 +2023-10-10,levels im watching on qqq tomorrow 😉 aapl abbv adbe amat amd amzn azo ba baba bynd dis meta fdx goog hd intc iwm jpm lmt low lulu ma msft nflx nvda qqq rh roku snap spy t tlt tsla uvxy v vxx xom,3 +2023-10-23,spy stock market update video and i analyzed tsla googl meta aapl amzn nvda officially now market is under all sma line but testing dollars 19 demand zone to watch and we are over sold more detail in video,1 +2023-10-26,spy stock market update video and i analyzed tsla googl meta aapl amzn nvda market leaving the demand zone today market closed 5 month lower low macd super bearish and cloud over the head is not normal looking detail in the video 👉,1 +2023-10-05,my spy channel for today spx qqq gamma levels tsla amd nvda aapl googl msft qqq nvda nflx amzn meta thursday et to jobless claims et to mester speaks et to barkin speaks 0 pm et to daly speaks 5 pm et to barr speaks,5 +2023-10-30,yup anyone can do it without a sophisticated algo have all the sma outfits as tabs accessible to you on a multigrid while monitoring the nasdaq spy dji and tangential proshares better in this order spx spy ixic upro spxu sqqq tqqq dia udow sdow mostly tqqq and ixic and spy and sqqq,5 +2023-10-19,not an easy environment to say the least nflx positive 15 percent tsla negative 8 percent nvda ugly aapl amd rallying into mas above have a short look googl meta msft pltr all holding up really well net building out a nice pattern panw zs crwd all fine still where do we go from here 😀,2 +2023-10-27,just posted a midday spy important update will be posting more if you find it helpful ❤️and retweet it spx aapl msft tsla qqq nflx nvda meta amzn googl qqq amc gme,1 +2023-10-19,btw since yall want i will be posting more tomorrow real time during market hours like today spy commentary bangers charts everything spx aapl msft tsla qqq nflx nvda meta amzn googl amc gme,5 +2023-10-20,why nasdaq SP500 500 futures are sagging today – netflix nasdaq nflx wd 40 nasdaq wdfc slb nyse slb csx nasdaq csx spy qqq msft amzn tsla nvda amd meta aapl googl nflx tsm ms t aal sedg,1 +2023-10-24,us stocks wall street eyes higher open as treasury yields retreat earnings in focus msft googl amzn meta intc gm cvx tsla nvda nflx aapl tlt amd pltr coin spy qqq,3 +2023-10-11,i’m not shorting qqq with meta and googl ripping to new highs aapl about to fill an upside gap amzn looks like a launch pad nvda has been on absolute fire up 60 points off last swing low,1 +2023-10-31,spy qqq bounce off wkly channel support paused at daily 2 week desc tl res getting tight daily and wkly osc oversold tu hf eoyr amd wed adp treasuryrefunding pmi mfg jolts fomc msft co pilot qcom smci th yellen autosales pltr shop aapl ftnt net fri jobs pmi svcs,1 +2023-10-25,update before the open us futures morning of october 25 2023 markets down after mixed results of tech sector earnings spy nasdaq vix qqq spx qqq 📉📉 avtx gvp ebet nkla ttoo mcom atvi bsfc cnxa seel agri swin gmbl amti mlgo sgen,1 +2023-10-05,qqq vs spy reversal recently qqq had performed better than spy on a relative basis big tech in particular thats reversed so far today a meaningful bounce in qqq shows profit taking sales continued selling signals a broader loss of confidence keep an eye on smh,1 +2023-10-25,us futures morning of october 25 2023 market is down as we await earnings spy nasdaq vix qqq spx qqq 📉📉 avtx gvp ebet nkla ttoo mcom atvi bsfc cnxa seel agri swin gmbl amti mlgo sgen tsla nvos ionq agil gdhg pltr vix dow,1 +2023-10-24,update before the open us futures morning of october 24 2023 tech sector earnings will determine if the market stays green spy nasdaq vix qqq spx qqq 📈📈 avtx gvp ebet nkla ttoo mcom atvi bsfc cnxa seel agri swin gmbl amti mlgo sgen,1 +2023-10-14,spy daily dropped six dollars off highs past two days still holding the 9 ema tech earnings kick off this week with tsla and nflx will be interesting to see if this is a lower high if we so we will retest 415 to 420 again aapl amzn googl nvda,1 +2023-10-02,spy qqq namo tsla meta a stock market in four charts ❤️ nasdaq 100 percentage of stocks above their 50 moving average nasdaq mcclellan oscillator namo tsla monthly chart meta monthly chart,1 +2023-10-19,naz down .8 percent with aapl googl amzn unch msft .5 percent and meta negative 1.1 percent and nflx positive 16.5 percent dont wanna look at what the other 94 stocks are doing yikes qqq,1 +2023-10-20,spy gamma exposure negative 14737.51 mm per 1 percent qqq gamma negative 4402.82 mm usd per 1 percent move iwm 2633.73 mm usd per 1 percent move tsla negative 300.94 mm usd per 1 percent move nvda negative 302.41 mm usd per 1 percent move amzn positive 197.43 mm usd per 1 percent move nflx positive 150.42 mm usd per 1 percent move meta positive 73.28 mm,1 +2023-10-18,spy gamma exposure negative 6617.37 mm usd per 1 percent move qqq gamma exposure negative 2584.63 mm usd per 1 percent move iwm negative 1820.29 mm usd per 1 percent move tsla positive 144.54 mm usd per 1 percent move nvda negative 102.41 mm usd per 1 percent move amzn positive 197.43 mm usd per 1 percent move nflx negative 41.19 mm usd per 1 percent move,1 +2023-10-09,on friday the market flushed out the negative gamma for now spy gamma exposure positive 1828.81 mm usd per 1 percent move qqq positive 1159.67 mm usd per 1 percent move tsla positive 579.57 mm usd per 1 percent move nvda positive 1135.73 mm usd per 1 percent move amzn positive 201.72 mm usd per 1 percent move nflx positive 165.65 mm usd,1 +2023-10-13,qqq next week will be an important week as far as this chart goes the trend of lower highs since the july top is still technically intact nflx tsla tsm lrcx are some of the big tech earnings to watch next week will help give us more color about future direction,3 +2023-10-26,spx 4183 as posted spy spx msft meta nvda baba googl amd orcl cvna qqq spy aapl tsla nvda amc jnj amzn kvue amd msft tgt baba meta se amgn pypl bac pbr nkla dis pltr aapl cl ko o tsla,1 +2023-10-27,barclays raises amazon point to dollars 90 evercore isi raises dollars 90 dollars 95 stock wouldn’t be under dollars 45 right now if the broader market internals were better stellar earnings 💫 amzn spy qqq,1 +2023-10-29,spx triple macd my 🎁 to you follow me for more free scripts… special thxs to you can build anything aapl amzn goog meta msft nvda tsla nflx spy qqq,5 +2023-10-31,spx ticked up ever so slightly along with big tech as investor await aapl earnings fang and innovation📱 🟢 amd positive 2.45 percent 🟢 intc positive 2.27 percent 🔴 meta negative 0.46 percent 🔴 nvda negative 0.93 percent,1 +2023-10-04,spy qqq vix market trying to find a trend over pm highs qqq already in trend vix under 19 will give good conviction meta vs 300 and googl tsla aapl msft leading the way nvda amd right behind amzn still laggy,2 +2023-10-11,tsla trying spx msft meta nvda baba googl amd orcl cvna qqq spy aapl tsla nvda amc jnj amzn kvue amd msft tgt baba meta se amgn pypl bac pbr nkla dis pltr aapl cl ko o,1 +2023-10-31,spx started the week with a jump as investors await the fed rate verdict tesla took a 4 percent hit falling under dollars 00 yet big tech rallied ahead of apples earnings fang innovation📱 amazon amzn positive 3.89 percent 🟢 adobe adbe positive 3.70 percent 🟢 netflix nflx positive 3.07 percent 🟢 tesla tsla negative 4.79 percent 🔴,1 +2023-10-26,so far earnings for mag7 tsla ❌ stocks ❌ googl ❌ stocks ❌ msft ✅ stocks ✅ meta ✅ stocks ❌ aapl ❓stocks ❓ amzn ❓stocks ❓ nvda ❓stocks ❓ last 3 to hold the line temporary support for qqq would be dollars 30 if apple and nvidia dies ai hype and major sentiment,1 +2023-10-31,fang constituents aapl 169.11 to 0.69 percent amzn 132.1 to 0.47 percent amd 96.41 positive 0.25 percent goog 124.46 to 1.02 percent meta 299.67 to 0.99 percent msft 335.21 to 0.63 percent nflx 405.46 to 1.16 percent nvda 401.89 to 2.38 percent snow 144.49 positive 0.23 percent tsla 197.2 to 0.08 percent,1 +2023-10-17,spy qqq i’m still in money market funds but this market is incredibly resilient bulls really need to get rsp over the 200 day sma dollars 46.25 my major worry is aapl earnings tim cook sold dollars 2 million of stock on,1 +2023-10-13,fang constituents aapl 178.74 to 1.1 percent amzn 129.53 to 2.12 percent amd 105.13 to 3.37 percent goog 138.57 to 1.23 percent meta 314.19 to 3.09 percent msft 327.8 to 1.01 percent nflx 354.98 to 1.72 percent nvda 455.62 to 2.94 percent snow 158.28 to 1.02 percent tsla 251.75 to 2.74 percent,1 +2023-10-16,fang constituents aapl 176.95 to 1.08 percent amzn 129.88 positive 0.05 percent amd 104.88 to 0.15 percent goog 138.88 positive 0.25 percent meta 315.29 positive 0.25 percent msft 328.43 positive 0.23 percent nflx 355.04 to 0.08 percent nvda 449.85 to 1.03 percent snow 156.98 to 0.1 percent tsla 248.72 to 0.94 percent,1 +2023-10-26,gamma exposure thread spy gamma exposure negative 13128.32 mm per 1 percent move qqq negative 4858.69 mm usd per 1 percent move iwm negative 2633.73 mm usd per 1 percent move tsla negative 19.87 mm usd per 1 percent move nvda negative 1.43 mm usd per 1 percent move amzn positive 56.43 mm usd per 1 percent move nflx positive 69.42,1 +2023-10-23,fang constituents aapl 172.72 to 0.09 percent amzn 127.16 positive 1.58 percent amd 101.92 positive 0.11 percent goog 138.19 positive 1.06 percent meta 316.31 positive 2.49 percent msft 330.33 positive 1.12 percent nflx 403.71 positive 0.68 percent nvda 428.66 positive 3.58 percent snow 149.47 positive 1.23 percent tsla 215.28 positive 1.55 percent,1 +2023-10-05,fang constituents aapl 173.89 positive 0.13 percent amzn 125.62 to 1.09 percent amd 102.38 to 1.62 percent goog 135.73 to 0.4 percent meta 302.57 to 0.97 percent msft 317.01 to 0.62 percent nflx 370.09 to 1.81 percent nvda 445.19 positive 1.08 percent snow 150.43 to 0.99 percent tsla 259.69 to 0.56 percent,1 +2023-10-30,mega cap earnings so far tsla 📉 nflx 📈 msft 📈 flat googl 📈 amzn 📈 meta 📉 flat aapl to tbd nov 2 up so far with the giant yet to report if it reports good then rip bears santa rally will be on its way,5 +2023-10-30,nice day to begin the week spy nice closing eod amzn goog and nflx looking stronger today otc really picking up ⬆️ song gvsi dksc abqq trsi mapt icnm,4 +2023-10-26,the 3 amazon and 47 intel largest us companies by market cap significantly beat expectations and see their respective stocks rally the result for the qqq nasdaq 100 etf translates to a relatively modest 0.4 percent bounce after hours,2 +2023-10-24,reminder msft aapl intc meta googl represent a huge portion of the qqq index and a large part of spy dollars 00 billion il in treasury auctions this week… on tues wed thurs,1 +2023-10-16,spy gamma exposure negative 11749.05 mm usd per 1 percent move qqq gamma exposure negative 3334.20 mm usd per 1 percent move tsla negative 263.43 mm usd per 1 percent move nvda negative 73.12 mm usd per 1 percent move amzn positive 63.96 mm usd per 1 percent move nflx negative 234.19 mm usd per 1 percent move meta positive 160.07 mm usd per 1 percent move,1 +2023-10-28,spy i hope that you enjoyed the charts i posted analysis on the following intc amzn meta tsla msft nvda googl nflx have a great rest of your weekend,3 +2023-10-05,daily chart rsi5 and stochastic curling down bearish cross 5 expontential moving average on xlk qqq tqqq ndx soxx soxl arkk lrcx amzn amd msft meta mstr compq coin nflx spy,4 +2023-10-15,thank you ec we need to keep an eye on the big dogs of qqq nvda and tsla have a similar bearish setup aapl and msft are aligned meta googl amzn roughly aligned avgo new ath yesterday and dropped 5 percent in a couple of hours meta has to turn…,1 +2023-10-23,the 10 year tags 5 percent but back down though a look at the vix over 22 will make you frown we await major earnings this week while tesla shares under the 200 sma looking meek shop to held under 51 the bottom comes out under 50 tsla to close under the 200 sma has 215 for,2 +2023-10-10,rest over next couple of days would make sense as spx rallies into overhead unfilled gap aapl sold off 50 displaced moving average amzn sold off 20 expontential moving average nflx sold off 20 expontential moving average other megas meta tsla nvda strong 3 days technically set up great but sideways would not surprise see if we hold above near,2 +2023-10-24,keep watch on broader markets don’t lose sight of recent conditions spy qqq both rejected near yesterday’s highs so far big time earnings to come too this week,5 +2023-10-30,tonights video spy qqq oversold and overbought levels why japans actions this evening are significant tnx earnings plan amd several stocks covered tsla nvda pins etc,1 +2023-10-10,3 big up days and we cooled off on bond data ppi tomorrow fomc mintues and cpi on friday then earnings start friday meta tsla nvda very strong today hagn,5 +2023-10-31,tonights video spy qqq oversold and overbought levels why japans actions this evening are significant tnx earnings plan amd several stocks covered tsla nvda pins etc,1 +2023-11-06,🚀the most active stock of the hour netflix nflx positive 1.80 percent the magic signal for nflx resulted in positive 3.63 percent in its price 👏follow and comment to access your holdings signal without any cost,5 +2023-11-30,markets unveiling the influential factors behind stock price fluctuations,5 +2023-11-22,nvda looks like a overreaction with multiple price increase of 10 percent plus wells fargo raised to dollars 75 from dollars 00 as well see more in the image,1 +2023-11-01,values tsla per share at dollars 79.556 that’s why tsla stock price keeps going down when you look at it tsla pe ratio ratio is actually at 66 which means the stock is overvalued however i still believe in tsla will🚀in the near future🙂,3 +2023-11-10,spy heatmap 👀 tsla msft meta aapl googl nflx nvda avgo lly jnj amd jpm wfc mcd ma wmt hd cost amzn pg ko pep unp ups xom qcom intc txn hon ba rtx gs,3 +2023-11-09,tsla is having a three black crow chart 😶‍🌫️ i feel life is much better without owning a tsla stocks so dramatic 🙄 what’s the bad news hsbc downgraded the stock price to dollars 46 but could it be their analysts just don’t like i still believe in tsla 🚀,1 +2023-11-06,spy 60 minute chart gaps everywhere aapl amzn goog meta msft nvda tsla nflx es ai spy qqq,1 +2023-11-02,spy vix aapl meta tsla 📈 market brief spy strong upward expansion yesterday followed by a continued surge in the extended session note the apples earnings report after hours to market appears to be awaiting this report to confirm its next move whether higher or,3 +2023-11-07,mag 7 as a group is lower tsla negative 2.22 nvda negative 4.17 aapl negative 0.92 msft positive 0.3 amzn equals 0.71 nflx negative 1.13 nq range 15180 to 15250 need to break below or above you can set alerts on these 2 levels let the system send sms and walk away from your screen qqq 367 to 370 range,2 +2023-11-10,qqq the levels are tight on the upside and ve gamma shows plenty of downside if the markets get spooked of the mag 7 amzn msft nflx and aapl show strength vix futures are showing signs of coming down but that could change nvda is wild and going nuts with call gex,3 +2023-11-03,spy the moment of truth 🫡 with aapl trending lower will it be enough to influence the successful retest of this weekly rising wedge 🤔 let us know what you think👇 spx qqq pltr tsla amzn nvda meta snow msft iwm nflx vix sq dkng shop gme amc ko cost hd,3 +2023-11-30,tsla stockmarket update stock price broke out of pennant price level compression equals indecision which gives good chance for another positive 5 percent move next resistance i see at dollars 57 then dollars 70 dollars 78 is highly overbought and might head for correction soon so this,1 +2023-11-13,dfli dollars 50 price target on earnings today 927 percent upside🚀,5 +2023-11-14,app d stock on the radar the price action is setting up nicely ahead of the pivotal resistance,4 +2023-11-04,us magnificent 7 by market capitalization 2023.11.3 fri at close update weekly us total dollars 5.0 t last week dollars 2.5 t magnificent 7 total dollars 1.1 t ratio 24.6 percent appl msft goog amzn nvda meta tsla,1 +2023-11-14,good morning cxai stock price rises 9 percent ahead of third quarter 2023 earnings report stocks spy qqq,1 +2023-11-23,nvda if the stock holds above 460 to 470 next week we could expect a return to 500 if it breaks higher we might see a price of 600 next year 📈,2 +2023-11-02,aapl earnings out soon to expect a move lower to not sure how much probably just a little but at least some kind of move lower likely good or bad earnings imo spy ndx qqq to lets see how it goes tomorrow,3 +2023-11-03,check out the latest on amd stock prices news and historical data is the rise in amds stock price sustainable or just a temporary boost,4 +2023-11-01,shares of have fallen by 25 percent from yearly highs but the companys performance remains excellent despite market fluctuations stocks,4 +2023-11-20,spy and qqq continue the squeeze nvda msft all time highs laggard sector check in iwm xbi jets arkk tan bears are not sneaky when they show up,1 +2023-11-02,qqq ndx spx aapl crazy overbought short term hourly to most of the other times we got a good move lower will this time be different i guess not and thats why i think aapl wont do much of anything to upside good or bad earnings pullback likely imo spy,1 +2023-11-03,spy gapped up above 200 expontential moving average but closed right at this mini downward trendline that could act as resistance 4 hour r and 1 hour r rsi is above 70 if the aapl dip doesnt get bought up by buffett i think ill play the pull back to 423 to 421 with spxs otherwise will trade cvna tomorrow,1 +2023-11-07,definitely thought we’d see a pullback this week like everyone else will these green days keep coming until cpi next week what is that number is better than expected my qqq dollars 60 puts are getting smoked this week so far amzn tsla spy es qqq spx nvda spy gld aapl,1 +2023-11-01,stock price fell 11 percent since their latest earnings report losing over dollars 00 billion in market value aapl,1 +2023-11-09,spy qqq green overnight nvda with a big move off new chip designs and shipments for china and leading the move for smh and soxl could see a big run today not going to take spy qqq and focus on semis smh safe entry moved to dollars 52.7 pm high soxl safe entry moved to,1 +2023-11-02,qqq gapped above the ema ribbon and still has strong upward momentum underpinning price action on the daily timeframe on the flip side this gap will likely close back to the downside at some point in the future msft meta amzn googl aapl nvda tsla,3 +2023-11-03,tactical buy and sell signal is neutral rising now👇pic2 shows spy at all 6 buy signals now aapl earnings were great buy gave neutral guidance so ndx spx should drop a small amount tomorrow but should continue to zigzag higher into the debt ceiling shutdown qqq,1 +2023-11-01,all we needed…hindsight …can they lead us out of current correction my opinion strongest amzn meta maybe nvda msft waiting for aapl eps on thursday… adding nflx,4 +2023-11-01,mahanagar gas second quarter fy24 growth boosted by lower gas costs icici securities revises target price aapl nvda amd meta msft sofi we fslr amzn tsla qqq spy,3 +2023-11-01,what is wall street’s target price for netflix inc nflx stock wednesday aapl nvda amd meta msft sofi we fslr amzn tsla qqq spy,1 +2023-11-10,spy the levels are tight on the upside and ve gamma shows plenty of downside if the markets get spooked of the mag 7 amzn msft nflx and aapl show strength vix futures are showing signs of coming down but that could change nvda is wild and going nuts with call gex,2 +2023-11-06,beat the market like zacks hilton fabrinet micron in focus tsla aapl nvda amd pltr sq amzn msft bac meta roku dkng f googl coin c mara sofi,1 +2023-11-10,spy qqq upcoming key earnings week starting nov 13 — bookmark this 🔖 nov 13 mndy monday com tsn tyson foods fsr fisker inc rum rumble nov 14 hd home depot onon on holding ag vwe vintage wine estates nov 15 tgt target corporation jd jd com zim zim,1 +2023-11-07,spy and qqq midday update in 30 minutes who wants it major move brewing 30 ❤️ and i will post it spx aapl msft tsla nflx nvda meta amzn amc gme,1 +2023-11-08,do yall want me to post spy update like today tomorrow as well if we get enough people i will spx meta amzn googl tsla nflx nvda meta amzn googl amc,1 +2023-11-10,spy and qqq major update and a mega move brewing will post in 30 minutes 20❤️ and i will post it spx meta amzn googl tsla nflx nvda meta,1 +2023-11-06,just posted a major spy midday update its brewing for a massive move hit the ❤️ if you find it helpful spx aapl msft tsla qqq nflx nvda meta amzn googl amc gme,1 +2023-11-02,spy expecting a gap down on aapl earnings tonight that gets quickly pushed back up tomorrow trapping a whole new bunch of folks that think its time to go heavy short again stay cautious qqq nvda spx,1 +2023-11-20,nasdaq daily finally broke out after chopping sideways 4 days filled gap above upper bb just racing upward allowing 4 more upside macd racing upward is still 🐂momo stoch flatlining above 80 line is still 🐂momo if positive reaction 2 nvda er tomorrow could really send it,1 +2023-11-10,rsp and qqew are just sickeningly different charts from spy qqq then iwm is a real market its not even tsla anymore msft aapl nflx amzn meta nvda is this an ai bubble still,1 +2023-11-02,spy qqq strong upside continuation on heavier volume small v pattern almost complete large v pattern has room to fill out reaction to aapl eps will be key qqq res 360 364 to 365 spy res 425 to 426 430 th yellen auto sales pltr shop aapl ftnt net fri jobs pmi svcs,4 +2023-11-01,gamma exposure thread spy gex negative 6089.43 mm per 1 percent move qqq negative 1912.44 mm usd per 1 percent move iwm negative 1984.95 mm usd per 1 percent move tsla negative 10.17 mm usd per 1 percent move nvda negative 23.27 mm usd per 1 percent move amzn positive 249.67 mm usd per 1 percent move nflx negative 147.73 mm usd,1 +2023-11-11,magman to ytd perform meta positive 173.2 percent aapl positive 44.3 percent googl positive 50.3 percent msft positive 55.2 percent amzn positive 70.9 percent nvda positive 230.9 percent the surge in the big techs not least nvidia and meta is wild most notable microsoft which printed a new hist high,1 +2023-11-07,aapl and msft up about 500 billion in combined market cap since late october lows been fun to watch the bears get so angry about it but yeah definitely due for either a pullback or a few quiet days,2 +2023-11-03,6 of the mag7 stocks have reported earnings here’s how the stocks performed the day after the results aapl msft googl amzn tsla meta nvda,1 +2023-11-03,good morning what a great day out there so far tsla looking great gm looking great orcl looking ok all the same its a money making monring baby spy spx es esf on a cranker plan on off loading everything this morning and just intraday trading trades that,5 +2023-11-19,spy qqq a stock market in 4 charts ❤️ msft amzn meta nvda msft might have some issues with the news we all know about and i wrote about although the long term technical picture is so strong i’m sure they will find a way to mange monthly analysis updates with measured,3 +2023-11-06,aapl after horrid earnings and guidance dollars 70 to 172 today dollars 79 and closing over every single important daily ma did not watch a single tick today until something cracks this market for real big cap tech will literally have an endless bid nvda dollars 4 in 5 days,1 +2023-11-16,us stock market pauses rally tech tumbles as microsoft unveils ai chip retail soars with targets earnings triumph 🇺🇸 market performance 📊 the us stock market is currently experiencing a pause in its recent rally investors are reevaluating the likelihood of the federal,4 +2023-11-06,me too cleaned it out 🧹 my mag 7 holdings are cashed in and on the sidelines crushed it on meta nvda 20 to 30 percent on amzn appl msft was breakeven on tsla googl reload when spy hits dollars 50,1 +2023-11-02,gm trimmed some smci nvda tsla google meta nflx still has room on these nice to trim roku took some longs after report 12 points so far 80 to 5 is possible spy targeting 432 now as we got 425 from 410 if 432 comes this week i would take out 25 percent of stock which i added 2 ira,4 +2023-11-02,the SP500 500 etf spy is up more than 4.9 percent this week but still about 60 bps below its 50 dma the nasdaq 100 qqq is up 5.8 percent and is about 10 bps below its 50 dma with apple aapl trading lower after hours bespoke,2 +2023-11-07,aapl have shown the weekly here and we triggered the large descending wedge pattern through 178 today after gapping down on earnings supporting and then breaking out it is going to be tough to hold this market back if aapl is going to follow msft higher,2 +2023-11-15,finally iwm is positive gamma spy gex positive 9680.00 mm usd per 1 percent move qqq gex positive 4295.12 mm usd per 1 percent move iwm positive 1220.92 mm usd per 1 percent move tsla positive 494.79 mm usd per 1 percent move nvda positive 842.50 mm usd per 1 percent move amzn positive 530.22 mm usd per 1 percent move nflx positive 172.72 mm usd per,1 +2023-11-01,spy has here qqq 20 expontential moving average but think with the bear trap via the weekly we will push through aapl report tmrw be key but given msft action today and this wedge pattern strictly based on chart would rather be long then short going into report,3 +2023-11-01,spy qqq short term osc overbought but daily and wkly osc have room to run if they want see if mkt builds out a small base or not reaction to eps and economic data will be key,3 +2023-11-08,aapl ✅ msft ✅ goog ✅ nvda ✅ you can have rest of market deep red but these just hold spx together impossible to short index now switch to rty or equal weight spx just pinned on dispersion into mag7 during any downside,1 +2023-11-02,the SP500 500 etf spy is up more than 4.9 percent this week but still about 60 bps below its 50 dma the nasdaq 100 qqq is up 5.8 percent and is about 10 bps below its 50 dma with apple aapl trading lower after hours,2 +2023-11-03,the spx was able to shake off apples aapl weak guidance to finish off its best week since november of last year positive 5.85 percent 📈 fang innovation📱 🟢advanced micro devices amd positive 4.10 percent 🟢nvidia nvda positive 3.45 percent 🟢micron mu positive 3.04 percent 🔴apple aapl negative 0.52 percent,1 +2023-11-15,market is hot and extended but not selling off big dips in amd msft amd meta will watch for opportunities there nflx stud tsla nice tgt wow thoughts in video hagn,3 +2023-11-01,mid week update quite the day market strong from the start powell hawkish but market didnt care amd monster move msft amzn right with it aapl running into earnings market looks set to rally spy at the 200 days need to clear it now,2 +2023-11-29,📈 spy bear attack possible ⚠️ pce data out pre market tomorrow pce data will be cooler than expected pop to fade • seeing a bearish divergence forming on the rsi • trendline break down close • cloud names did perform well after close on their respective ers but,3 +2023-11-13,really nice wins today on meta tsla copped some aapl amd weakness however spy pretty much flat day market waiting for cpi 830 am tomorrow so far bullish that its holding 440,4 +2023-11-01,amd 105 calls 0.83 to 3.50 aapl meta baba adbe snow now shop pypl bidu msft ai amzn googl tsla nvda spx ba lulu mdb 🚨small gains adds up🚨 join a service that shows the actual entries and exits not the peak nflx amzn tsla join and trade our,1 +2023-11-21,good morning let’s continue spy waiting for some pullback here nvda earnings today ah otc better and better stal sdrc begi opti catv abqq nhmd itox vmhg psru ycrm tmsh nbri ggsm smce,1 +2023-11-06,last week going into this week 💫dip buyers made a strong comeback driving the SP500 500 tesla and nvidia to significant weekly gains ✨apples earnings report while beating expectations led to a stock decline due to sales slowdown sparking discussions about its long term,2 +2023-11-09,spy qqq ndx man therez gunna b lotta dead moronz chasin this nonsense up here again soon nvda anet meta msft cmg nflx roku orly azo aapl amzn market keeps givin theeze idiots passez have uh feelin this time there wont b any rescue,1 +2023-11-01,watching aapl meta baba adbe snow now shop pypl bidu msft amzn googl tsla nvda spx ba for tomorrow aapl meta baba adbe snow now shop pypl bidu msft ai amzn googl tsla nvda spx ba lulu mdb 🚨small gains adds up🚨 join a service that shows,5 +2023-11-02,watching aapl meta baba adbe snow now shop pypl bidu msft amzn googl tsla nvda spx ba for tomorrow aapl meta baba adbe snow now shop pypl bidu msft ai amzn googl tsla nvda spx ba lulu mdb 🚨small gains adds up🚨 join a service that shows,5 +2023-11-06,watching aapl meta baba adbe snow now shop pypl bidu msft amzn googl tsla nvda spx ba for tomorrow aapl meta baba adbe snow now shop pypl bidu msft ai amzn googl tsla nvda spx ba lulu mdb 🚨small gains adds up🚨 join a service that shows,5 +2023-11-07,watching aapl meta baba adbe snow now shop pypl bidu msft amzn googl tsla nvda spx ba for tomorrow aapl meta baba adbe snow now shop pypl bidu msft ai amzn googl tsla nvda spx ba lulu mdb 🚨small gains adds up🚨 join a service that shows,5 +2023-11-08,watching aapl meta baba adbe snow now shop pypl bidu msft amzn googl tsla nvda spx ba for tomorrow aapl meta baba adbe snow now shop pypl bidu msft ai amzn googl tsla nvda spx ba lulu mdb 🚨small gains adds up🚨 join a service that shows,5 +2023-11-09,watching aapl meta baba adbe snow now shop pypl bidu msft amzn googl tsla nvda spx ba for tomorrow aapl meta baba adbe snow now shop pypl bidu msft ai amzn googl tsla nvda spx ba lulu mdb 🚨small gains adds up🚨 join a service that shows,5 +2023-11-07,when you look at the nasdaq and see it falling like a knife that’s the sqqq operating with a sma buy algorithm sometimes it’s as simple as the pindrop sma operatikns that i share that they give out to smaller firms to maximize on then sometimes big banks complicate things,3 +2023-11-03,the market has flushed out the negative gamma for now gamma exposure thread spy gex positive 2463.46 mm usd per 1 percent move qqq gex positive 1912.44 mm usd per 1 percent move tsla positive 401.66 mm usd per 1 percent move nvda positive 706.55 mm usd per 1 percent move amzn positive 462.67 mm,1 +2023-11-20,dear alpha male influencers calling me crazy when i said that big tech will surge before the memestocks the nasdaq is now above 16 thousand yeah i told you so go eat some crow oh i remember the names yeah gonna stick with my tealeavesreading now i do think the market,1 +2023-11-09,mega just stay aapl googl amzn meta tsla nvda amd msft nflx crm v ma adbe lly large best of breed shop ttd okta wday twlo mdb team ddog crwd now small and mid too hard just own iwm mdy spec comeback baba tcehy pypl sq not much else to own,1 +2023-11-08,nvda highs now into 464 just a beast since the amd results and really all of teh semi space overall just like taking candy from a baby this move lately but would not mind a few days of pullback in the qqq now,3 +2023-11-07,msft 362.5 calls 0.96 to 2.60 hum 500 calls 0.75 to 3.25 meta 325 calls 0.98 to 1.80 aapl 182.5 calls 0.54 to 1.26 tsla 230 calls 0.83 to 1.50 aapl meta baba adbe snow now shop pypl bidu msft ai amzn googl tsla nvda spx ba lulu mdb 🚨small gains adds up🚨,1 +2023-11-15,stocks surged as the SP500 500 dow jones and nasdaq 100 hit multi month highs driven by a softer than expected cpi report suggesting the fed may pause rate hikes bond yields dropped benefiting semiconductor homebuilder and real estate stocks positive moves for companies,2 +2023-11-03,its been a strong week in the market but apple so far is off target doesnt matter if you call it square or block with a beat on eanrings their shares set to rock aapl to beat expectations but growth slowed and gave slight warning for holiday quarter tough to see it go,2 +2023-11-02,a dose of the fed and markets out of the red earnings are everywhere but the big one awaits after the bell is apple then we see this rallys fate pltr to after the beat and eligibility to SP500 500 hard to want short but 18 to 18.50 is a short zone and i can see a dip over 16,1 +2023-11-14,aapl msft meta googl amzn 🔸megacap stocks rise following cooler than expected cpi report 🔸apple microsoft meta platforms alphabet amazon up between 1 percent negative 2.3 percent,3 +2023-11-07,impressive this overbought and hardly any pullback on the spy qqq the iwm bore the brunt of the tnx rally the pullback was used to buy mega cap tech we have zero earnings this week that can move the market and there is no econ data except the bond auctions worth noting,5 +2023-11-13,in todays early look aapl vs russell and the cycle russell 2000 was down negative 3.2 percent last week taking its drawdown to negative 14.6 percent since the end of july’s lower highs tech xlk was up positive 4.3 percent last week taking it all the way back to where it was in july to be clear,1 +2023-11-10,equal weight tech qqqe is up positive 1.67 percent today ishares expanded tech igv is up positive 2.3 percent rsp is lagging spy but thats what you expect to see during uptrends its a tech rally not just a mega cap one,3 +2023-11-06,aapl 1.34 percent dollars 79 now just need tsla to push up towards dollars 20 and spy qqq get some traction lots of money on the sidelines market short interest still high spy put call 1.375 today bearish traders still,1 +2023-11-25,qqq spy amzn coin dkng ddog mdb crwd duol iot cwan uber amd nvda abnb snow shop anf gps strong lockout rally continues a little chop would be welcome but see more stocks setting up and continue to have a positive view of the market some important earnings,4 +2023-11-21,overall very quiet day tsla big day googl meta nflx held up well arm strong ahead of nvda earnings tonight that is a big one 1 day left for me this week expect it to be pretty quiet day hagn,4 +2023-11-16,quiet day overall market digesting still so back to the pile er the big names msft nvda amd nflx intc yea intc meta googl aapl its what they want hagn,4 +2023-11-15,earnings today im watching is panw nvda 500 premarket has there been a red premarket in last 3 days spy over 453 today means eventually 460 test of march2022 july 2023 highs aapl all but seemingly will touch 189 to 190 roll with it tsla gap filling 242,1 +2023-11-01,good morning futures down big data and fed today amd point cut dollars 40 from dollars 60 keybanc gm u and g overweight barclays point dollars 7 f u and g overweight barclays point dollars 4 shop u and g neutral exane regn point cut dollars 10 from dollars 40 keybanc payc d and g perform oppy,1 +2023-11-03,market recon ambivalent apple jobs data on tap gaining back lost ground t bill tizzy aapl xlre xle xlp googl meta amzn msft d flr spx compq via,2 +2023-11-30,qqq bears showing some follow through from the signs yesterday nvda and smh daily down trends confirmed but so far other sectors xlf xlv holding spy flat as they are at high of day,3 +2023-12-01,stocks like pfe dis tsla baba are moving premarket tesla unveils cybertruck priced at dollars 1 thousand with a decal mocking elon musks window fail available for dollars 5 stay updated on tslas stock price and news,1 +2023-12-12,amd 5 minute scalp pre market broke the lower yellow trendline and now currently at blue support if pre market breaks this area too i will look for long at 50 ema areas price is already dropping in pre market so look out for longs,2 +2023-12-19,amd new 52 week high this wants to run hard its coming after nvda with chips that are 30 percent better likely a couple hundred dollars less in price,2 +2023-12-08,tsla update zooming out in the daily chart we can see a fight between 2 stock price channels a short term upward channel that was invalidated on october 13 and the longer downward channel stayed in play most likely will try to break out of,1 +2023-12-15,koryx copper inc kry a significant participant in mineral exploration is creating waves with its devotion to green technologies and strategic acquisitions the current price of this is dollars .04.📊📈 nvda amd msft,5 +2023-12-05,some dings starting to show up in the mkt qqq dropping a checkmark as its 10 day starts to roll down if spy joins the party large caps will become tough to trade not a show stopper at this point energy is the only sector so far with negative,2 +2023-12-08,spy the stock price is rising but trading volumes are decreasing it looks like weakness monitoring the resistance level at 460📈📉,3 +2023-12-02,remember the stock to to flow model well it’s now saying that 50 thousand usd per 1 btc is fair value when you see qqq and the broader us being a small push away from making new all time highs it’s not to difficult to see this price by next summer,4 +2023-12-18,meta with a great setup we have been in this one for a while went a little further out on the strike price but still well in the green 355 calls in at .91 and we just hit 1.92,4 +2023-12-31,nvda is in an growing for 3 consecutive days in 304 of 363 cases the price rose further in the following month keep an eye on this stock for future growth 📈,2 +2023-12-03,traders everytime upon stocks price movements 📈📉🤒,5 +2023-12-11,aapl u2 apple inc gears up for a new product launch next week with market analysts predicting a stock price rise amid strong financials and brand loyalty despite supply chain and regulatory concerns,4 +2023-12-02,💡 key takeaway amds stock surge is driven by growing interest in its graphics processing business wall street predicts a bright future setting an optimistic 12 month price target of dollars 26.79,4 +2023-12-08,stock analysis perfect brodening formation on 1 days chart price consolidation near the upper boundary suggests upward breakout will occur this time on ⤴️breakout target 1️⃣7️⃣0️⃣ usd my life will not let go 2️⃣0️⃣ percent gain,4 +2023-12-28,🙏💸 plce in downtrend its price expected to drop as it breaks its higher bollinger band on august 16 2022 view odds for this and other indicators jfk cemi spy tsla shop amzn nvda roku aim aapl amd bb,1 +2023-12-02,📈 key takeaway wall street sets an optimistic 12 month target price of dollars 26.79 for amd stock indicating high growth expectations,5 +2023-12-02,amds stock has surged due to increasing interest in its graphics processing business wall street has a positive price target indicating high growth potential amd could be a potential breakout ai stock to consider,2 +2023-12-07,trading plan for tomorrow qqq above 10 and 20 moving average and closed strong could break out of recent base have 50 bps open risk in smh and amzn to looking to add 50 bps more tomorrow if mkt moves up to wl duol cvna w,1 +2023-12-21,introducing booming stock tqqq in high growth tech industry astounding 216 percent rise massive volume potential long term hold company name proshares ultrapro qqq symbol tqqq price 48.54 volume 88082510 percent up 216 percent,5 +2023-12-06,with stories you may have missed from todays show aapl hits dollars t market cap amzn cuts seller prices asan warns of slow growth amd to launch new ai chip to raise dollars b,1 +2023-12-06,the mag 7 support the nasdaq as the dow and SP500 slip treasuries continue to rally meanwhile someones helping alibaba and starbucks on track for a record losing streak jpm ms wfc bofa aapl amzn meta nvda tsla baba ttwo hood dis sbux,3 +2023-12-13,spx congrats to the insane people who took that you little dog you told me this morning didnt you in your own lil way aapl amzn goog meta msft nvda tsla nflx es ai spy qqq,1 +2023-12-08,cant believe you aren’t liking tweets with so many live updates i am giving you the move before it happens smh 🤦 spy went from 454 to 460 qqq tsla nflx nvda meta googl amd,1 +2023-12-11,spy 52 week high i told you go long markets up almost dollars 0 from this tweet thats where everyone was telling you to short except me qqq tsla nflx nvda meta amd amzn googl,1 +2023-12-27,spy hit 52 weeks high 🎯 5 days ago every single bear got excited on that 1 percent down day told you to buy the dip qqq aapl amzn googl nvda meta amzn,1 +2023-12-07,we have been long since spy was 430 who wants to know my next move 30❤️ and i will post a detailed tweet of my next move spx qqq tsla googl nflx nvda meta amzn amd,5 +2023-12-15,everyone and their mother wants a pull back you already know what happens if you have been following me long enough… spy qqq aapl tsla nflx nvda amzn meta,1 +2023-12-14,i am going to just post this once don’t fall the double top posts people are tweeting i think we go up as long as spy holds 465 good luck all spx qqq aapl tsla nflx nvda meta amzn googl amd,1 +2023-12-08,just posted the trade plan for spy and qqq hit ❤️ and retweet them if you find them helpful spx meta amzn aapl tsla shop vix googl amd,1 +2023-12-12,just posted the trade plan for spy and qqq hit ❤️ and retweet them if you find them helpful spx meta amzn aapl tsla shop vix googl amd,1 +2023-12-12,spy intraday levels tuesday non event as far as overnight move these are daytrade levels only see my highlights for long term spy thoughts wait for confirmation 📈break dollars 62.40 🎯 dollars 63.10 dollars 63.92 dollars 65 dollars 66.20 📉lose dollars 61.20 🎯 dollars 60.40 dollars 59.26 dollars 57.80 dollars 56 spy,1 +2023-12-26,qqq spy nasdaq is all i am watching here sellers holding us 17040 we need to see the mount of 17070 for continuation once that happens i see msft nvda and possibly tsla breaking out finally,1 +2023-12-29,i wasnt going to do much today but love the sell off i am buyer of the dip into new year as longs as spy holds 470 good luck qqq aapl tsla nflx nvda meta amzn googl,1 +2023-12-04,spy just going to put this out there i dont see any meaningful pull back yet as long as 450 hold and yes i am long but not 0 days te laugh spx aapl tsla nflx nvda meta,1 +2023-12-21,dont waste your time in the markets until tuesday big money on vacation i am long as long as spy holds 460 to 465 as i said yesterday i posted here yesterday about going long as always posting my moves spx aapl tsla nflx nvda meta amzn googl,1 +2023-12-01,today the dow jones industrial average went up a bit as investors awaited comments from federal reserve chair jerome powell teslas stock dropped further after an event about its cybertruck deliveries there were updates on economic indicators like the SP500 global purchasing,3 +2023-12-19,i have posted a very important midday update on spy hit ❤️ and retweet if you want me to tell my next move again like i said in november to go long spx aapl tsla nflx nvda meta amzn googl qqq,1 +2023-12-07,nasdaq daily bears fumbled needed a close below mid bbyellow staircase finally closed above 14310 resistance important jobs data tomorrow could send it could kill it 🤷‍♀️ macd still high above centerline isnt bearish stoch quick reversal isnt bearish 👀on nfp tomorrow,1 +2023-12-17,spy qqq nasdaq looks a bit stronger here in my opinion we saw a lot of profit taking on some of these tech names to end the week i also believe we saw a lot of contracts been rolled out itm calls are dominating itm puts volume has also skyrocketed over the last week,2 +2023-12-13,21 displaced moving average pullback scan aclx agi brze bxmt cls dkng fsly gfi hmy ionq lpg mbly mdb mq nxe penn rmbs roku six smci sym trip tsla xp xpo zm,3 +2023-12-05,people will be so screwed unbelievable screwed 🩸🩸 nflx 424 msft 347 apple 180 178 for sure and maybe 158 spy 422 but spy is not confirmed yet the other ones i have mentioned are confirmed,1 +2023-12-11,the mag 7 is bumping into overhead resistance the next move is important for this custom index of the big boys aapl googl msft amzn meta tsla nvda,4 +2023-12-21,initial supply found at the wtd ⚓️vwap green in spy qqq and smh 15 min tf high caution level with flat and decl 5 day moving averages,4 +2023-12-21,top 12 volume scan by finviz price above dollars and up 1 percent tsla mara mu amd amzn nvda afrm intc rivn googl baba uber many bullish inside bar and hammer candle showing market is still control by bulls at least they will push to high not bear time yet for me,5 +2023-12-27,abqq has much more in the tank than just revs of over dollars 0 million they own 100 percent of all in one media a division of me metaverse inc with 1 million ownership shares and another ipo in the works which will be providing abqq shareholders with annual dividends as well,1 +2023-12-12,entire markets are red with spy and qqq down meta opens 🚀 with early momentum up 💪 front ran the entry point before open but hit green in an otherwise ocean of red this am main and idea screenshot below from am watchlist,1 +2023-12-20,what a day already fdx 1.17 3.91 🔥🔥🔥 googl positive 64 percent 🔥 to targets remember we use the for entries nflx on fire 102 percent with 58 days left 🔥🔥 tsla 100 percent 58 days left,1 +2023-12-31,qqq was up over 50 percent this year a lot of high fiving go back one more year and the picture is pretty sad went from dollars 00 to dollars 09 from beginning of 22 unlikely big tech has repeat performance in 24 the hurdle for meta tripling is much higher equal weight SP500 for the win,1 +2023-12-16,spy qqq “🕎december🎄” mid month update 12 to 15 to 2023 ❤️ lots of 🎁 from 🍌🍌🍌 aapl 🎯 dollars 97 ✅ 🎅🏻🍌🍌🍌🎁 amd 🎯 dollars 28 ✅✅✅🎅🏻🍌🍌🍌🎁 ba 🎯 dollars 40 ✅✅✅✅🎅🏻🍌🍌🍌🎁 hon 🎯 dollars 05 ✅🎅🏻🍌🍌🍌🎁 lulu 🎯 dollars 70 ✅✅✅✅🎅🏻🍌🍌🍌🎁 qqq 🎯 dollars 00 ✅✅🎅🏻🍌🍌🍌🎁 rivn 🎯 dollars 0,1 +2023-12-05,qqq the large cap buyers came as amzn aapl tsla lead today my horses are amzn qqq and nvda nice when a plan works,5 +2023-12-07,what happened overnight spx negative 0.39 percent nasdaq negative 0.58 percent energy and tech underperfomed us adp was soft but mba mortgage applications rose for the 5 straight week ust 10 year yield negative 5 bps to 4.12 percent dollar index 104 oil negative 3.8 percent to dollars 4,1 +2023-12-12,nasdaq very close to making a historical high so is dow jones and so is SP500 but for me the most exciting part would be if apple goes past 200 still holding meta amazon apple and tesla and still long dow jones from 33670 which i posted going long here a while ago dow,3 +2023-12-09,individual stocks still have lots of room to run think amzn here and tsla as well whats this gonna do for spx and qqq oh all time highs you mean 🤔🤑,5 +2023-12-11,wall street on friday spx positive 0.41 percent nasdaq positive 0.45 percent spx highest level since march 2022 us nov jobs report was strong ust 10 year yield positive 8 bps to 4.23 percent dollar index positive 0.4 percent to 104 oil positive 2.4 percent to dollars 5.85 this week us cpi tues fomc wed slew of cb decisions,1 +2023-12-06,global market insights dow and SP500500 fell 0.22 percent and 0.06 percent respectively while nasdaq rose 0.31 percent megacap companies tesla 1.3 percent nvidia 2.3 percent and apple 2.1 percent were up,1 +2023-12-09,eps acceleration screener 30 names sorted by rs descending meta nvda deck now ddog race snps nvo arm 90 percent and of biggest stock market winners showed eps accel b4 or during their huge price moves scan via platform,1 +2023-12-09,2023 ytd magnificent seven nvda positive 225.1 percent meta positive 176.5 percent tsla positive 98.0 percent amzn positive 75.5 percent msft positive 56.1 percent googl positive 53.0 percent aapl positive 50.6 percent major indexes nasdaq and 37.6 percent SP500 500 positive 19.9 percent djia positive 9.4 percent,5 +2023-12-17,weekend review confirmed uptrend nasdaq and SP500 500 are now at a 22 month high after closing higher for 7 weeks in a row nasdaq 100 etf qqq finished at an all time closing high distribution days 2 nasdaq 1 SP500 500 spy,1 +2023-12-23,2023 ytd magnificent seven nvda positive 234.1 percent meta positive 193.7 percent tsla positive 105.0 percent amzn positive 82.6 percent googl positive 60.4 percent msft positive 56.2 percent aapl positive 49.0 percent major indexes nasdaq positive 43.3 percent SP500 500 positive 23.8 percent djia positive 12.8 percent,5 +2023-12-16,2023 ytd magnificent seven nvda positive 234.5 percent meta positive 178.3 percent tsla positive 105.8 percent amzn positive 78.5 percent msft positive 54.6 percent aapl positive 52.1 percent googl positive 50.3 percent major indexes nasdaq positive 41.5 percent SP500 500 positive 22.9 percent djia positive 12.5 percent,5 +2023-12-12,📈 spy breaking higher ⚠️ tomorrow is quite a bit of macro events to digest with ppi pre market and then fomc followed by powells press conference • market is breaking higher from the mega phone pattern which is also a continuation pattern technically • will keep it very,3 +2023-12-29,2023 magnificent seven nvda positive 238.9 percent meta positive 194.1 percent tsla positive 101.7 percent amzn positive 80.9 percent googl positive 58.3 percent msft positive 56.8 percent aapl positive 48.2 percent major indexes nasdaq positive 43.4 percent SP500500 positive 24.2 percent djia positive 13.7 percent,5 +2023-12-24,more of the same but some new and some small ones too for the monthly focus aaoi abnb afrm anet apld aur bitf camt cifr cava clsk coin arm crwd cvna duol estc fn form frog frsh gtlb hive hut infa iot mara mdb mndy mq mstr net now ntnx nvda path phm pltr ramp riot rkt rmbs shop,3 +2023-12-14,spy qqq lots of jingle bellzzz on da list 😘 which ones next to get hit hon was real close today 👀 i like ddog in the batters box now imo 🎅🏻🎅🏻🎅🏻 🍌🍌🍌 ❤️❤️❤️,1 +2023-12-15,weekly recap very nice week fed and powell delivered spy qqq so close to ath dia already there aapl cost ath nvda amd amzn meta tsla all looking very nice for end of the year push market broadening out,5 +2023-12-01,spy qqq 🕎 december🎄 “happy holidays” here comes 🎅🏻… 🎶🎅🏻🎶 aapl 🎯🎅🏻 dollars 97 🎁 amd 🎯🎅🏻 dollars 28 🎁 amzn 🎯🎅🏻 dollars 55 🎁 adbe 🎯🎅🏻 dollars 45 🎁 ba 🎯🎅🏻 dollars 40 🎁 crm 🎯🎅🏻 dollars 65 🎁 hon 🎯🎅🏻 dollars 05 🎁 ddog 🎯🎅🏻 dollars 30 🎁 lulu 🎯🎅🏻 dollars 70 🎁 meta 🎯🎅🏻 dollars 45 🎁 msft 🎯🎅🏻 dollars 88 🎁,1 +2023-12-29,spy qqq spy qqq “🕎december🎄” update 12 to 29 to 2023 ❤️ tsla added 😘 lots of 🎁 from 🍌🍌🍌 ✅👀 and last day to go 👀 aapl 🎯 dollars 97 ✅ 🎅🏻🍌🍌🍌🎁 amzn 🎯 dollars 55 ✅✅🎅🏻🍌🍌🍌🎁 amd 🎯 dollars 28 ✅✅✅🎅🏻🍌🍌🍌🎁 ba 🎯 dollars 40 ✅✅✅✅🎅🏻🍌🍌🍌🎁 crm 🎯 dollars 65,1 +2023-12-11,this might be a new one nasdaq up over half a percent and most of the big dogs are down tsla meta aapl amzn googl msft and rates are up weird,2 +2023-12-07,spy wellllllll after yesterdays dark cloud covering candle it was completely destroyed especially amd up over 9 percent on the day the buy the dip mentality is still very alive and well thanks to another dip buy at 454 levels after yesterdays closing closed above the 5 displaced moving average,1 +2023-12-12,some interesting observations from mondays session qqq up but mag7 down btc down but qqq up smh up but nvda down spy up vix up meanwhile the dow records a 2 consecutive all time highest close looking to clock its 7 green week in a row last time was oct 2017,3 +2023-12-24,nasdaq with the nasdaq up 8 straight weeks and the djia making all time highs we see many stocks extended however i am seeing many stocks setting up must be laggards right,3 +2023-12-11,whats going on nasdaq down but qqq up but mag7 down too and soxl up positive 7.5 percent but only amd up positive 3 percent rest small green and nvda red which stocks are driving qqq and soxl up,3 +2023-12-05,𝐄𝐨𝐝 𝐍𝐢𝐟𝐭𝐲 𝐮𝐩𝐝𝐚𝐭𝐞 𝐓𝐮𝐞 𝟓𝐭𝐡 𝐃𝐞𝐜 𝟐𝟎𝟐𝟑 cmp 20855 𝐆𝐥𝐨𝐛𝐚𝐥 𝐬𝐞𝐭𝐮𝐩 another rather interesting day overnight spx pulled back 25 points to close at 4569 the ytd high of 4607 ±20 seems to be a firm resistance for now the down move was more to do,4 +2023-12-11,spy qqq a lot of data this week keep it simple bullish above 4607 on SP500 500 bearish below 4550 and chop between bulls control the market as long as smh is over dollars 60 it’s a ai bull market and ai is lead by semiconductors,1 +2023-12-27,eod market summary nasdaq achieved a record high driven by a santa claus rally and strength in chip stocks the SP500 500 reached a nearly 2 year high economic news was positive supporting the outlook for a soft landing holiday spending and increased m and a activity boosted,5 +2023-12-28,eod market summary stocks closed with mixed results as the SP500 500 reached a nearly 2 year high dow jones and nasdaq 100 hit new all time highs the federal reserves potential interest rate cuts in early 2024 supported stocks particularly in the tech sector however teslas,3 +2023-12-29,spx daily and weekly chart to go with the spy qqq aapl msft nvda tsla gld nio tlry ascending channels everywhere they are nice to ride but when they break take some care,3 +2023-12-05,eod market summary stocks retreated on monday as higher bond yields weighed on tech stocks causing the nasdaq 100 to hit a 3 week low concerns about the federal reserves potential delay in rate cuts by second quarter to 2024 contributed to the rise in bond yields the markets are closely,2 +2023-12-08,happy morning to all traders and thank you for checking out todays where i post some names i am looking at and levels of interest nonfarm comes out hotter and the market starts to head lower we were already bearish today and with rate,5 +2023-12-09,qqq changes for quad witching doordash to be added to nasdaq 100 zoom to be removed bloomberg dash zm splunk inc splk mongodb inc mdb roper technologies inc rop cdw corp cdw and coca cola europacific partners plc ccep will also be added to the index,5 +2023-12-12,with at 5 pm et about divergence in mag7 since SP500 high to high on eg tsla 10 percent aapl negative 2 percent vs msft positive 11 percent amzn positive 9 percent believe divergence will be even more likely in 2024 SP500 is overbought but still have seasonality and fomo watching bond yields and oil,2 +2023-12-15,market is up and the mag7 are down this is a sign of broadening which is healthy and what you see in a bull market spy qqq googl amzn meta msft tsla nvda aapl,4 +2023-12-22,stocks closed higher on thursday as weak u s economic news fueled expectations of future fed rate cuts the SP500 500 rose 1.03 percent dow jones gained 0.87 percent and nasdaq climbed 1.23 percent reports of a third quarter gdp downward revision a dip in the philadelphia fed business outlook and easing,1 +2023-12-17,spy i do hope that you enjoyed the charts posted analysis on the following aapl tsla amzn rivn csco uber msft googl thanks for looking i hope it helps have a great rest of your day,4 +2023-12-18,pullback focus and watch list  amd amr avgo ba bkng cmg costp crwd cvna ddog docn docu estc expe gkos gs hov jbl meli mmyt mstr net now ntnx pdd pins plab s shak slno team tmdx upst uri vrna zs,4 +2023-12-14,meanwhile im watching qqq flirting dangerously close to making a key reversal new ath followed by close below previous day low admiral ackbar may be onto something,2 +2023-12-17,we will have an awesome trading week… hit the ❤️ if you agree… spy qqq aapl goog tsla meta msft nvda chwy pltr mmm aal ual pypl,5 +2023-12-27,the markets right back to testing all time highs while for chip names amd and intel its more clear skies apple still fighting the tape as they launch the watch appeal while crypto dips have proven to be a steal amd to rocketed off the 140 level yesterday 52 week high has,4 +2023-12-15,witching day for the markets is here while the ev rally continues to be clear intel joins the ai chip frey while uber enters the SP500 500 today rivn to huge 20 break yesterday room to 25 on the daily looking previous close and 21.75 as big dip levels intc to new ai chip out,2 +2023-12-18,nvda is flying nflx is flying meta is flying amzn is up goog is up and then there is tsla barely green its a tesla thing not a market thing,1 +2023-12-13,spy qqq besides falling out of the sky and landing on your face and then wiggling… i think aapl is saying it wants 200 and nvda wants 500,1 +2023-12-05,spy qqq if you’re bullish a gap down is better than a gap up that they would have sold into after this small corrective pullback i believe starts the road to ath aapl making a new 52 week high would be the signal in my mind “so goes apple so goes the…”,1 +2023-12-31,tell me a ticker you are watching next week i will check chart and flow will share if i see interesting setup ⭐️❤️ spy qqq aapl amzn tsla nvda unh tgt hd fslr sedg enph ai baba,1 +2023-12-04,spy closed red today but some very important stocks still managed to print a hammer candle on the daily 🔨 full list below aapl amzn msft lly intu qcom goog,3 +2023-12-19,meanwhile trading volumes in spy on last thursday and friday were well above the one month average the invesco qqq trust series 1 ticker qqq which tracks the nasdaq 100 saw a dollars .2 billion outflow on friday the most for a single session since the year 2000. “ bloomberg,1 +2023-12-07,nfp tomorrow 1 good nfp numbers gap down 📉📉🩸🩸🩸 2 nfp miss and gap up 🚀🚀🚀 whats your take comment 👇🏻 spy qqq nvda tsla amd,1 +2023-12-09,good job numbers on friday ✅ market near ath all time high ✅ top 6 mega stocks out performing meta googl aapl nvda msft amzn ✅ inflation under control ✅ what happens if powell raise another 25 billion ps on ⭐️❤️ share your thoughts comment 👇🏻 spy qqq dia,5 +2023-12-06,in mixed session megacaps rebounded with apple breaking out and hitting a dollars tril valuation otherwise stocks mostly fell but generally look healthy amd set to unveil ai chip to challenge nvidia aapl msft amzn nvda amd mdb asan s tol hqy,3 +2023-12-08,spx at 4600 qqq at 392. big breakout levels for this month aapl on the verge of testing 200. nvda can run to 500 by the end of the year lots of stocks setting up for a bigger breakout fomc coming up next week if theres a positive reaction we can see spx run to,1 +2023-12-08,amd and google surging on ai news leading the market amd raced by buy points while googl flirted with an entry apple amazon and meta reclaimed buy points the major indexes are still just below 52 week highs now focus turns to fridays jobs report,1 +2023-12-11,good morning futures down slightly jd removed from nasdaq 100 index aapl point raised dollars 50 from dollars 40 wedbush bby u and g buy jefferies point dollars 9 from dollars 9 pins u and g outperform rbc point dollars 6 from dollars 2 hpq u and g outperform evercore point dollars 0 from dollars 3 lac int neutral jpm,1 +2023-12-05,having computer worked on off screens early spy continues to be range bound but realy nice recovery in big tech names today aapl tsla nva msft amzn specifically amd event tomorrow arm nice chart hagn,4 +2023-12-06,spy lets get this gap fill today spx 4589 tsla retry trendline aapl looks like basing for the time being keep an eye on semis amd event 1 pm rock and roll,5 +2023-12-06,the magnificently manipulated 7 strikes again 📉409 stocks in the SP500 500 were down yesterday but spy was only down negative 0.1 percent thanks to aapl nvda and a handful of mega cap tech stocks from todays early look by,5 +2023-12-26,and that is a wrap very quiet day as expected qqq new ath spy 52 w high tsla amd intc nvda stronger mark up time out tomorrow catch you guys on thursday,5 +2023-12-11,our forecast is 462 to 465 this week with good cpi headline results 3.0 or better aapl with a gap down and goog continuing lower qqq tech seems weak this morning semis amd still very strong wouldnt mind just chill in the chop today as market awaits for tomorrow,3 +2023-12-18,goog can be pretty good watch today amzn flowing above 150 aapl will the market buy this dip spy 468 holds i hold,3 +2023-12-11,mostly quiet day some big teck names seeing selling ahead of the rebalance msft aapl googl meta nvda etc amd nfxl nke nice moves xlf range break market broadening out cpi in the am hagn,3 +2023-12-10,are u a fan of the 200 moving average or is it hocus pocus the mag 7 since they last broke above the 200 moving average nvda 182 percent meta 118 percent goog 36 percent msft 48 percent amzn 39 percent aapl 14 percent tsla 10 percent trend is important context,3 +2023-12-18,longs amd anf cava coin crwd ddog estc gtlb path snow tsla alerts set with setups abnb adbe afrm amzn azta arm bkng bros crox cubi cvna dt duol dv four frog fsly gwre mdb meli meta mndy msft mstr nflx pdd pwsc rxst rblx s smci sn trip ttd upst upwk vrt,3 +2023-12-24,msft aapl amzn tsla nvda yo lauren many of these mega cap tech stocks have been consolidating 4 to 6 months that is why i believe the indexes will trade higher,3 +2023-12-11,aapl msft meta amzn googl nvda tsla are all down negative 1.5 percent or more right now yet the qqq is positive 0.4 percent what is holding up the qs in green if 50 percent of the index is heavily red,2 +2023-12-28,market recon tired rally heavy 0 days te yield curve spreads empty piggy bank watching apple tsla mara xlre xlp xlv xle rtx lmt gd aapl spx compq djt via,1 +2024-01-27,🚀the most impressive stock of the moment advanced micro amd negative 1.71 percent the magic signal for amd resulted in positive 66.29 percent in its price 👏following and commenting to receive signals on your holdings,5 +2024-01-17,buying spirit airlines stock here the price is right save,5 +2024-01-19,based on my personal analysis i predict nvda stock might see an uptick today reminder this is not financial advice always do your own research current price before market opens 571.07 usd,1 +2024-01-26,amd next week earnings tuesday after market close on price to perfection up 80 percent in 3 months a fan but this could go down 10 percent easy on soft guidance smh,2 +2024-01-03,🔸bitcoin price starts the year with bullish sentiment 🔸stock futures fall overnight after nasdaq registers worst day since october 🔸oil prices fall as traders monitor rising tensions in red sea,1 +2024-01-09,spy massive head and shoulders this is what everyone is talking about my opinion it doesn’t play out if i am wrong i will accept it but i don’t see it playing out buyer of the dip cheers qqq aapl tsla amzn googl nflx,1 +2024-01-24,nflx wow big moves in the financial world stock price surges to dollars 53.95 positive 12.55 percent today 📈 earnings update dec 2023 eps slightly misses at dollars .11 to 5.47 percent revenue beats expectations at dollars .83 billion positive 1.38 percent exciting times ahead 💰📊,1 +2024-01-03,october 24 2023 technical analysis count was carried out microsoft stock at the price of usd329.17,1 +2024-01-22,🔴 teslas stock experienced a 1.3 percent decline following morgan stanleys decision to lower the target price,1 +2024-01-24,after breaking all time highs spy can easily crash 5 percent negative 10 percent quickly here’s 3 plays we focused on ✅ nvda massive ai runner ✅ nflx killer earnings ✅ smci monster breakout coming still tsla big opportunity to go long and fomc on january 31 bearish,1 +2024-01-08,bajaj auto announces a rs 4000 crore share buyback at rs 10000 per share with a 43 percent premium over the current stock price,5 +2024-01-05,📊📉📈big tech to mag7 nasdaq tumbled this week after barclays downgraded its outlook for apple two decades ago the wealthiest 10 per cent of americans held 77 per cent of corporate equities and mutual funds today however the wealthiest 10 per cent own 92.5 per cent of,1 +2024-01-18,tsm stock price rose today after the company announced earnings of dollars .44 per adr unit in fourth quarter analysts are optimistic predicting an 8.1 percent upside potential not investment advice capital at risk,1 +2024-01-02,so barclay’s downgrades apple stock so it falls like crazy and then they will guaranteed sweep in and buy it up at a dramatically discounted price to make millions in mere days this is how banking works,3 +2024-01-29,its all about big tech this week as aapl msft googl amzn and meta report earnings has a bearish qqq options trade watch the full episode of todays market call,5 +2024-01-05,what do you think would be the current tsla stock price and overall media narration about if wouldnt say hes pro republican for the record i respect the fact hes speaking his mind openly,3 +2024-01-13,🚀 tsla stock is on a wild ride today with price cuts in china and factory downtime in berlin its like elon musks rollercoaster but hey cathie wood is still a fan so who knows where this tesla will end up buckle up folks 🎢,4 +2024-01-09,wall street’s main indexes notched significant gains boosted by nvidia apple and other megacap tech stocks while plunging boeing shares kept the dow in check,1 +2024-01-10,spy daily levels i will post deep analysis still on x just trying something new because my power is out from storms spy spx qqq tsla nvda amd,4 +2024-01-01,key takeaway tesla stock tsla experienced significant growth in 2023 achieving a remarkable 102 percent increase despite a slight dip in stock price recently the electric vehicle maker had a very good year overall,5 +2024-01-11,team avyn soaring ⚡️ spx l positive 184 percent 💚 ditching the screen grind securing the bag and living my best life to thats my motto 🚀 spy aapl amd qqq nvda msft,1 +2024-01-23,new all time highs for the dow and SP500 as ust yields slipped ahead of key data this week aapl amzn amd nflx tsla kweb adm ns zion ual wti spy dxy,5 +2024-01-02,lets talk tqqq 📈 magnificent rise of 215 percent in hot tech industry solid pick with great volume 💡 company name proshares ultrapro qqq symbol tqqq price 50.70 volume 67122690 percent up 215 percent,5 +2024-01-02,hey everybody unprecedented 253 percent surge in nvda sweeping tech industry due to outstanding performance keep watch company name nvidia corporation symbol nvda price 495.22 volume 38929330 percent up 253 percent,1 +2024-01-02,hey folks amd is soaring 💫high volume and 139 percent rise proves tech industry is red hot time to watch company name advanced micro devices symbol amd price 147.41 volume 62079190 percent up 139 percent,1 +2024-01-11,thursday watchlist aapl i like the 190 calls over 186 covers er starting to look a lot more bullish with buyers holding the 180 to 182 amd needs back over 151.12 googl over 143 144 calls meta over 370 375 calls or 380 calls msft over 384 390 calls shop over 81.39 82 calls when,3 +2024-01-21,here are the weekly custom scan results spy qqq nvda msft googl amd spx are in uptrends while aapl iwm tsla are lagging the broader market,3 +2024-01-24,aapl did not close above the previous days slightly spiky high to the top remains intact for now and in other news the cnn index is creeping towards extreme greed again,2 +2024-01-02,gave out all the plays last week this is why “i’m the greatest” even had our proprietary inverse dan ives indicator working amzn nflx meta amd spy qqq,5 +2024-01-29,notable inside days tsla pltr googl pypl ibm ba para cpng mgm cat enph dash panw adbe zm wynn fslr notes spy consolidation through eow chop will continue between 486.53 to 488.42 qqq bull gap closed on friday feels like a retest of,5 +2024-01-31,notable inside days mara intc snap coin lyft afrm hood dal shop ibm aa snow abnb roku ntla celh tgt mgm adbe etsy cof mrna beam twlo crsp okta notes spy doji on the daily and flagging on 65 million all about fomc rate,5 +2024-01-30,consolidation on the daily chart of qqq as the etf falls post market despite solid earnings from msft and goog lets see what jpow can do tomorrow,4 +2024-01-21,spy all time high’s i am seeing a lot of people posting that we have bearish divergence on the spy chart please remember we also have hidden bullish divergence as well always make sure you look at both sides of the coin if we maintain the dollars 80 area on spy price,5 +2024-01-30,the stars are aligning mega caps spy qqq msft meta nvda amzn googl are pushing into new highs while iwm mdy is starting to shape up as a result nysi nasi has hooked up with the nysi almost back above its 10 dsma namo also blasted past the zero markets into positive,4 +2024-01-24,some big days for stocks have been overshadowed by nflx tickers of interest and their current gains 👀 asml asml holding 10.47 percent txt textron 8.45 percent tel te connectivity 7.64 percent sap sap 7.56 percent smci super micro computer 6.69 percent amd advanced micro devices 5.99 percent mufg mitsubishi,3 +2024-01-24,america’s flagship stock market index the SP500 500 closed at another record high yesterday as a stream of solid earnings reports pushed the index to a fresh high driving the market are the magnificent 7 apple microsoft alphabet amazon nvidia meta and tesla,5 +2024-01-31,spx triple top and then abc down a equals c both dollars 5 down see if we get a bounce tomorrow with data and more big tech earnings aapl meta and amzn dollars 860 dollars 869.6 and dollars 890 are levels above if we bounce🤞,1 +2024-01-14,qqq and spy has some of the same holdings in the top 10 aapl msft googl goog amzn nvda tsla meta but the percentages of these holdings are much higher in qqq than spy,3 +2024-01-18,for the record i think spy could see new aths tomorrow maybe early next week aapl is bouncing off its 200 days sma and amzn and goog look like they want to make a move soon,2 +2024-01-29,nasdaq had a strong session overnight earnings updates from big tech companies plus the looming decision helped keep stocks in the green the asx looks set for a flat opening investors await crucial australian data out tomorrow,4 +2024-01-14,spy spx qqq to nas and nyse stocks 50 days ma we are beginning to see a notable curl down on both while making minimal advancements on spy the recent curl down in nas stocks 50 days ma is rather similar to the july and august high as well and if history repeats this suggests a pop,3 +2024-01-03,spy qqq unfortunately yields are back up along with the dollar and downgrades in nvda unfortunately it prob leads to about 1 to 2 weeks of selling but that will be the leg that causes the all time high mark in SP500 500 in my opinion long knives out for magnificent 7 dumbest,1 +2024-01-27,nasdaq qqq charting and data analysis 1 qqq is up against a long term trendline it has previously rejected at this point multiple times 2 past 3 days show failures to breach trend as well as waning volume with fewer buyers stepping up each day seeing early moves fade 3,1 +2024-01-24,spx and qqq 01 to 24 following a massive earnings beat by nflx another gap day were here for it next we have pmi on tap right after open and tsla earnings ah in other words i dont expect much from todays sesh lets have a great one,1 +2024-01-19,us stocks advanced on thursday helped by apple as the iphone maker’s shares chalked up their biggest one day gain in eight months gains for the nasdaq composite accelerated late in the session helping the tech focused index finish 1.3 per cent higher with all magnificent,5 +2024-01-09,📈 spy bulls left the door open • a nice gap down this morning to buy the dip on at support and with nvda smci and amd raging higher • bulls were successful in filling the bear gap opened today and it shows some strength there but they left the door open for the bearsby,3 +2024-01-30,futures a bit soft tonight microsoft and google report earnings ah i’m sure they’ll look fine but this kicks off a big week fomc jobs and consumer sentiment friday and big tech earnings thursday including aapl which looks vulnerable to me with china struggling,2 +2024-01-31,the two mag 7 stocks didn’t get it done tonight on earnings tech futures getting hit thursday becomes critical when aapl amzn and meta all report then of course we have the fomc in between tomorrow 💀,1 +2024-01-11,qqq not able to clear new highs yet after higher than forecast cpi no change in any of my views or positioning holding qqq meta nvda googl and more tech,1 +2024-01-15,spy qqq meta googl snap nflx amzn imagine if snap pre reported earnings and said such good things the pin action 🎳 it would have on the above stocks👀 so it’s like we just got publicly traded data before they report earnings hmmmmmmm 🤔,1 +2024-01-30,global market insights its a huge week for earnings with results due out of microsoft apple alphabet amazon and meta fed interest rate decision on wednesday ist night and jobs market data on friday,5 +2024-01-29,lots of big time earnings this week to possibility biggest week of the year so far to with msft googl amd aapl amzn meta all reporting and many other big ones too could be a trend altering and confirming kinda week spy qqq,5 +2024-01-17,spy a closer look at spy aapl bounce off support zone held up spy today other wise most stocks were declining market internals were not great now bouncing of 5 to 12 clouds 472 area is pivot to hold and vix 14 1 feb amzn googl aapl earnings🚨,2 +2024-01-27,one of these setups involves me buying 136 month qqq calls and closing my computer for a month tsla pooped the sheets and qqq and spy barely flinched googl msft amd qcom aapl meta and amzn report this week along with and janets issuance,1 +2024-01-21,noticed lots of excitement on my feed over the weekend i like to take note of that weve had a really big move in semis ytd nvda positive 20 percent amd positive 18 percent other big tech msft positive 6 percent goog positive 5 percent meta positive 8 percent these names drive mkts i would rather use caution then get super bullish here,2 +2024-01-04,spy qqq so now we have the 5 do we get the 6 when… all of tech is at or near support with a fed that is done and earnings coming up soon 🤔 amzn and nflx are setup best for this earnings in the faang in my opinion and i don’t even have any nflx 😢 i posted almost,1 +2024-01-19,spy qqq flagging nicely now over bullish clouds keep eye on aapl and msft in case 478 buyer on spy all day 4800 spx level giving nice trades as well,5 +2024-01-10,elf nvda phm lly stocks making 52 week highs today oh and all time highs too prolly nuthin retail semiconductor homebuilder drugs,1 +2024-01-22,the week ahead brings us tsla nflx intc v and other key earnings dollars 62 billion in treasury note auctions advanced fourth quarter gdp and pce inflation data there are also a number of very interesting swing trade setups in commodities and regional etfs 👇,5 +2024-01-30,spy – jolts this morning microsoft and google earnings after the close sprinkle in a little amd and we really should get the party started fomc tomorrow lets begin,1 +2024-01-12,i cant and never try to predict how the market will behave in the future but msft nvda and meta arent showing any bearishness to me now whether it lasts into subsequent weeks is a whole different question qqq spy,1 +2024-01-21,qqq market moving tech earnings to watch out for in the week ahead nflx tuesday after the close tsla wednesday after the close intc thursday after the close,1 +2024-01-03,𝐄𝐨𝐝 𝐍𝐢𝐟𝐭𝐲 𝐮𝐩𝐝𝐚𝐭𝐞 𝐖𝐞𝐝 𝟑𝐫𝐝 𝐉𝐚𝐧 𝟐𝟎𝟐𝟒 cmp 21517 𝐆𝐥𝐨𝐛𝐚𝐥 𝐬𝐞𝐭𝐮𝐩 us tech got clobbered last night with the mag7 loosing a lot of ground led by apple taking the nasdaq down 250 points its biggest fall since october last year spx also,1 +2024-01-22,blow off the top rally now cooling off a bit folks taking profits… i think the market is front running a good earnings season now it’s not about rates — it’s about if googl meta nvda tsla and others can perform if they do smaller companies get the benefit of the,4 +2024-01-20,how are the magnificent 7 tech stocks doing so far this year 🟢 nvidia is up positive 20.1 percent nvda 🟢 meta is up positive 8.3 percent meta 🟢 microsoft is up positive 6 percent msft 🟢 alphabet is up positive 5 percent googl 🟢 amazon is up positive 2.2 percent amzn 🔴 apple is down negative 0.5 percent aapl 🔴 tesla is down negative 14.6 percent tsla spy,1 +2024-01-23,spy hear me out now that tech earnings in full swing qqq next up is tsla followed by more next week nflx did pretty good and i think this bodes well on the street for rest of the season moving up spy target to 488 to 489 this week,3 +2024-01-16,market recap 📈📉 amd shares rose 8.3 percent in midday trading due to optimism about ai boosting semiconductor demand aapl shares down 1.2 percent on unusual china discounts including iphone 15 pypl shares fell 4.2 percent after mizuho downgrade citing rising competition from apple pay,1 +2024-01-28,tuesday msft googl amd earnings wednesday qratreasury refunding announcement chicago pmi and fed interest rate decision thursday aapl amzn meta earnings 🤯hope you’re ready…,1 +2024-01-29,the has the wind at its back before key and the meeting get key facts on levels and major events nflx tsla aal aapl msft amzn netflix,4 +2024-01-17,meta about to go green nvda up dollars 5 from this am spy and qqq pulled back to 21 expontential moving average today aapl back at 50 simple moving average wouldnt surprise me to run up next few days maybe the expected pop to trap last bulls is upon us,1 +2024-01-27,how are the magnificent 7 tech stocks doing so far this year 🟢 nvidia is up positive 23.2 percent nvda 🟢 meta is up positive 11.3 percent meta 🟢 alphabet is up positive 9.1 percent googl 🟢 microsoft is up positive 7.4 percent msft 🟢 amazon is up positive 4.7 percent amzn 🔴 apple is down negative 0.1 percent aapl 🔴 tesla is down negative 26.2 percent tsla spy,1 +2024-01-19,spy my feelings at this point is that market is pulling forward most of the gains the index is going to see this year during the last 3 months rally we have earnings season upon us nvda amd tsla nflx meta amd goog amzn most notable ones and everything has to,5 +2024-01-09,eod summary tech stocks particularly nvidia drove the market higher as the SP500 500 dow jones and nasdaq 100 all closed with gains a 5 percent surge in nvidia boosted by the unveiling of new graphic chips at ces led the rally m and a activity with boston scientific acquiring,5 +2024-01-29,ultrapro nasdaq tqqq buyers of 4000 feb dollars 7 puts at dollars .10 offer sweeps implies bearish nasdaq short term but could also be hedge for earnings this week in tech,1 +2024-01-24,market recap 📈📉 nflx surged 10.7 percent with strong fourth quarter revenue and subscriber growth exceeding expectations amd gained 5.9 percent after new street research upgrade seen as a key player in the growing ai chip market asml rose 8.8 percent with fourth quarter results beating expectations net sales,5 +2024-01-25,eod summary the SP500 500 and nasdaq 100 reached record highs fueled by strong tech earnings particularly from netflix and asml holding nv global markets received a boost as the peoples bank of china cut the reserve requirement ratio however bond yields rose after positive,3 +2024-01-28,a big week for market moving earnings amd and smci will move the semiconductor sector amzn aapl msft googl and meta will move qqq probably a tough week for multi day swings my strategy will be day trades and patience to manage headline risk,4 +2024-01-19,eod market summary nasdaq 100 reached a record high closing up 1.47 percent led by strength in technology stocks chip stocks surged after taiwan semiconductor manufacturing co anticipated solid growth the SP500 500 and dow jones also posted gains political risks eased as the,2 +2024-01-23,nasdaq breadth fading here off highs now would be nice if they whacked these chip names ahead of earnings to allow for some decent trades its a bit out of control,3 +2024-01-25,well tesla earnings did not save the day so again looking for semis to pave the way trio of airlines with solid earnings reports makes up for boeing which again is coming up short rivn to after the tesla miss down on sympathy dollars 5 is the major support level if it fails it at,3 +2024-01-24,hit the ❤️ if you are ready for an awesome trading day spy nflx qqq aapl mmm baba aal meta tsla nvda amd ual goog amzn roku vz,1 +2024-01-19,yes it does tech and qqq went out strong with leaders leading nvda amd msft meta and some playing catch up aapl amzn googl i’d think this time spy can get and stay above dollars 78 dollars 78.60 as it cleared the again yesterday,3 +2024-01-30,whe,5 +2024-01-04,short apple a day has kept the losses at bay earnings have started back but mobileye is wiggity wiggity wiggity whack its all good just trade what moves here are a few names for todays groove aapl to its not at the 200 sma yet on the daily and got another downgrade so til,2 +2024-01-22,my views on market tomorrow ⭐️❤️ gap up followed by choppy trend till noon and run again towards end of day spy qqq aapl amzn tsla nvda meta,1 +2024-01-30,if you like earnings then today is your day last night smci told the shorts to get out the way even gm with a beat as evs continue the bounce the big boys report after the bell be patient and be ready to pounce amd to reports after the bell 181 level still a fade intc,1 +2024-01-11,spy qqq nflx nvda msft meta amzn so what do we got we got a hotter than expected cpi report from 3.2 percent to 3.4 percent that’s a negative check we also got the core cpi which is the fed’s preferred measure went from 4 percent to 3.9 percent the first time it’s been under 4 percent this entire,1 +2024-01-10,📊 market summary 📈 futures for spx and dji remain cautious eyes on inflation reports and bank earnings ixic sees premarket gains equities tread cautiously in 2024 amid mixed data and fed uncertainty late 2023 rally driven by rate cut hopes but megacaps volatile march,2 +2024-01-18,all we needed was an apple upgrade and a tsm beat now the short semis are in full retreat even bounces in ev stocks is it enough to make it hot amd to all time highs reached on back of tsm beat and guide the alth close 161.91 in play on dips may prefer arm to the 71 and,5 +2024-01-30,yet again as expected folksy was long msft goog and tsla it’s better to wait for fomc i think once fomc crashes markets it’s gonna be nicer levels as amzn and nflx will show me thinks,4 +2024-01-24,bull markets do bull market things and netflix sub growth and profits give extra zing asml driving chip names to the moon while tonight we hope tesla earnings go kaboom amd to with asmls beat and guide group is higher 170 was resistance for 2 days looking longs over intc,1 +2024-01-31,market update nasdaq futures gap down as tech giants goog and msft project increased ai costs in earnings reports alphabet eyes higher spending on ai infrastructure while microsoft reveals elevated ai development expenses teslas growth warning amplifies concerns for the,2 +2024-01-03,aapl starting to get interesting 200 days around 179 spy breaks 470 likely see that 20 days hit as qqq are well below it spy tends to catch up amd below 20 days actually sold my position yesterday whew but is this the dip to buy before cpi next thursday,1 +2024-01-30,three of the biggest companies in the nas report today this is their performance since last earnings • amd positive 96 percent • goog positive 27 percent • msft and 26 percent how much upside is left,5 +2024-01-14,some stocks have rolled over already i think nflx aapl and the junk in arkk etf being good example others like nvda msft tsla could have some life left in them once these high flyers roll over we should get a very good 50 percent sell off in the main index,2 +2024-01-09,abqq just look at that weekly macd climbing higher across the pivot and the bullish divergence spreading further the rsi look how its flattened and starting to curl north w the 14 moving average crossing the rsi 60 extremely bullish flagging pattern setting up,2 +2024-01-16,amd nvda relative strength today while spy trying to hold premarket lows aapl taking it all down msft watch if fails qqq under clouds as well,4 +2024-01-22,📈 market update 🌐 futures indicate higher trading sustaining SP500 500 momentum chip and megacap stocks fuel the index to record highs making semiconductors and it standouts in 2024 eyes on upcoming earnings for insights into corporate health—netflix tesla intel in focus,5 +2024-01-30,some levels to keep an eye out for on qqq today 📍428.5 📍427.73 📍426.94 📍426.18 good luck what levels stocks are you keeping an eye on spy tsla aapl nq,3 +2024-01-24,market update futures ⬆️ premarket fueled by nflx robust earnings and fourth quarter subscriber growth asml holdings strong performance boosts semiconductor sector SP500 500 hits new high maintaining bull run amid anticipation of robust earnings justifying valuations eyes on tsla,5 +2024-01-04,spy 468 level important spx 4700 lose this and close under i do think 460 in store before cpi bounce will come in next 3 to 4 days aapl 180 i’m paying close attention amzn down a bit on tik tok news hmmmmm team nio,1 +2024-01-25,action today felt worse than it was spy inside day still out of the bbs googl joined the ath club msft amd new ath ibm beast partying like 1997 tsla ewwee,1 +2024-01-16,market overall choppy that said nvda amd mu all very nice days and tsla huge bounce its a market of names until it picks a direction retail sales in the am hagn,2 +2024-01-08,bulls came to play today huge move in the spy and qqq spy just missed 475.32 would have been positive for first 5 sessions of january nvda amd lading the way msft back to top of the range amzn googl big tech finally showed up ba holding the 50 days so far,5 +2024-01-26,my current wide list afrm alt amd amgn amzn app ardx bld cccc coin crm crwd cybr dkng docu duol dxcm efx elf fnf four fsly gct gtlb hubs ibm lbph mara meli mrvl net nflx now nvda path pins s shop smci snow spot stne tsm txt uber vrns vrt vsco z zim,5 +2024-01-11,some day this market will sell that day was not today spy qqq huge comeback msft nvda new aths amzn googl new 52 w highs ppi pre and earnings season starts jpm bac c wfc dal unh hagn,1 +2024-01-28,week of ages comings amd msft nvda smci adbe lrcx googl amzn huge moves coming and then there was powell and on top of that is yellen… yellen may be the most important,3 +2024-01-20,aapl msft meta amzn googl nvda i have been posting daily videos about how the mag 6 sans tesla are setup in bases that does not mean they all must work but meta msft nvda have made moves higher amzn googl next if they move higher the index will be pulled along,3 +2024-01-03,market recon meaningful selloff down goes tech pmi market breadth defense stocks aapl c bac wfc asml amd arm intc nvda xlv xlu xlp xlk xli lmt noc hii spx compq rut djt sox via,4 +2024-01-30,whole world is praising rahul gandhi’s for promoting secularism and harmony 🔥❤️,5 +2024-01-11,spy qqq nice ramp now higher here after that subtle bullish breadth near the lows looked interesting plus the soft action in vix saying we rebound,4 +2024-02-06,someone posted earlier that recent breadth only occurred one other time in history aug 1929 so i thought i would take a look at price action and compare i must admit there are some defined similarities,3 +2024-02-22,🚀the most active stock of the hour microsoft msft negative 0.15 percent in pre market msft has positive 55.95 percent in price since the magic signal was generated 👏follow and comment to access your holdings signal without any cost,1 +2024-02-01,what does it mean when a stocks price is referred to as being priced in never guess again plus bonus trade plans for a potential massive trade coming up aapl meta spy qqq twtr iwm ba mu nvda tsla gme amc,1 +2024-02-02,meta up huge did you know the signal to buy was jan 2 at the price of 353 check out ai forecasting tool which is simply a black bar on the chart proof is in the actions not the words,1 +2024-02-27,notable inside days f wmt gm crm nke mgm enph mmm ndaq spot cost fdx lulu notes spy peekaboo above downward channel with 507 resistance need above for upside iwm bull gap opened and began filling bear gap above still open from,3 +2024-02-02,nq went down on jobs number but cimtf support just stopped it see chart support moved up and stopped price from going down for now as long as this support holds we can go back up,1 +2024-02-13,daily market news with fxopen 13 february 2024 🔸stock futures slip after fresh dow record 🔸bitcoin price exceeds psychological level of dollars 0 thousand 🔸rate cuts likely won’t happen until the summer atlanta fed chief says,1 +2024-02-16,wedbush today raised its price target on nvidia nvda to dollars 00 from dollars 00 while maintaining its outperform rating wells fargo raised its price target on nvidia nvda to dollars 40 from dollars 75 while maintaining its overweight rating,1 +2024-02-11,the motley fool should you buy walmart stock ahead of its 3 for 1 stock split to walmarts share price will soon be much lower details in our app spy,1 +2024-02-14,the motley fool symbotic stock buy sell or hold to symbotics stock price initially crashed after lackluster earnings and has since bounced back details in our app spy,1 +2024-02-26,alkem labs is accused of evading over rs 1000 crore in taxes resulting in a 10 percent decline in its stock price according to reports from india today,1 +2024-02-09,happy friday check out this rsi script special thanks to my guys tagged below aapl amzn goog meta msft nvda tsla nflx spx ai spy qqq,5 +2024-02-21,amazons high stock value keeps it out of the dow jones a price weighted index does this reflect a flaw in the dows methodology failing to adapt to the evolving market landscape dominated by tech giants,3 +2024-02-28,good morning it’s mara earnings day gdp numbers drop in an hour… aapl bounced on news of no longer moving forward in ev manufacturing and instead will focus even more dollars on ai tech duh will aapl finally join the rest of its bullish peers in the qqq and keep,1 +2024-02-02,fantastic results from but all the results are in price already stock may face some profit booking after gapuo in monday,4 +2024-02-01,a nice gap up for spy in the pm session a cool off was surely needed after its parabolic run over the past few months econ data as always today we also have meta aapl and amzn after the bell today 🍿,4 +2024-02-21,in spite of the being down last few days market internals have not collapsed as a matter of fact just the opposite remains strong will nvda er make a diff tomorrow data is for stocks with volume 1.5 million price 10,4 +2024-02-08,so here gamma acts as a magnet drawing the options delta towards a specific value 0.5 as the stock price fluctuates around the strike price 🙂 spx spy vix esf btc,3 +2024-02-02,excellent results ✅microsoft amazon meta nvidia decent average results ✅apple alphabet poor results ❌tesla you can try and search for the needle or you can jusy buy the haystack just buy the nasdaq 📈📈📈,3 +2024-02-02,at the market close on thursday february 1 several data providers published data indicating that volatility closed near an all time low however some are calling this bad data nonetheless mega cap tech stock volatility remains near multiyear lows while the,1 +2024-02-03,doing the same analysis against 200 moving average components of qqq ma peaked end of 23 new mag7 msft amzn googl nvda amd lly meta are driving the gains rest of the components are lagging it is a warning sign for sure amplified by meta gains 👁️🦺,2 +2024-02-03,last week was phenomenal for our analysts 🔥🔥🔥 here are the top alerts from the team 📈 spy spx tsla meta nvda amd cost wmt mara smci aapl amzn dkng shop,5 +2024-02-13,all three inflation numbers were above par a close below key tl and 20 simple moving average support should trigger some algo selling and perhaps tip too,2 +2024-02-16,spy qqq happy friday greed says we’re so back smci up another 5 percent next target dollars 500 by wednesday 🧐 nvda only up 1.6 percent see you at new all time highs by lunch time today the squeeze must go on,1 +2024-02-01,notable inside days amd intc googl msft gm lyft sq rblx pdd crm snow lly dwac fslr panw bidu crwd lulu now lrcx notes spy bull gap open ah pa suggests potential island bottom tomorrow open bear gap is 489.22 to 490.88 qqq bull,4 +2024-02-14,out spx dollars 50 for a win aapl afl amd amzn ba cat coin dis docu googl iwm lulu meta msft nflx nvda qqq shop spy sq tgt tsla,5 +2024-02-08,notable inside days f amd x2 meta csco gm ba pdd nflx tcom zm etsy notes spy doji on daily holding 498 498.71 is hod so will need to see that for more upside loss of 498 by 5 est is also a rising wedge breakdown iwm strong erasing,4 +2024-02-02,i know its a big spy and qqq day to yes big tech is special especially meta to but this r2 thousand and r3 thousand iwm and iwv chart caught my eye its not everyday one sees a relative chart pushing early 1990 lows,2 +2024-02-09,good morning looks like if this spy spx es esf ramp holds up into open we getting fat paid again mstr runners u sq snow will be the big ones aapl etsy intc building abnb gains will be wiped from expe oh well keep on cranking the bangers out,1 +2024-02-12,good morning what a morning pretty much everything we are holding over the weekend went friggen boom aapl is the really the only one being held back but oh so many others 50 150 percent everywhere spy spx es esf pretty flippen tight up here something big coming,4 +2024-02-03,magman to ytd perform meta positive 34.2 percent aapl negative 3.5 percent googl positive 1.9 percent msft positive 9.4 percent amzn positive 13.1 percent nvda positive 33.6 percent of the sextet id favour amazon,1 +2024-02-02,the schizoid market we all know and love money piles into tech on the backs of meta and amzn earnings but everything else is going down as breadth is decidedly negative,2 +2024-02-01,intermediate term qqq below decl 5 displaced moving average aapl less than 5 and under ytd avwap eps after close amzn neutral to neg eps googl leave it alone meta pos to neutral eps msft neutral to positive nflx positive to neutral nvda positive to neutral tsla negative trying to find bid green equals ytd,2 +2024-02-02,✅ companies in spy to swing because they have lots of catalyst ai driven technology and strong fundamentals meta amzn goog tsla smci aapl nvda msft i was able to grow a small account rapidly and quickly because i focused on nvda and smci,5 +2024-02-01,pf update new xbi snps hold smci nxe closed as mentioned last night today we saw a reversal of fomc move a classic thats why staying open minded and flexible was key • trimmed nxe at 5 r near open its now on the runner • smci reached multi bagger status,1 +2024-02-01,aapl amzn and meta report after the bell but remember tomorrows job report may be a big piece to where the spy qqq end up,3 +2024-02-22,comparative spy analysis nvda meta leaders obviously laugh lly v brk b jpm relative strength aapl googl goog unh msft laggards wmt cost amzn flat lets see how things change during lunch and into the close,3 +2024-02-29,magnificent 7 is really the nvda and meta show heres the performance over the last year for nvda meta amzn spy qqq googl aapl and tsla note aapl has been the laggard i projected aapl to lag all through 23 and to continue lagging in 24,5 +2024-02-20,mag 7 overlook aapl to needs to hold 200 sma amzn to will 21 ema hold or gap fill to dollars 60 googl to trendline holding meta to very strong holding 9 ema msft to losing 21 ema lower nvda to distribution before earnings tsla to gap fill thwarted by market digestion,2 +2024-02-22,daily market diagnosis on weds sellers remained in control although a little subdued as volume was lower than tues selling day so not official dist days but nas did flip down to mmts yellow barely felt like the market was just walking on eggshells all day with fed,3 +2024-02-06,tonights video spy levels heavy focused on the adl line of the nasdaq qqq smci nvda pltr tsla covered i walk through a trade journal as well,2 +2024-02-12,global market insights traders digest the revised cpi for the december ultracap stocks including nvidia amazon alphabet and microsoft were higher to push the SP500500 beyond the 5 thousand mark,4 +2024-02-23,spx and qqq 02 to 23 possible gaps on the daily below as we continue our post nvda er pamp its nothing short of amazing what were seeing so far this week even block sq had good earnings showing that small businesses are pushing through any signs of a slowdown in this,4 +2024-02-02,the market is now down to the phenomenal four msft amzn meta nvda nasdaq has 71 percent decliners and the new york stock exchange index has 81 percent decliners,1 +2024-02-12,morning traders the markets had another strong week with the SP500 500 breaking through the 5000 level and reaching a new high nasdaq also hit levels not seen since october 2021 even small caps saw significant gains one reason for the excitement was the updated cpi data,2 +2024-02-28,spy qqq alright cool love u guys were so on the same page so many of us ❤️❤️❤️ ok we have to know what we are buying algos r going to sniff this all out so u need to be aware we are in the land of the forward pe ratio with a fed cutting cycle and still slowing growth to come,3 +2024-02-01,aapl amzn and meta report tonight expecting a mixed bag there aapl 1 year perf positive 28 percent ytd perf 0.27 percent sup dollars 80 res dollars 96 amzn 1 year perf positive 50 percent ytd perf 5.20 percent sup dollars 55 dollars 50 dollars 45 res dollars 61 meta 1 year perf positive 158.5 percent ytd perf 14.28 percent sup dollars 82 dollars 63 dollars 43 res dollars 00,1 +2024-02-05,hello traders last week the stock market extended its gains as major tech companies rebounded and a robust employment report improved corporate earnings outlook the SP500 500 approached 5000 and the nasdaq 100 rose about 2 percent on an optimistic outlook from meta and amazon,5 +2024-02-02,underneath the surface there is a reasonable amount of selling happening in this market but because meta amzn nvda msft and others have such significant weightings in spy and qqq were not seeing that translate to the indices,2 +2024-02-26,hello traders the SP500 500 reached another all time high on friday and the dow also hit a new record however the nasdaq dipped 0.28 percent but hit a fresh 52 week high earlier in the day the pce personal consumption expenditures price index data coming out thursday morning,1 +2024-02-12,spy qqq spx nice fades since we broke 34 to 50 amd nvda smci all short mid day for beautiful flushes bear flags across the board vix 14 resistance watch that rejection,1 +2024-02-24,another wild short week markets looked ready to break down then nvda reported nope new aths smh nvda meta amd amzn all very strong gdp and pce next week so maybe some fireworks hagw watch the video,1 +2024-02-26,focus list for to 📝 tsla 190 puts 192 200 calls 197 aapl 180 puts 182 dis 110 calls 108 amzn 175 calls 175 crazy week last week with nvda earnings for more upside on spy i will be looking at the 508 level over 508 it can ultimately set up for a push into the 510 to 513,3 +2024-02-08,spy qqq have the look and setup but lot of pressure towards 500 spy big 7 heavy this morning except google they have to move to help market tsla very heavy meta under clouds too,2 +2024-02-21,spy qqq spx from chop to bearish trend nice mid day fades after fomc minutes vix helping still not over 16.12 but strong aapl msft meta leading the sells nvda still holding up,3 +2024-02-28,i’ll only ever alert a mega cap stock or index on here so you can have a watchlist for me of spy qqq iwm aapl msft googl tsla nvda amd meta amzn nflx,1 +2024-02-02,good morning a bounce back day for equities capped by 3 large tech earnings in aapl meta and amzn with meta and amzn wildly succeeding and aapl pulling back slightly i was surprised by metas dividend but good to see their year of getting leaner has paid off today,4 +2024-02-24,there is a slight difference in weights for spy and qqq to however tsla and aapl top holdings in both are in downtrends tsla in a much stronger downtrend and aapl flirting with its 200 ma,3 +2024-02-27,spy qqq market bearish chop today slow grind to downside qqq led by msft googl amzn aapl weakness semis are still kind of holding up after morning flush watch this pm low test for bias,2 +2024-02-05,good morning everyone quick market update us big tech stocks surged on friday meta makes stock market history with dollars 97 billion n market cap gain dow jones was up 134 points dow jones futures down 79 points now gift nifty down 30 points at 21929 events to watch earnings and mpc 8 feb,1 +2024-02-13,spy very interesting close spx down 1.3 percent over a 3.1 percent headline cpi hotter than expected yes but little overblown on the reaction i believe so on jan 31 spy dipped to the october lows trendline and held and two days later market recovered and filled the gap what also,3 +2024-02-10,how are the magnificent 7 tech stocks doing so far this year 🟢 nvidia is up positive 45.6 percent nvda 🟢 meta is up positive 32.2 percent meta 🟢 amazon is up positive 14.8 percent amzn 🟢 microsoft is up positive 11.8 percent msft 🟢 alphabet is up positive 6.6 percent googl 🔴 apple is down negative 1.9 percent aapl 🔴 tesla is down negative 22.1 percent tsla spy,1 +2024-02-20,spy bears really want to tear 496 down if that holds itll be just a trendline bounce in to the nvda earnings tomorrow and fomc minutes which might be nothing burger 1 hour chart oversold readings now on the hourly timeframes aapl turning green off the 50 wma bounce this,1 +2024-02-04,how are the magnificent 7 tech stocks doing so far this year 🟢 meta is up positive 34.2 percent meta 🟢 nvidia is up positive 33.6 percent nvda 🟢 amazon is up positive 13.1 percent amzn 🟢 microsoft is up positive 9.4 percent msft 🟢 alphabet is up positive 1.9 percent googl 🔴 apple is down negative 3.5 percent aapl 🔴 tesla is down negative 24.4 percent tsla spy,1 +2024-02-24,how are the magnificent 7 tech stocks doing so far this year 🟢 nvidia is up positive 59.1 percent nvda 🟢 meta is up positive 36.8 percent meta 🟢 amazon is up positive 15.2 percent amzn 🟢 microsoft is up positive 9.1 percent msft 🟢 alphabet is up positive 3.1 percent googl 🔴 apple is down negative 5.2 percent aapl 🔴 tesla is down negative 22.7 percent tsla spy,1 +2024-02-02,market recap📈📉 meta soared 20.3 percent on strong fourth quarter profit first dividend amzn jumped 7.9 percent with fourth quarter earnings and revenue beat intc fell 1.8 percent due to reported delay in dollars 0 billion chip factory construction mchp slid 1.6 percent on weak outlook for fourth quarter despite meeting revenue,1 +2024-02-12,breadth fridays ath all time high in spy was driven by msft nvda and amzn 3 stocks equals 27 percent of the days positive price momentum,5 +2024-02-02,spx futures positive 30 as yesterday the active bears proved to have no power if u get stubborn in this market u can be put out of business spy cleared dollars 87 and is now at ath with spx meta up 16 percent amzn positive 7 percent aapl down 2.6 percent nvda and smci lead the way to ath’s,1 +2024-02-27,seems like the market cant move lower due to the rolling corrections in mega caps googl went red on the year aapl at its 200 simple moving average meta still getting bought at the 8 expontential moving average nflx making new 52 week highs msft could be next to go if shrugs off the anti trust tape bomb,2 +2024-02-22,spy qqq smh well…this isn’t my type of setup we’re outside the bollinger band on smh kudos to the bulls a old line trader told me that it’s impossible to have a correction pre nvda earnings so…we’ll see,1 +2024-02-10,few weekend notes spx first close over 5 thousand aapl day or 2 away potentially reclaiming 50 day best potential value amzn breaks out earnings highs nvda closes at 20000 sarcasm but not really tsla continues sloppy dead cat bounce meta oddly doesn’t participate,1 +2024-02-01,spy qqq so aapl doing what i expected i’ll be honest i’m not certain what to do at this point some generally cautious people are becoming uber bullish and some permabulls are becoming cautious tomorrow is another day,3 +2024-02-08,a rare day of outperformance by equal weighted tech and discretionary over the cap weighted etfs as aapl nvda ftnt amd all fell while mpwr on and tom lees grannyshots like anet showed very good strength despite tech being seemingly stretched semis still powering,2 +2024-02-02,few big names like meta msft amzn nflx nvda smci keeping the market momentum up and spy hitting higher highs few names like aapl and goog investing heavily in ai and should be the names that would do well over time with short term stock fluctuations like ibm on,3 +2024-02-16,heres this weeks heat map on the spx seemed to be a week where the magnificent 7 lagged a bit nvda meta and tsla managed to end in the green but msft aapl googl and amzn sold off fairly aggressively compared to most smaller stocks,3 +2024-02-20,smh down negative 3 percent as a group and arkk negative 4 percent some nice liquidations to start post opex week and that weaker seasonality showing up after presidents day so far but could see qqq bounce off this key 425 support and try to hold 21 day ema,2 +2024-02-11,the order of when these stocks will see sept and okt low 1 tsla already broke oct 2023 low 2 aapl on the way 3 msft 4 amzn 5 goog 6 meta 7 nvda charts below,1 +2024-02-14,spy qqq if your company isn’t delivering… fak’em there’s too many companies delivering i will buy app frog infa for those that are not performing i don’t care paying up because i know they will go higher with upward earnings revisions later if the market has a bigger,1 +2024-02-06,eod market summary SP500 500 to 0.32 percent dow jones negative 0.71 percent nasdaq 100 to 0.17 percent stocks lower on rising bond yields hawkish fed comments and strong economic data nasdaq 100 supported by chip stocks on semiconductor positive 9 percent and nvidia positive 4 percent fed chair powell cautious on rate cuts,1 +2024-02-06,if nvda breaks dollars 00 in the premarket does it make a sound fresh highs for eli lilly and spotify as earnings gaps all around and today there is no way to ignore chinese names looking for stim continue to soar nvda to tagged dollars 00 in early premarket action set for a break at,1 +2024-02-01,after gaining 1.18 percent today the nasdaq 100 etf qqq is up another 1.14 percent after hours on the back of big moves higher from meta meta and amazon amzn,1 +2024-02-13,cpi due out soon even if good can it reverse this morning dip earnings names shopify and datadog are down and not helping the ship once again chips and ai will be in focus and maybe we see if the arm move is hocus pocus coin to btc has been back and forth at the 50 thousand level,1 +2024-02-02,markets running as meta shorts got zucked add to amazon gains and back up the truck apple in the penalty box after china sales decline non farm payrolls drop soon tune in on time meta snap to blowout for the former let dips set up unless 450 hits on sympathy snap 17.15,1 +2024-02-01,what an incredible dia spy qqq market this is whe,5 +2024-02-02,today is showing an extraordinary amount of divergence thats been quite rare in recent months if not years   nasdaq is up 1.1 percent and spx higher by 0.63 percent but these indices are diverging substantially from actual market performance meaning 9 out of 11 sectors are lower on the day,4 +2024-02-01,smci saying tech not done yet and a ton of bears now getting riled up from this bank selloff just a gut feel but got a hunch meta and amzn strong reports tonight less certain about aapl but well see,2 +2024-02-02,⚡️incoming insiders video aapl meta and amzn analysis opportunities and more spy projections near term as well as 2024 adjusted values axp xlv tsla nflx trade idea updates 🤑🔥 plus more sending out now 📨,5 +2024-02-22,qqq to super overbought here to but oddly it isnt so much nvda to how do we know it moved much earlier and has kind of stalled out to but meta and avgo are pumping higher market rebellion analyst bryan mccormick for more technical analysis join the rebellion🏴‍☠️,3 +2024-02-15,spx fully recovered from the gap down after cpi spx setting up for 5068 next if it holds 5 thousand after ppi tomorrow price action much more bullish now nflx setting up for 600 next meta to 500 in play in the next 2 days tsla breaking out today if it gets through 200 it can,1 +2024-02-01,in about 30 minutes the mega cap tech earnings blitz kicks off deepwater invests for the long term but for fun my predictions on where the big three trade by end of day friday aapl up to iphone is healthy meta down to good news priced in amzn down to aws cant keep up,3 +2024-02-01,spx held 4861 so far trying to move back near 4900 we can see 4900 again if theres a positive reaction to aapl amzn meta earnings let ssee if spx can close between 4890 to 4900 today nvda watch 628. dip bought up today if it gets back through 628. 642 in play next week,1 +2024-02-02,📈 market update 🚀 nasdaq futures surge on stellar performances by meta and amazon setting the stage for a crucial nfp report tech earnings dominate the week with mixed results from the magnificent seven metas 1 dividend and robust holiday sales drive double digit gains,4 +2024-02-13,in todays early look broadening bull markets reminder we’re still signaling bullish trend on 5 of the 7 stocks quantitatively signals in our new momentum stock tracker product were long msft amzn meta googl nflx we’re short aapl and tsla,2 +2024-02-16,action under the hood so good but feels like might get choppy with the bigs would make sense with smci blowoff if indexes chopped feels like an important close today for the short term stuff that not doing anything for me or newer seems like good day to re set down,3 +2024-02-22,and that is a wrap market said im not ready to sell and ran to new ath spy up huge nvda amd smci monster moves meta ath amzn big move cant just sit short this market for now hagn and enjoy your,1 +2024-02-01,and thats a wrap spy all the weakness from yesterday bought back new ath ah meta great amzn good aapl stinker nfp in the am hagn,5 +2024-02-01,big night of earnings into jobs tomorrow morning aapl implied move 3.7 percent meta implied move 6.8 percent amzn implied move 6.7 percent nfp tomorrow at 0 est 187 thousand 🍿 ready happy gambling spx spy,1 +2024-02-08,very low volume day choppy as hell that said smh nvda new ath arm monster tsm monster msft ath and tsla trying to close over the 8 days for first time in a month hagn,1 +2024-02-29,quite the day in the markets spy qqq almost back to ath amd huge move new ath crm weakness bought back almost ath inflows in the am hagn,4 +2024-02-27,another very quiet extremely low volume day still market held and spy small hammer candle formed aapl big news see if we can get continuation tomorrow gdp 0 hagn,1 +2024-02-12,some big players and high flyers slowly creeping into red territory here nvda nflx amzn tsla already red should make for an interesting close today,3 +2024-02-14,the magnificent 7 accounted for more than 45 percent of the SP500 500 spy return in january as nvidia nvda microsoft msft and meta meta staged strong rallies,1 +2024-02-14,spy and qqq trying to fill some of yesterday’s gap and hole which negates some of that control leaders still act well nvda cleared dollars 34 see if it holds that smci wow new ath to trim and trail amd above dollars 76 needs to hold that meta nflx amzn still above pro earnings,3 +2024-02-01,the markets are catching a slight bid today so far do earnings for aapl meta and amzn turn this ship around to new all time highs,4 +2024-02-23,the SP500 500 index reached a new peak on thursday february 22 after chip manufacturing giant nvidia announced quarterly business results much better than forecast thereby promoting market and technology sector at the end of the trading session on february 22 the SP500 500,1 +2024-03-10,tsm bulls before mondays open 👇 ✅ bullish af 🐂🐂🐂🐂🐂🐂 dollars 50 ✅ tsmc is the worlds largest chip foundry ✅ 60 percent control of the dollars 00 billion market ✅ expected blow out earnings report ✅ customers include nvda aapl amd ✅ planned dollars b government grant ✅ sales,1 +2024-03-14,cctg 📈 ccsc technology is on the move volume is soaring past the 3 month average and the stock price has seen a significant uptick keep an eye on this one traders 👨‍💻 prst apm veri 👀🐮,2 +2024-03-15,if you can stomach price volatility in the stock market you can stomach anything… also my oven glass randomly exploded so market go up tsla pltr sofi spy,1 +2024-03-18,notable inside days amd x2 amzn msft csco ko mrvl cvx sbux schw arm abnb amgn crwd upwk avgo etsy zm ddog team wynn now notes spy island bottom open from 511.70 to 512.44 with full bull gap fill at 509.75 qqq island,5 +2024-03-21,notable inside days nvda xom se panw team lly notes spy broke out of consolidation finally above 218 any retest of 518.22 can be played for a bounce but dont think we see that this week 525 or so should be a retest of the upper channel trendline qqq,1 +2024-03-08,notable inside days amd lyft pins snow ebay cvx nke panw dkng oxy pep ual chwy afrm roku dow luv tcom mmm wday w zm gme notes spy another island bottom starting at 512.19 and filling at 512.05 its small but present,5 +2024-03-21,astera labs stock skyrockets in its nasdaq debut closing up 72 percent from its ipo price investors celebrate the emergence of a new ai chip player in the market 🚀💼,1 +2024-03-14,notable inside days nvda pltr cpng aal wmt orcl tsm meta para amat docu ibm ttd cvna net cost nflx ppg fdx notes spy inside day into ppi tomorrow not much else to say right now chart is really messy and depends on data qqq,3 +2024-03-29,nvidia corp nvda stock price usd 1999 to 2024 the evolution of the stocks market and close price yearly and in usd over time more infos in the video description📽️,5 +2024-03-11,the motley fool why new york community bancorp stock is down today to the bank saving equity infusion came at a steep price to existing holders details in our app spy,1 +2024-03-24,the motley fool this ultra high yield dividend stock is trading at a lower price to earnings ratio than the SP500 500 altria stock looks undervalued as the company faces a challenging growth path ahead details in our app spy,4 +2024-03-17,happy st patrick’s day ☘️ aapl afl amd amzn ba cat coin dis docu googl iwm lulu meta msft nflx nvda qqq shop spy sq tgt tsla,5 +2024-03-28,citigroups stock price hits highest level since february 2022,5 +2024-03-09,heres a quick way to do this via signal sigmas screener set qqq as benchmark etf to set relative z score on a column and sort by this with max value at 0 set dollar volume on another observe results some other notable entries and a toppy looking combined chart,5 +2024-03-08,weekly growth portfolio update mar 8 2024 • growth portfolio 2024 ytd dollars 3695 positive 6.5 percent 📈 • qqq positive 7.2 percent 📈 • spy positive 7.7 percent 📈 • iwm positive 3.0 percent 📈 • arkk 3.1 percent 📉 current economic signals including recent data from cost and job market trends suggest a reality check the,1 +2024-03-31,happy easter to my x fam aapl abbv adbe amat amt amzn ba baba bynd dis fdx goog hd intc iwm jpm lk low lulu lyft ma msft nvda nflx pins qqq rh roku snap spy tlt t tsla uwt uvxy v vxx xom,5 +2024-03-01,the SP500 500 spy and nasdaq 100 qqq closed the week in the green for the 7 time out of 9 this year while the dow closed slightly in the red a short recap googl gemini problems amd crossed the dollars 00 billion mcap tsla outperformed unh faces an antitrust probe while both,1 +2024-03-13,trade recap on aapl and amd despite power going out as soon as i entered it turned out to be a great day spy qqq iwm meta amc mara tsla nvda mu msft,1 +2024-03-21,qqq and aapl im overall expecting a gap up tm and a big nothing burger very rangebound pa and get action next week but if we dont gap up and we pivot down we could see some serious downside tomorrow ill be looking to short pops i think gap up is likely scenario,3 +2024-03-01,the impressive performance of kry is evident in its current trading price of dollars .075 and substantial trading volume of 15 thousand reflecting strong market interest and confidence in the stocks growth potential sidu bynd amd,5 +2024-03-18,this qqq rally off of the googl and appl deal nvdas gtc conference and tsla finally getting a bounce is going to get a kick in the shin if the 10 year yield rallies and closes above februarys high ndx tnx tyx,5 +2024-03-25,the nasdaq gains but the dow and SP500 pullback from records brokerage projections of where the SP500 is headed remain very diverse and the ft says china is limiting use of intel amd and microsoft products aapl amzn goog nvda tsla kweb nke lulu amd intc,2 +2024-03-20,papa powell said fuck your puts to happy fomc day longed the news drop on qqq and mnq to positioned swings in lyft ttwo bby and mos with insane week so far,1 +2024-03-01,hey enthusiasts nflx is in a hot industry up 106 percent trading high volume 📈 company name netflix symbol nflx price 602.92 volume 3572082 percent up 106 percent,1 +2024-03-01,eye catching surge in tqqq stocks up by 189 percent 📈 in hot tech sector with high trading volume 🚀 company name proshares ultrapro qqq symbol tqqq price 60.36 volume 68479880 percent up 189 percent,5 +2024-03-01,kry maintains its upward momentum with a current trading price of dollars .075 and notable trading volume of 15.00 thousand signaling robust market dynamics and enthusiasm for the root nvda lunr mrna,5 +2024-03-05,just finished writing my daily update on qqq spy nvda aapl and iwm weakness in apple today wasn’t terribly surprising despite underperforming friday put sellers barely stepped up,2 +2024-03-01,unless innovation picks up globally the us is poised to maintain its dominance in the world stock markets this explains why it commands a higher price earnings ratio per compared to european peers,3 +2024-03-15,pretty quiet friday for me but great week some trade recaps from the week meta calls 70 percent tigr calls 50 percent ccj puts 500 percent 🔥🔥 aapl put credit spreads 20 percent and still swinging point on w shares check pinned tweet promo code alexjones,4 +2024-03-21,it was not a great close today but it was not terrible since aapl had a bad day negative 4.09 percent the qqq hourly uptrend from remains in effect qqq support is 442 followed by 438 which needs to hold macd is short term overbought middle chart as is money flow bottom,2 +2024-03-05,notable inside days pfe cpng se mrvl jnj cvx ups spot quick notes aapl flagging after large gap down wedge pattern msft big drop erasing island bottom but finding support at previous 65 million tl just below nvda barely dented open bull gap and,3 +2024-03-11,trade tracker amy raskin trims nvidia the investment committee debate whether the momentum trade is in trouble nvda aapl googl msft tsm smh,1 +2024-03-06,watch wall streets three major indexes all retreated more than 1 percent with weakness in megacap growth companies such as apple and the chip sector weighing most on the nasdaq ahead of this weeks crop of economic data and remarks from fed chair jerome powell,1 +2024-03-13,lest say qqq gaps up tomorrow dollars 43.94 dollars 45.72 resistance falls back to dollars 39.47 minimum spy needs dollars 13.62 minimum spy levels i’ll watch for buys dollars 12.31 dollars 12.89 qqq dollars 34.46 dollars 35.24 dollars 37.30 dollars 39.47,1 +2024-03-05,okay last tweet for sure to and bear in mind you only care about smh nvda smci nothing else really matters with qqq printing negative 2 percent and spy negative 1 percent youd expect these to be deep red negative 5 percent but they are not my guess is these are chop and resting days give time higher later,3 +2024-03-14,notable inside days orcl x2 dal ge ual onon panw abnb pins spot notes spy market is resiliant bad news againg and still bears were met with resistance bouncing off of 512 intraday and hammering over 514.07 support there is not quit all about,1 +2024-03-27,notable inside days amd aapl rivn amzn coin lyft tjx tcom lly ttwo notes spy eliminated an island top and faded bounce should come around 517.50 area with tl level daily 9 and 65 50 expontential moving average supports all lining up aapl finding support along 65 million,4 +2024-03-31,ndx while msft and nvda may have topped aapl and tsla could bounce amzn avgo and meta can still make new highs and googl could break out so new highs in april to as high as 18964 are still possible a close below the 10 week ma would likely mean that a multi week high is in,3 +2024-03-13,ytd market cap changes for the magnificent 7 nvda dollars .08 t meta dollars 96 billion amzn dollars 68 billion msft dollars 45 billion googl dollars 0 billion 🔻 tsla dollars 22 billion 🔻 aapl dollars 85 billion 🔻,1 +2024-03-20,comparative spy analysis updated results leaders nvda positive 31.71 percent meta positive 6.57 percent relative strength lly positive 3.56 percent v positive 3.74 percent brk b positive 1.10 percent jpm positive 8.00 percent laggards aapl negative 3.48 percent googl positive 3.61 percent goog positive 3.30 percent unh negative 5.79 percent msft positive 5.09 percent flat wmt positive 5.43 percent cost positive 1.47 percent amzn positive 3.86 percent i left off,3 +2024-03-10,aapl 1 days finish wave a in the 160 to 165 area counts for goog msft amzn meta and nvda in below thread all will follow aapl´s route and revisit oct 2023 low in wave a,1 +2024-03-08,market is looking a bit tired here weve got an outside day on higher volume in qqqs plus leaders like nvda have gone darn near parabolic and reversing to boot best names need a rest and a move to the 50 day at least would be normal small short on spy in lieu of full disc,2 +2024-03-01,nasdaq kicking off march with a new intraday high the SP500 also notching its 15 record close since january meanwhile apple missing out on the market action and make sense of the absence and new highs,1 +2024-03-12,nasdaq daily lost 13 expontential moving average blue 16030 but still holding mid bb currently 15963 needs 2 lose mid bb on a close otherwise uptrend still intact cpi data comes out tomorrow could cause price 2 lose mid bb or not macd gap widening isnt good stoch pointing downward isnt good,2 +2024-03-08,futures are up more than usual at this hour tech futures gapped up overnight white dotted the nasdaq not shown may make an all time high today,1 +2024-03-14,when mkt and analysts get stupid sam load spx and banks huge 2.35 to 12.5 151 thousand nvda down becasue googl say theu willpartnet to make a ai chip 0 chance 0 asml and lrcx down becaus if googl make s chips they will need less computers laugh meta lower because,1 +2024-03-10,last week tsla avgo and aapl led the mega caps lower with nvda and tsm finding a strong bid there was also buying in banks industrials some of the basic materials stocks and utilities with energy following earlier we discussed these same areas as buys at traderade,2 +2024-03-19,mega caps like msft amzn aapl are holding up spy qqq and masking the real weakness i am seeing on my watchlist if there are no setups,5 +2024-03-15,📌 stay alert prepare for todays trading with hot stocks and key levels dont miss out on the opportunities 📈 market looking to make up its mind here on the week flat and looking to get green despite hotter than expected and releases,4 +2024-03-22,will the shooting stars and bouncy vix move the market today key levels to watch spy 520 521 522 524 525 qqq 441 443 445 447 448 iwm 204 206 208 209 210 tsla 163 168 170 174 177 182 aapl 169 170 172 173 176 amzn 176 175 177 179 184 goog 144 148 149 151 152 so far,5 +2024-03-20,magnificent 7 stocks performance more like terrific two nvda and meta which account for the vast majority of qqq gains in 24 tsla and aapl lagging chart is in high circulation today to wanted to draw attention to divergence hit a ❤️if this is helpful,5 +2024-03-01,alert lets get ready for todays some hot names im watching and levels of interest dont miss out keeps bumping here and hits all time highs watching for the names to lead again as nvda takes dollars 00 and amd breaking out and now looking at,5 +2024-03-07,futures spy qqq iwm extreme greed has now been greed past 2 days jerome powell today in congress was asked more about climate change and ukraine vs the economy so the market basically didn’t care about whatever he had to say today nvda touched a high of dollars 97 — the market,1 +2024-03-05,qqq pretty wonky action here the last few weeks some thoughts potential failed breakout once price could not hold that 439 spot tested the gap from feb 22 and held today would be the spot to watch moving forward smci nvda amd all closed flat or green which shows,2 +2024-03-08,futures back to extreme greed spy qqq hit all time highs today even though aapl and tsla stayed flat and ended down nvda is currently at dollars 60 after hours cpi data next week market seems to want ai and not care what they are paying for it because they believe the numbers,1 +2024-03-12,if comes in cooler and looks like it will be based on the fact that everything went up in ah then tomorrow we will see nvda dollars 50 smci dollars 250 tsla dollars 00 avgo dollars 400,1 +2024-03-19,alert lets get ready for todays some hot names im watching and levels of interest dont miss out market heads to the downside today off of nvda gtc conference watch out for the psychological level of dollars 50 that needs to hold or we wont be able to get,3 +2024-03-09,⭐️big week a head⭐️ cpi numbers coming on tuesday 0 est cpi yoy 3.1 percent forecast vs 3.1 percent previous core cpi yoy 3.7 percent forecast vs 3.9 percent previous spy qqq aapl amzn tsla meta smci nvda whats your estimate 👇🏻,1 +2024-03-18,🔥top watchlist for the week 🔥 fomc on wed market may be choppy on tuesday into wed qqq bearish wedge breakdown into friday close short less than 432.74 long 435.55 spy long 510.55 short less than 508.36 nvda long 895.38 amzn long 175.5 short less than 173.9,3 +2024-03-18,ℹ️ spx spy 2 consecutive red week ℹ️ tsla model y price increase positive 3 percent premarket ℹ️ aapl googl gemini ia in iphone ℹ️ gs lowered fomc rate cut from 4 to 3,1 +2024-03-19,what happened overnight spx positive 0.63 percent nasdaq positive 0.82 percent ai stocks i e nvda led us equities higher ust 10 year yield and 2 bps to 4.33 percent dollar index positive 0.12 percent to 103.59 oil up 2.0 percent to dollars 7. bk of japan today fed tomorrow,1 +2024-03-11,very interesting price action on the mag 7 msft amzn down meta down but tiktok might get banned so thought it would be up googl aapl tsla all getting a bounce from a pretty bad drop last week nvda flat as investors await their new conference and try to get more,4 +2024-03-18,while has churned sideways in recent weeks and the sector is actually fractionally lower .03 percent on a percentage basis in equal wgtd terms over last 1 mth rspt vs mild gains for xlk there hasnt been any meaningful damage and now aapl and googl both starting to,2 +2024-03-12,this is why you prepare levels 513.5 is around where spy opened today opening print as well what levels did you do have today that hit qqq nvda meta nq aapl msft,5 +2024-03-12,daily mkt mood risk on 1 stocks up 2 bonds down 3 vix down 4 nvidia soars 5 small bid for aapl investors were relieved that feb cpi won’t derail the fed from cutting this year that said the rally is stalling at ascending resistance pullback likely unless bulls,1 +2024-03-02,how are the magnificent 7 tech stocks doing so far this year 🟢 nvidia is up positive 66.1 percent nvda 🟢 meta is up positive 41.9 percent meta 🟢 amazon is up positive 17.3 percent amzn 🟢 microsoft is up positive 10.5 percent msft 🔴 alphabet is down negative 2 percent googl 🔴 apple is down negative 6.7 percent aapl 🔴 tesla is down negative 18.5 percent tsla can we,5 +2024-03-01,in todays dailyrip bulls keep on streaking stock markets around the globe continued their push to new highs with the spy now green for 16 of the last 18 weeks meanwhile tech stocks continue to rally with nvda closing above the dollars trillion market cap mark for the first,1 +2024-03-13,closing stock market summary 👉the stock market had a mixed showing today the dow jones industrial average positive 0.1 percent and russell 2000 positive 0.3 percent closed with gains while the SP500 500 to 0.2 percent and nasdaq composite negative 0.5 percent logged declines the major indices all,1 +2024-03-16,how are the magnificent 7 tech stocks doing so far this year 🟢 nvidia is up positive 77.3 percent nvda 🟢 meta is up positive 36.8 percent meta 🟢 amazon is up positive 14.8 percent amzn 🟢 microsoft is up positive 10.8 percent msft 🟢 alphabet is up positive 0.9 percent googl 🔴 apple is down negative 10.3 percent aapl 🔴 tesla is down negative 34.2 percent tsla spy,1 +2024-03-24,spy qqq 🍌☘️the march list☘️🍌 update abnb 🎯 dollars 70 🍀🍌💚 equals ✅ adbe 🎯 dollars 90 ☘️🍌💚 got to585 amzn 🎯 dollars 87 🍀🍌💚 equals got to 182 anet 🎯 dollars 95 ☘️🍌💚 equals ✅✅ got to 305 👀 arkk 🎯 dollars 7 🍀🍌💚 equals got to 52 ba 🎯 dollars 15,1 +2024-03-23,how are the magnificent 7 tech stocks doing so far this year 🟢 nvidia is up positive 90.4 percent nvda 🟢 meta is up positive 44 percent meta 🟢 amazon is up positive 17.7 percent amzn 🟢 microsoft is up positive 14 percent msft 🟢 alphabet is up positive 7.7 percent googl 🔴 apple is down negative 10.5 percent aapl 🔴 tesla is down negative 31.2 percent tsla spy,1 +2024-03-09,how are the magnificent 7 tech stocks doing so far this year 🟢 nvidia is up positive 76.7 percent nvda 🟢 meta is up positive 42.9 percent meta 🟢 amazon is up positive 15.4 percent amzn 🟢 microsoft is up positive 8 percent msft 🔴 alphabet is down negative 3.3 percent googl 🔴 apple is down negative 11.3 percent aapl 🔴 tesla is down negative 29.4 percent tsla spy,1 +2024-03-03,nasdaq those who use marketsmith errr marketsurge may have noticed some changes personally i am loving this new setup some changes i noticed are the eps line ants and quarterly estimates,4 +2024-03-03,spy i hope that you enjoyed the charts press ♥️ if so posted analysis on the following amd tsla mu nvda meta hood amzn msft aapl googl ba have a great rest of your weekend,3 +2024-03-24,spy i hope that you enjoyed the charts posted analysis on the following googl amzn msft amd cgc aapl i hope you have a great rest of your day and good luck next week remember it is a short week,1 +2024-03-18,busy today so not much screen time here are some levels i’m watching nvda opens above dollars 00 can see dollars 19 nflx looking for dollars 16 tsla looking for dollars 75 soun looking for dollars 0 googl dollars 51 gap fill boden looking for jeo,3 +2024-03-02,“there are breakouts everywhere”🌍📈 the magnificent 7 has devolved to a fantastic 4 three of the most widely held mega cap tech companies have gotten clobbered “apple tesla and google – this one is new – all names that are no longer magnificent unless you’re short them ”,5 +2024-03-24,some charts and flow posted aapl mrvl amzn amzn googl amd hope it helps as you can see pretty much tech and semis are on my main watch but there are also a couple banks and oil stocks on my as a backup for the week have a great rest of your weekend,4 +2024-03-18,dragging from my trip this morning market up nvda conference hype and the goog aapl ai deal has tech all fired up tomorrow we will start focusing on fomc rates up a tad,1 +2024-03-18,we have bullish setups on aapl msft goog meta and amzn throw in nvda and amd into the mix and now were talkin i am looking for a big move up,1 +2024-03-22,ℹ️pt googl 160 175 wedbush oscr 20 raymond scco 61 63.5 jpm aapl 195 bernstein nke highest point cut 138 125 lowest point cut 104 91 nvda 800 1100 ubs bby 89 101 jpm,1 +2024-03-12,oracle earnings last night and reaction was a hit but for on holdings results they were not a fit the ipo lockup for arm has arrived as we await a key inflation reading with cpi arm to no guarantee to see big selling will be looking to short pops if 131 goes would signal,2 +2024-03-05,apple falls again after china sales slump tgt reports and gets over a recent hump not all good for earnings as gtlb craters and tsla cant catch a break from all the haters aapl to continues trend down expecting a relief bounce off 170 to short into 174 shorts october,1 +2024-03-06,markets back higher as crwd strikes big anf dip on earnings snapped back and forth like a twig a late rally in chips has the bulls back in charge and palantir with another contract as shareholders live large amd to pushed into the close now testing double top at 52 week high,1 +2024-03-01,its a new month and a new chip name breaking higher amd is flying while the future prospects for fsr are dire dell crushed their report and leads the way all is well its a fresh new trading day aapl to continued down trend despite close above 180 support 181 and a fail,1 +2024-03-08,cartoon of the day💎 we remain bullish on msft meta nvda and amzn but for 3 tech giants magnificent is a bit of a mis gnomer “apple tesla and google are all names that are no longer magnificent unless you’re short them ”,4 +2024-03-04,super micro to be added to the SP500 500 as it goes higher aapl down on an eu antitrust fine and chart looking dire macys m buyout bid gets a raised and the bitcoin rally cant be phased aapl to trend still down as market continues to rally 179.50 to 80 shorts into that level,5 +2024-03-18,apple may be in talks to integrate googles gemini into iphone more pressure on boeing as that stocks makes you groan tesla raising prices in europe has it trading up as we gear up for a fed week though for now rates will be stuck googl to if aapl is using gemini for iphone,3 +2024-03-15,it may be friday but not sure we get a market fri yay triple witching is on tap while a in the midst of a pullback fisker and rivian move higher as they may not be dead but can the gaps up hold or do we see more red rivn to huge fade yesterday gets an upgrade still,3 +2024-03-11,spy qqq for 3 weeks ive been less enthused by markets and see many names as a trade not investment at this juncture i sense weakness across so many sectors including cloud financials biotech and semis i cant predict if we have follow thru to the downside but it would make,2 +2024-03-20,stock market today stocks close higher after nvidias reversal discussed nvda amzn googl msft smci djia spx ixic,3 +2024-03-19,the woodstock of ai ends up a selling the news event at the same time all the crypto stock charts are bent can tesla build on its gains as we await today and tomorrow the fed dot plot joining the fray nvda 890 to 95 resistance and that 850 bottom are the big levels amd 189,4 +2024-03-06,a bear market is technically defined by a 20 percent decline in share price from the peak tsla is now in a bear market aapl is now 5 percent away from a bear market goog is now 5 percent away from a bear market yet the stock market is near all time highs imagine if nvda fell as well time,2 +2024-03-18,stay tuned for more market movements 📊💰 googl goog surged as reports hint at apple integrating googles gemini ai into iphones pushing alphabet shares up 6.3 percent to dollars 50.09 other notable gainers bnai positive 33.7 percent nvei positive 25.8 percent smr positive 21 percent eh positive 17 percent,2 +2024-03-06,aapl life support tsla in stage 4 msft has triple top snow melted googl breaking 200 simple moving average adbe breaking 200 simple moving average imaging spy decides to pullback,1 +2024-03-19,spy qqq some of you feeeeeending for a short huh market has u all fakd up from 2022 huh it was so good to buy odte puts everyday and make magical put money what’s this earnings and ai crap huh you want a short u crackheads besides timing tops to great companies,1 +2024-03-27,aapl well off ath tsla well off ath meta slightly off ath msft slightly off ath nvda slightly off ath goog slightly off ath spy all time closing highs make it make sense,3 +2024-03-29,spy propelled to aths this week with the help of financials xlf while qqq was sloppy all week and inside week mainly msft meta aapl nvda nflx ended up red on the week yet amd etched out a green week along with tsla i am expecting some move on qqq to hit a new ath,2 +2024-03-11,spy wall street analysts downplay the stock bubble concern sparked by the SP500 500 25 percent surge since october despite the magnificent 7 stocks dominating the gains the ai fueled nvidia has led the charge with other tech giants like meta microsoft and amazon also posting,1 +2024-03-05,dont even know what to think right now haha qqq negative 2.15 percent smci nvda flat would think smci be down like 25 percent nvda 5 to 7 percent ill take it qqq loses 20 expontential moving average would expect these to chop down at best but as of now this market goes higher would want to add nice rest days,1 +2024-03-04,very low volume day nvda smci coin raged xlf strong day tsla aapl googl dumped everything else meh expect more chop tomorrow until powell on wednesday hagn,1 +2024-03-11,very choppy day ahead of cpi tomorrow googl was very strong aapl tsla tried but couldnt hold nvda amd down a bit more see what cpi brings hagn,1 +2024-03-14,market didnt buy back the bad data this am msft amzn googl didnt care aapl not bad tsla amd taken to the wood shed tomorrow opex quad witch and rebalance,1 +2024-03-07,💡market being propped by semis and nvda aapl googl msft have had decent pullbacks amzn meta nflx have not fallen yet either big 7 bounce for market continuation or semi and other 3 join the selloff to take things down very sensitive and weird spot for market,4 +2024-03-18,good morning futures up tsla price increase on model y aapl googl apple in talks to let google gemini power iphone ai features tsla point cut dollars 90 from dollars 20 gs nvda point raised dollars 050 from dollars 80 hsbc nke point cut dollars 20 from dollars 40 pep u and g overweight ms point dollars 90,1 +2024-03-06,nasdaq composite set a new record for the first time since november 2021 the nasdaq composite index rallied on thursday february 29 reaching a record closing high for the first time since november 2021 at the end of the trading session on february 29 the nasdaq composite,1 +2024-04-24,next 9 days of major market news nasdaq down negative 7 percent 📉 measured in days and • cpi miss ❌ • tsla miss ❌ • meta miss ❌ next up • 1 goog msft earnings •2 pce • 8 amzn earnings • 7 fed rates no cuts • 8 aapl earnings,1 +2024-04-19,the problem with the stock market is that in the stockmarket a business becomes something else no sane business man would pay the current price for nvda tsla no one would buy that company at that price but shareholders aka so called investors do milk them hell,1 +2024-04-21,great earnings week ahead negative 10 percent for tsla on tue negative 9 percent for meta on wed msft and 7 percent for goog on thur not to mention some midcaps as toppings whichever direction nas spx moves will be massive,5 +2024-04-02,🚀the most compelling stock of the hour dow dow positive 1.77 percent in after hours the magic signal for dow resulted in positive 7.64 percent in its price 👏get free hold signals by following and leaving a comment,5 +2024-04-25,🚗 tesla shares gain positive 11.94 percent on wednesday after the electric vehicle giant announced more affordable car could be ready later this year check tsla stock price at 🚀,1 +2024-04-16,➡️ not only did stock nvda get down to dollars 50 but it passed below that price in pre market trading today spx qqq ndaq,1 +2024-04-10,🌟 wnw makes a comeback after curing its bid price deficiency wunong net technology is staying on nasdaq with volume spiking in pre market this low float stock could be one to watch today 👨‍💻 toon nkla,2 +2024-04-29,ok snapshot for the day here the main dangers in the market today for bulls are mainly just qqq and ndx which have rather mixed deltas and gamma setups stocks like meta amzn aapl are by far going to be better to be playing grafana will 100 percent come in clutch spy spx,3 +2024-04-26,spy spx k… am i this sick 🥵🥵🥵 jeeez 🤑 this was just a quick fun play tsla aapl amzn msft goog meta jpm bac v ma smci nvda pypl nflx dis crm nke ba baba xom amd qcom btc shop       coin qqq,1 +2024-04-16,stock market winners and losers SP500 500 and nasdaq edging lower trump media shares keep falling caitlin clark collectibles jump in price watch here ➡️ learn more,1 +2024-04-23,notable inside days aapl t snap pfe vz csco xom ba nke crm orcl oxy dow dash tgt notes spy another bull gap open and reclaimed 9 on the daily 65 million flagging at 505.4 with 9 crossing over the 50 iwm 199.42 break can test bear gap open,5 +2024-04-15,apple’s iphone shipments hit a 10 percent slump amidst rising competition in its key market china with aapl stock price down 2.2 percent today will this drag further,2 +2024-04-25,daily market news with fxopen 25 april 2024 🔸usd and jpy analysis the rate exceeds the level of 155 yen per us dollar 🔸meta share price collapses after publication of quarterly report 🔸stock futures fall after meta platforms ibm report quarterly results,1 +2024-04-22,🚨 congress is considering a tiktok ban potentially redirecting users to metas facebook and instagram tailwind for meta stock price 📉📈,1 +2024-04-04,daily market news with fxopen 04 april 2024 🔸stock futures tick higher following third straight day of losses for the dow 🔸more evidence please 🔸gold price hits fresh record high other metals mixed,1 +2024-04-11,spy not bad hit our upside target today at 518 and went above to nearly 520 what hot cpi yesterdays dip was pretty much imo the markets opportunity to buy up before earnings starts next week amzn hit aths today qqq good volume and green hammer on the weekly so far,3 +2024-04-16,trade tracker stephanie link buys more aapl with some profits from amzn the investment committee debate how to trade the tech titans msft googl meta nvda mags,1 +2024-04-09,spx we closed at 5209 on spx at a minimum we should get to 5224 to 5235 nq should touch 18450 tomorrow meta is one of the better plays it looks like something is going on with meta running through the list of stocks adobe could be a short at 500 and support,1 +2024-04-24,big opportunity ahead apple aapl is a very interesting stock to follow and right now it reached our buy zone ranging from dollars 65.12 to dollars 57.88 from there the price should go up and might reach up to dollars 76.37 aapl,5 +2024-04-24,nflx and tsla have had a strong start to the first quarter earnings season but with the majority of big tech set to report in the next week it prompts the question which stock will surprise to the upside my bet is on meta and amzn 🤔 nvda amd aapl crm msft googl qqq,3 +2024-04-30,90 percent down day for spx to end april with a damp squib the dollar rose on the eci employment cost index to give us a non seasonal up month the eci spike was the largest for a year after hours results saw amazon beat but second quarter guidance a smidge off ai and cloud spending proven,1 +2024-04-22,bears all over this market like a rampant man utd 3 to 0 up and cruising new aths a massive underdog now but the comeback might be on with futures once again showing a decent pop and reducing the arrears for the coventry like underdog bulls the tech stock subs are coming on,3 +2024-04-25,morning prep gappers up db teck fcx dn ibm communications pins snap goog meta ttd infotech mara clsk wulf mdb big 7 amzn goog meta nflx,4 +2024-04-02,european equity markets experienced a strong start to 2024 with the stoxx europe 600 index reaching new record highs all major stock indices marked positive performance the italian ftse mib posted the highest price performance positive 14.5 percent spy qqq,5 +2024-04-24,apr 24 market update summary as i have mentioned multiple times a trend day is followed by a neutral day and we got exactly that after 2 days of solid bullishness with yesterday being a trend day markets consolidated for a neutral day with spy closing at positive 0.05 percent qqq,1 +2024-04-23,apr 23 market update summary what an exciting day of trading it was we got a trending tuesday with the catalyst being the possibility that the senate might pass the dollars 5 billion war funding today that has been pending for more than 6 months spy finished positive 1.16 percent qqq went,1 +2024-04-11,monster trade recap on aapl and qqq today see how stalking your prey works out spy iwm meta djt tsla nvda amd gme amc ba baba msft intc,5 +2024-04-02,just in nvidia nvda stock price surges 82.5 percent in first quarter 2024 exceeding dollars trillion market cap positioned for growth in generative ai sector exciting times ahead,5 +2024-04-01,akanda nasdaq akan stock price soars – what’s going on,5 +2024-04-01,watchlist for today tsla stock price hikes are a correction from februarys lows compared to the beginning of the year the price is still down it seems that the market is not very excited about the reports after closing the week bearishly the story could,3 +2024-04-22,spy beautiful 🔥 nq aal aapl qqq nvda msft arm nflx amzn meta amd eth btc dxy tsla vix spx spy      amc pypl snow smci,5 +2024-04-13,jnj getting close to a buy like dollars 40 area now dollars 47 asml on wednesday will be the tell for semis watching nvda in particular nflx on thursday kicks off mag 7 and big tech,1 +2024-04-02,tech is ablaze amd up a whopping 159 percent stellar volume points to strong interest keep eyes peeled 🔥📈 heating up advanced micro devices symbol amd price 183.34 volume 74299910 percent up 159 percent,1 +2024-04-30,spy still under the 50 displaced moving average with amzn tomorrow after the market closes fomc on wednesday and aapl on thursday night lots of market moving events just which way,1 +2024-04-01,watch amd stock rapid rise in tech sector doubling values signal big wins keep eyes peeled 👀🔥 heating up advanced micro devices symbol amd price 180.49 volume 57628610 percent up 159 percent,5 +2024-04-22,how are the magnificent 7 tech stocks doing so far this year 🟢 nvidia is up positive 53.9 percent nvda 🟢 meta is up positive 35.9 percent meta 🟢 amazon is up positive 14.9 percent amzn 🟢 alphabet is up positive 10.5 percent googl 🟢 microsoft is up positive 6.1 percent msft 🔴 apple is down negative 14.3 percent aapl 🔴 tesla is down negative 40.8 percent tsla spy,1 +2024-04-25,🗺️ check spy had to spend some time with the ytd avwap now its above and tackling the 5 dma qqq bounced around and is now also tackling the 5 dma and wtd avwap one step at a time,1 +2024-04-27,here’s your results for last weeks list nsav blew everyone away with a 148 percent increase aapl abbv adbe amat amt amzn ba baba bynd dis fdx goog hd intc iwm jpm lk low lulu lyft ma msft nvda nflx pins qqq rh roku snap spy tlt t tsla uwt uvxy v,1 +2024-04-06,🚨 some moves you may have missed today 👀 mega caps meta meta platforms inc positive 3.21 percent nflx netflix inc positive 3.09 percent amzn amazon com inc positive 2.82 percent amd advanced micro devices inc positive 2.77 percent asml asml holding n v positive 2.74 percent crm salesforce inc positive 2.64 percent nvda nvidia corporation positive 2.45 percent,3 +2024-04-25,woah msft and alphabet come to save the day the tech trade is not dead yet we very well may get a 2 percent up day across the indices i mean look at msft it is literally the heaviest weight component of almost all the indices goog rocketing up 14 percent as it announces its,2 +2024-04-09,just posted daily trade plans for spy spx qqq hit ❤️ and retweet them if you find them helpful aapl msft tsla qqq nflx nvda meta amzn googl,1 +2024-04-16,just posted daily trade plans for spy spx qqq hit ❤️ and retweet them if you find them helpful aapl msft tsla qqq nflx nvda meta amzn googl,1 +2024-04-22,excited mkts ahead of first quarter 24 results from msft meta goog tsla nasdaq ▲0.43 percent ftse ▲1.65 percent ea government budget to gdp 2023 negative 3.6 percent vs negative 3.2 percent expct best performer in the us morning session nvda positive 2.28 percent dollars 2.79 billion bl data to watch jp jibun bank,1 +2024-04-25,qqq iwm dia inside 60 meta nflx msft inside 60 smh xlu inside 60 tsm nvda inside 60 this is what we call a chop em up mind the next flip 13 minute just scanning mega caps market has over 200 names consolidating right now,5 +2024-04-11,just posted daily trade plans for spy spx qqq hit ❤️ and retweet them if you find them helpful aapl msft tsla qqq nflx nvda meta amzn googl,1 +2024-04-30,good morning team qqq has done well to hold 430 this morning and we have amzn earnings report from the mag7 to look forward to in ah so that could potentially continue to boost sentiment and upward momentum however traders are cautious of the interest rate decision being,4 +2024-04-26,i feel like some need to hear this be kind to yourself just look at where qqq was on monday there was fear and some blood in the streets the best thing to save the market was earnings tsla went 📈on meh earnings meta went 📉 on good earnings then googl,1 +2024-04-22,green 🟢 nvda rebounding to dollars 00. spy qqq bounced up 1 percent nasdaq 100 was 29 on the rsi did seem like it could have a bounce earnings this week will determine if this can continue or do we continue with profit taking among inflation fears so far the market today has,1 +2024-04-21,spy qqq this index would indicate room to the downside after market msft earnings price action will be interesting arm is our canary and it looks like it died,1 +2024-04-22,spy qqq which companies will do the biggest buybacks msft meta aapl these should regain the 21 day ema based on this piece the trading is choppy in my opinion,1 +2024-04-09,1 despite being a very tricky couple of days as we wait for tomorrows cpi fomc minutes and earnings to kick in theres always something to discover in the charts especially when using multiple timeframes my charts for qqq and spy,5 +2024-04-26,spy stock futures are rallying after earnings from microsoft and google parent alphabet late thursday trounced wall street estimates the positive sentiment carried into european trading with technology stocks leading equity gains,1 +2024-04-24,spy u s futures are higher again as tesla’s shares soar on its plans to roll out cheaper cars as soon as this year meta is set to report earnings and there’s another record treasury auction coming up,1 +2024-04-26,started the week with gap ups in anticipation of good earnings only to be destroyed by meta capex increases however upbeat earnings from goog msft saved the week we have now an inside week on spx qqq that sets us up for a bullish harami week goog hits 2 t market cap,1 +2024-04-30,amzn and amd earnings after the close on tuesday fomc announcement on wednesday ⚠️ aapl earnings after the close on thursday employment friday morning ⚠️ nqf esf rtyf,1 +2024-04-28,earnings this week highlighted by aapl and amzn quite a few major spy spx companies reporting this week heres a calendar where ive highlighted a few stocks that are of interest as trading targets🎯 tap a ❤️if this is helpful which earnings are you watching❓,5 +2024-04-22,it’s a busy earnings week 📈 we’re watching tsla and spot tomorrow and tech giants meta ibm msft intc and goog later this week which ones are you watching👀,5 +2024-04-29,goog down amzn high bar on earnings fed nuetral nvda settling down into earnings will beat guide high msft is dead as momo and returns to earnings guided high multiple like ma amd on deck big banks go boom aapl is stuck in a range for years to come,1 +2024-04-27,voted down biggest takeaways from yesterday and last week aapl closed red friday 15 percent below highs msft faded most of its earnings pop friday meta no bounce friday 16 percent below highs iwm is red ytd yes nvda and tsla bounced to lower highs still,1 +2024-04-27,this week in the stock market tsla tesla reported earnings and went 🟢 positive 16 percent meta reported earnings and went 🔴 negative 9 percent googl put out a 20 calls dividend grew search rev by 14 percent youtube rev by 21 percent and blew through the dollars 70 up 10 percent 🟢 msft microsoft continued to prove their ai,1 +2024-04-13,namo spy qqq the nasdaq mcclellan oscillator daily and weekly charts 💙 i’m sure this time is different and we won’t bounce right tech is done right the most advanced piece of human technology ever created by the smartest engineers and physicists and scientists just happened,1 +2024-04-25,nq another higher high both msft and goog are flying in ah after earnings nq held a higher low today that came in around those yellen comments and then off to the races,1 +2024-04-26,the biggest earnings week ending with the biggest bang its alphabets world and everybody else just trying to hang snap gaps huge on surprise profit as intc has to be asking sellers to stop it googl to huge rev growth new dividend big ramp to ath looking for the dip and,1 +2024-04-19,tsla msft googl meta all report earnings next week don’t love that nflx sold off on a triple beat…someone needs to blow the market away to and i don’t think saying ai 100 times is gonna cut it,1 +2024-04-29,index update nyse fang plus index is currently back above its 50 days sma this index consists of the generals or the most important stocks on the planet it includes meta aapl amzn nflx msft goog tsla nvda avgo as these stocks go so does the market,3 +2024-04-29,futures up as aapl tsla lead megacaps higher ahead of big tech earnings and fed rate decision investors watching 10 year yields gdp jolts and nonfarm payrolls to will the data give the fed cover to pause hikeslots of market moving events on tap this week buckle up for another,2 +2024-04-24,spy qqq just a note really strange price action post earnings nflx numbers strong and stock whacked tsla txn numbers weak and stocks pumped are funds using earnings to sell longs and cover shorts meta should be interesting…,1 +2024-04-25,the mag 7 with spy lets look at something cool here to notice meta at the first circled point it is in line and slightly higher with its other tech counterparts until a huge spike up what happens after earnings right back to its original area cool stuff also look at tsla laugh,2 +2024-04-17,well started this week more bearish side and aiming for that gap fill at 497 however spy buyers stepped in for now avoid the gap fill spy less than 5 percent off tops qqq is now in correction territory and did fill the gap at 425 qqq may even want to touch the 100 days at 422,1 +2024-04-26,stock market rebounds tesla microsoft google meta chipotle ge in focus weekly review the stock market rebounded this week led by the nasdaq big cap earnings winners included microsoft msft google parent alphabet googl tesla tsla general electric ge and,1 +2024-04-15,another quarter and apple loses more market share gs making a ton of money just in case we care tesla could be laying off 10 percent of its workforce as demand wanes and geopolitical tensions over the weekend and bitcoin volatility reigns aapl to idc shows 10 percent decline yoy and fall,1 +2024-04-24,spx and qqq 04 to 24 let the games begin tsla missed on both eps and revenue noting a lower growth rate for 2024 and it of course pumped they will give it all back its just a matter of time for today this is where things start to get interesting metas earnings ah,1 +2024-04-11,spy qqq choppy morning again although spy rejections gave nice trads on spx but most of market dependent names not worth so far unless you are short tsla or ba with us,1 +2024-04-18,tsm earnings beat drives semi names higher expect itself this after asml had almost all semi stocks falling off the shelf jobless data today but hard to see it change rates as nflx after the bell gets tech earnings out of the gates arm to the biggest pain on the asml,2 +2024-04-17,should be intriguing how the start of tech earnings sees the market respond in a few weeks nflx starts but really the bigger more important names end of april and early may so if sell off enough could see semi names lead back up after earnings still think markets will be on,3 +2024-04-09,📈 spy new all time highs ⚠️ cpi out pre market tomorrow with fomc after • both the events are extremely significant and will explain in a different thread • the wedge and the trendlines below on watch flow update nflx goog aapl meta flow remains bullish good,5 +2024-04-21,⚠️3 things to watch this week on wall st 1 us pce inflation 2 microsoft msft alphabet googl meta meta earnings 3 tesla tsla first quarter results dia spy qqq iwm vix 🇺🇸🇺🇸,5 +2024-04-19,stock market weekly recap so pullback in progress spy 5 percent hit qqq much lower smh getting smacked nvda smci amd etc googl xlf cat still some r and s out there lots of charts in the video hagw,2 +2024-04-01,amzn goog stars on the day also amd of course doesnt seem bearish with amzn and goog makes a 52 week high on the day and this is primarily why im more bullish on qqq this week swing,2 +2024-04-19,no one this monday and tuesday gave you aapl nvda or nflx exact price 🧀 did did i get a couple wrong like 506 yes… but spy is to bounce very soon and everyone will be short,1 +2024-04-30,qqq amd smci nvda amzn there was a window to get long as markets hit oversold readings near december lows qqq 413 to 416 area nvda was under 800 etc ive been cautious all week as we have our fair share of events to contend with earnings season is fine but not,3 +2024-04-22,🚨heres the latest update now drop a ❤️ laugh dow jones industrial average index dji 37900 38070.27 and hit 38330.26 so far🎯 nasdaq 100 index ndx 17000 17085.60 and hit 17215.49 so far🎯 SP500 500 index spx 4946 4990.95 and hit 5018.92 so,1 +2024-04-29,teslas data collection deal with baidu has it up double digits today aapl follows with reports of openai inthe iphone on the way sofi trades higher after an earnings beat as we continue to trade this big earnings and fed week tsla to double digit gains after deal to collect,1 +2024-04-29,whats moving the market msft aapl amzn goog tsla brk b jnj unh xom pg nvda meta bac jpm wmt vz hd ba csco wfc 1 carryover momentum after rebound last week 2 tesla tsla after getting approval in china for self driving service 3 apple aapl up after,1 +2024-04-06,how are the magnificent 7 tech stocks doing so far this year 🟢 nvidia is up positive 77.7 percent nvda 🟢 meta is up positive 49 percent meta 🟢 amazon is up positive 21.8 percent amzn 🟢 microsoft is up positive 13.1 percent msft 🟢 alphabet is up positive 9.2 percent googl 🔴 apple is down negative 11.9 percent aapl 🔴 tesla is down negative 33.6 percent tsla spy,1 +2024-04-18,asml ❌ tsm ❌ nflx ❌ er season not saving your spy qqq yet rough start getting smacked hard let’s see who does what next not financial advice spx sub 5 thousand soon,1 +2024-04-29,spy qqq markets closed pretty flat on the day exception of tsla gaining approx 14 percent on the day and over all 30 percent since last week after getting the greenlight with fsd in china good news is that spy closed above the 20 displaced moving average bullish here macd is now back at 0 we were looking,1 +2024-04-26,april 26 morning update stocks are called higher this morning as traders react to better than expected results at googl and msft apparently the digital ad business is not terrible and enterprises are spending on productivity and cloud services there is another side,1 +2024-04-22,watching aapl meta baba adbe snow now shop pypl bidu msft amzn googl tsla nvda spx ba for tomorrow aapl meta baba adbe snow now shop pypl bidu msft ai amzn googl tsla nvda spx ba lulu mdb 🚨small gains adds up🚨 join a service that shows,5 +2024-04-29,watching aapl meta baba adbe snow now shop pypl bidu msft amzn googl tsla nvda spx ba for tomorrow aapl meta baba adbe snow now shop pypl bidu msft ai amzn googl tsla nvda spx ba lulu mdb 🚨small gains adds up🚨 join a service that shows,5 +2024-04-25,watching aapl meta baba adbe snow now shop pypl bidu msft amzn googl tsla nvda spx ba for tomorrow aapl meta baba adbe snow now shop pypl bidu msft ai amzn googl tsla nvda spx ba lulu mdb 🚨small gains adds up🚨 join a service that shows,5 +2024-04-12,overnight in the u s tech shares pulled both the SP500 500 and nasdaq composite into positive territory with both indexes gaining 0.74 percent and 1.68 percent respectively the dow jones industrial average was flattish closing down by a slight 2.43 points or 0.01 percent nvidia jumped 4.1 percent,1 +2024-04-05,spy weekend thoughts please take the time to read this ill just flat out say it im bearish headed in to next week and spring i think some of the bears on here are eventually going to be right market does need some correction and i dont believe earnings coming up on,1 +2024-04-30,spy vix with amzn earnings in hindsight tomorrow market will be looking forward to adp payrolls ism manufacturing pmi followed by fed rate decision and fed chairman powell press conference,1 +2024-04-07,spy i hope you enjoyed the charts i posted analysis on the following meta amzn aapl googl msft amd tsla have a great rest of your day and i hope you make some money next week,3 +2024-04-22,good morning futures up tsla big price cuts aapl amzn goog meta msft nvda d and g neutral from overweight csco d and g neutral jpm pzza u and g hold stifel point dollars 0 from dollars 5 aa u and g equal weight ms point dollars 6.5 from dollars 8.5 rare int outperform rbc point dollars 7,1 +2024-04-04,we get 0 jobless claim data to set the stage while the lineup of fed speakers again are the rage levi earnings seem like a hit while googl and aapl possible new changes each as they try a new fit ba to production decrease caused sharp move down yesterday 187 shelf,1 +2024-04-23,spy qqq earnings targets 🎯 tsla to flat to slightly up flat is a win for bulls now dollars 70 strong ai growth meta dollars 35 strong eps raises full year outlook googl dollars 63 as they show no loss in share of search amzn dollars 02 👀 eps growth cost cutting margins,1 +2024-04-22,its a big week of earnings and data for the market just take it day to day and stay on target tesla already down with more price cuts while chip names will try to bounce after fridays rut tsla to price cuts on fsd continue to weigh on stock price looking short pops into,4 +2024-04-03,markets coming off a day of red after the tesla delivery numbers were received with dread intels foundry business report has them in the red while the dis proxy battle will finally come to a head intc to wider losses in foundry business has it trading lower back to last,1 +2024-04-23,📈us stocks climbed on tuesday with the SP500 500 dow jones and nasdaq all inching upwards 💰 the market is looking to build on a positive start to the week with the SP500 500 closing below 5000 for the first time since february 📉 tech focused investors are preparing for a,1 +2024-04-20,spy qqq no pain no gain every time there’s tech earnings one or two of the companies report and it’s negatively received and everyone says “big tech won’t save the market” “its over tech is done” and then one or two of them report and everyone is like “thats where all the,1 +2024-04-25,bloody start to the morning but so far tech names amd nvda goog amzn for example making their way back spy just tapped the 5 displaced moving average and has a gap to fill at 503 goog msft all eyes intraday,1 +2024-04-02,market refuses to go far 21 days on the spy held again vix back in the bbs meta strong day googl amzn nvda they came back for powell tomorrow hagn,1 +2024-04-11,and that is a wrap market wants higher baring some out of the blue news aapl what a monster day nvda was my baby amzn googl new aths big cap tech remains the trade hagn,1 +2024-04-18,market trading tough smh weak after tsm earnings nvda still holding the 50 days msft amzn aapl tsla very weak goolg meta very strong today nflx good but market doesnt like no longer going to report subs hagn,2 +2024-04-27,😱 super day we open with qra adp jolt amzn amd smci results and close with jp likely bear ton but qt reduction can be the key,5 +2024-04-23,amazon live launches this month amzn to nike to cut 740 corporate jobs nke to taylor swift new album breaks spotifys single day streaming record spot to apple wants streaming rights to fifa club world cup aapl to billie eilish comes to fortnite 53 percent of americans now use ad,1 +2024-04-19,earnings growth for the mag7 the seven biggest growth companies in the spy aapl msft aapl amzn nvda meta and tsla are expected to rise 38 percent in the first quarter they make up the bulk of spx earnings growth but analysts are worried about guidance which is why qqq,4 +2024-04-17,nflx tsm cdns tsla v now vrt ibm goog msft cvx xom amzn amd tmdx pfe aapl dkng ftnt sq net zi mq upst arm rprx,5 +2024-05-15,stock price trend forecasting for meta googl tsla nvda aapl and more 📈📊,4 +2024-05-22,todays stock on watch nvda 💻 current price dollars 53,5 +2024-05-06,predictions for nvidia stock price mon may 06 2024 bullish tue may 07 2024 bullish wed may 07 2024 bearish thu may 09 2024 bearish fri may 10 2024 bearish,1 +2024-05-17,🚀the trending stock of the hour advanced micro amd positive 1.85 percent in pre market amd has positive 5.76 percent in price since the magic signal was generated 👏get free hold signals by following and leaving a comment,4 +2024-05-17,quick look at flow here from grafana on nvda ndx smci and tsla clearly tesla and smci are the dawgs big time today for sure spy spx qqq overall flow 0 days te and fridays next week is actually bearish while all stocks are bullish today really interesting huh,4 +2024-05-24,yes im building a decent case for actually swinging shorts on spy and spx ideally id like to see the 5325 zone to enter into the bear chat but well see heres lly meta msft nvda on the day in terms of flow fairly bullish across teh board except for lly very good,3 +2024-05-21,heres all the stocks for spy spx qqq ndx and aapl amd flow on the day from grafana as you can see not too shabby huh very bullish all day indeed i bet its 100 percent being led by tsla bc holy cow that flow is just going nuts today literally only call buying haha,1 +2024-05-15,notable inside days intc uber xom msft cpng sq oxy wen mmm cof lulu wynn notes aapl broke above long term daily tl today tradytics netflow also suggested sustained call flow into eod bear gap above from 188.66 to 188.83 msft wedge formation,3 +2024-05-09,spy spx who else shows direction and target who else has a 95 percent winning target hit who else can predict the move at marker open tsla aapl amzn msft goog meta jpm bac v ma smci nvda pypl nflx dis crm nke ba baba xom amd qcom btc shop,1 +2024-05-10,nvda msft amzn amd spy qqq googl mu avgo qcom crwd meta aapl tsla amzn weekly chart looks almost like weekly unable to break out of the huge bearish engulfing red candle of apr 16 2024,1 +2024-05-14,spy spx sunday i posted monday gap up ✅✅✅ yep tuesday ppi to test highs ✅✅✅yep wednesday tba i’m .6 let’s see if i get tsla aapl amzn msft goog meta jpm bac v ma smci nvda pypl nflx dis crm nke ba baba xom amd qcom btc shop,1 +2024-05-21,nvidia nvda is expecting the earnings report to be released tomorrow its stock price jumped as an anticipation of the expectancies of this earnings call,1 +2024-05-20,nvda stifel raises the stocks target price to dollars 085 from dollars 10 barclays raises the stocks target price to dollars 100 from dollars 50 baird raises the stocks target price to dollars 200 from dollars 050,1 +2024-05-09,spy spx todays signal is posted make sure to check out my video to see the discord room signal tsla aapl amzn msft goog meta jpm bac v ma smci nvda pypl nflx dis crm nke ba baba xom amd qcom btc shop   coin qqq,1 +2024-05-15,one of the many interesting stocks that we watch and analyse is nvidia nvda just as expected the price is going up at the moment and should continue to go uo the next weeks nvda,4 +2024-05-22,with nvidia’s stock price at dollars 53.86 and a fair value of dollars 52.4 it is currently 63 percent overvalued hopefully nvidia meets the high growth expectations to justify its lofty valuation nvda,2 +2024-05-29,nvidia nvda is continuing to follow our expectations from our buy zone from the end of last year til now nvidia made about 153.23 percent the price should continue to go up for now nvda,5 +2024-05-31,one of our very interesting nasdaq stocks is starbucks corporation sbux we expect to see the price go up further as you can see our long term price target is at dollars 14.18 sbux,4 +2024-05-03,📣 just in dji qqq spy dow soars 450 points april jobs data fuel rate cut speculation 📈 amgn meta aapl nvda amd msft 👉 key highlights 📍 dow rises 450 points closing at 38675.68 📍 SP500 500 and nasdaq also surge marking strong weekly gains 📍 april jobs,1 +2024-05-02,spx to the downtrend remains in control dictated by the 20 displaced moving average currently at dollars 087 despite this aapls positive earnings reaction is giving a boost to the market with spx futures up 0.33 percent in my previous post i highlighted the importance of the dollars 084 support level notice,4 +2024-05-10,🍕free video markets rebounded with spy leading qqq while qqq leads smh wed rather see riskier stocks lead nvda and avgo slowed down qqq but amzn is trying to break out and aapl has been holding earnings gains in my opinion trimming profits ahead of tues and wed ppi and cpi,2 +2024-05-01,amd earnings are out the stock is dropping to barrons learn trading in bio,1 +2024-05-01,nvidia stock falls after amd disappoints on guidance to barrons learn trading in bio,2 +2024-05-23,spy pinned at 530 with nvda rallying the rest of the mega caps have to sell off to keep SP500 at the current level it’s turning into an arbitrage at this point amzn aapl goog,1 +2024-05-04,qqq huge gap up yesterday coz of aapl earnings now facing a big volume hurdle ahead lets see if she can jump thru it next week below that avwap would be bearish imo,1 +2024-05-31,pump the brakes are we down to the mag 1 nvda three looking more like shorts than longs more on todays gmu meta amzn aapl,3 +2024-05-03,thread 🧵 🏦 stock 📑ticker tsla this is a rapidly rising stock but for me the price is too high to make an entry right now,3 +2024-05-01,ai stocks nvda smci plunge after amd gives weak chip sale forecast to markets insider learn trading in bio,1 +2024-05-15,new record highs for and favorable economic data led by cpi slowing the chips showed up big watching for to break above dollars 0 tonight let’s have a strong finish these last two days of the week more tomorrow on,5 +2024-05-01,stock price today stock market analysis for may 01,4 +2024-05-21,keeping an eye on the nasi in the days and wks to come and vix as we transition into poor seasonality and consumer slowdown spy qqq iwm aapl fxi gdx slv dia nvda sbux shop mcd,5 +2024-05-15,thursday msft aapl amzn goog tsla brk b jnj unh xom pg nvda meta bac jpm wmt vz hd ba csco wfc spy dia qqq iwm,3 +2024-05-01,ilal boasting a significant market capitalization and a successful history emerges as a standout penny stock on the otc market with a previous closing price of dollars .0493 it presents investors with an appealing chance for growth spy dia amc ape,5 +2024-05-08,spy lets goooo nq mes aapl nvda msft save nflx amzn meta amd tsla vix spx googl btc gme,1 +2024-05-03,spy week finally over 💰 hope everyone made some money today have an awesome weekend nq mes aapl nvda msft arm nflx amzn meta amd tsla vix spx googl btc cat,5 +2024-05-16,what made today tricky was the non participation of amzn tsla nflx welcome back aapl tho once the hourly 3 to 1 2 resolved to the upside it was simple and plain cakewalk up and you just had to buy and hold for a few candles to make a few bucks today nqf and,1 +2024-05-14,what a super pumper the mother of all super pumpers only to be outdone by the biggest mother fukking super pumper in history tomorrow on aapl msft nvda googl amzn meta tsla spy qqq,5 +2024-05-12,day trading watchlist for this week👀 spy qqq etfs tsla amd nvda tsm semis googl amzn meta setting up for some nice moves for the week,4 +2024-05-01,futures market via r and stockstobuytoday nvda amd aapl goog meta msft nflx amzn ukraine usa india russia cathy woods elon musk,3 +2024-05-14,spy cpi print tmrw market slightly green as of now but choppy i expect chop to continue and then around 5 est sharks buy it up into the close looks like the big cpi play came in yesterday before the close dollars 1 million 👀 at the ask es qqq gme amc meta nvda amd,1 +2024-05-22,nasdaq daily no change from yesterday still plenty of room 2 follow upper bb up if wants all 👀 on nvda er tomorrow ah if rally continues or we begin the backtest of 13 expontential moving average blue macd gap still wide and racing upward is good stoch hovering well above 80 line is good,4 +2024-05-03,spy qqq aapl wellp the market is going to rip today i have zero clue what’s good or bad news anymore all i know is apple is setting up for its best intraday gain in years,1 +2024-05-07,just posted spy update will do a qqq update in 30 minutes too hit 25❤️ on the spy update and i will post other one shortly spx aapl meta nvda,1 +2024-05-02,aapl earnings will likely take spy and qqq straight over that 20 ema resistance which has been a key holding spot for bears over the last few weeks neat,4 +2024-05-15,spy qqq with a gap up so far market failed to do a gap and go trying to fill the gap down into 34 to 50 clouds tsla amzn good shorts at open heavy heavy market not showing the strength yet lets see 10 am trend timn,2 +2024-05-06,just posted spy update will do a qqq update in 30 minutes too hit 25❤️ on the spy update and i will post other one shortly spx aapl meta nvda,1 +2024-05-03,futures up after aapl earnings beat but mixed chip results and data keep gains in check investors eyeing nonfarm payrolls unemployment pmis to will the numbers support rate cut hopes also watching sq coin dkng after their reports lots of moving parts as markets,3 +2024-05-08,tesla intel shopify and uber all sharply lower at a time when funds are sitting quite long nas ctas and volume targetting and a lot of bears have been cleaned out,2 +2024-05-25,qqq quite mixed this week but mostly up due to nvda nflx meta aapl goog amzn amd had a flat week spy flat all week financials and energy had a red week as well these sectors may bounce this week to give spy a move,3 +2024-05-30,spy qqq spx continues to stay bearish as spy testing pm lows now semis giving up nvda leading the fade better to avoid any big7 or market longs today not a,1 +2024-05-08,spy qqq todays key events all est 0 wholesale inventories 0 fed jefferson 5 fed collins 0 10 year note auction dollars 2 billion 0 fed cook before open 👇 0 avadel pharmaceuticals avdl 5 emerson electric emr 5 uber b o to affirm holdings,1 +2024-05-02,futures rise after fed holds rates steady but powell pours cold water on rate cut hopes now all eyes turn to aapl earnings after the bell to will the tech giant deliver another strong quarter also watching coin cvna etsy dash as earnings season rolls on big data,2 +2024-05-22,the superbowl of earnings season is here as nvda reports after the bell targets report however gave markets a reason to sell pdd beats big and is flying higher while other squeeze names move as gme and amc moves get tired aapl to trend continuation 190.75 the long dip,3 +2024-05-29,spy qqq todays key events all est 0 richmond fed mfg index 0 7 year note auction 5 feds williams before open 👇 0 bank of montreal bmo 0 advance auto parts aap 0 dicks sporting goods dks 8.5 percent 0 abercrombie and fitch anf,1 +2024-05-22,spy qqq todays key events all est 0 feds waller 0 fomc minutes before open 👇 0 dorian lpg lpg 8.3 percent 0 target tgt 6.9 percent 0 analog devices adi 3.3 percent 0 tjx 3.9 percent 0 arbe 45.5 percent 0 williams sonoma wsm,1 +2024-05-14,watching aapl meta baba adbe snow now shop pypl bidu msft amzn googl tsla nvda spx ba for tomorrow aapl meta baba adbe snow now shop pypl bidu msft ai amzn googl tsla nvda spx ba lulu mdb 🚨small gains adds up🚨 join a service that shows,5 +2024-05-15,watching aapl meta baba adbe snow now shop pypl bidu msft amzn googl tsla nvda spx ba for tomorrow aapl meta baba adbe snow now shop pypl bidu msft ai amzn googl tsla nvda spx ba lulu mdb 🚨small gains adds up🚨 join a service that shows,5 +2024-05-20,watching aapl meta baba adbe snow now shop pypl bidu msft amzn googl tsla nvda spx ba for tomorrow aapl meta baba adbe snow now shop pypl bidu msft ai amzn googl tsla nvda spx ba lulu mdb 🚨small gains adds up🚨 join a service that shows,5 +2024-05-22,watching aapl meta baba adbe snow now shop pypl bidu msft amzn googl tsla nvda spx ba for tomorrow aapl meta baba adbe snow now shop pypl bidu msft ai amzn googl tsla nvda spx ba lulu mdb 🚨small gains adds up🚨 join a service that shows,5 +2024-05-13,the SP500 500 spy is less than 1 percent away from ath after falling to dollars 93 a few weeks ago earnings from aapl amzn meta googl msft seemed to have keep it strong nvda is next week and will determine if we continue if guidance is low the market will re rate but given all,1 +2024-05-11,how are the magnificent 7 tech stocks doing so far this year 🟢 nvidia is up positive 81.5 percent nvda 🟢 meta is up positive 34.5 percent meta 🟢 amazon is up positive 23.4 percent amzn 🟢 alphabet is up positive 20.8 percent googl 🟢 microsoft is up positive 10.3 percent msft 🔴 apple is down negative 4.9 percent aapl 🔴 tesla is down negative 32.2 percent tsla spy,1 +2024-05-08,spy qqq arm nvda amzn anet market chopping and having resistance around 5200 SP500 earnings from yesterday to today haven’t been great and reactions even worse except… anet the only main “ai” earnings that did well now it’s up and i believe it’s the reason things like,1 +2024-05-01,market flying… what on earth amzn positive 5.43 percent metapositive 4.38 percent msftpositive 306 percent aapl positive 1.15 percent pltr positive 3.32 percent wow 🤩…perma bears in tatters again,1 +2024-05-01,futures spy qqq iwm today was a tough day we had some strong earnings from eli lilly lly mcdonalds mcd coke ko and amazon amzn amd was flat and negative across all their segments then starbucks sbux missed on north american sales china sales and everything else,1 +2024-05-22,cnbc daily open SP500 500 and nasdaq hit new heights ahead of nvidia’s earnings tsla aapl nvda amd meta msft amzn intc li dis gme dell googl spy qqq,5 +2024-05-20,stock market today wall street ticks higher as SP500 500 and nasdaq composite head for more records tsla aapl nvda amd meta msft amzn intc pltr li gme nio coin googl spy qqq,5 +2024-05-13,the generals are merely resting nyse fang plus index continues to hold its prior cycles vs spx nothing bearish about this action at least not yet id get more concerned if this ratio starts to break down meta aapl amzn nflx msft googl tsla nvda snow avgo,2 +2024-05-16,the mag 7 were responsible for 37 percent of the SP500 500’s spy 10.2 percent gain in first quarter led higher by nvidias nvda 82.5 percent gain and metas meta 37.2 percent rise msft goog amzn tsla aapl,1 +2024-05-24,the generals are leading again nyse fang plus index closed at new all time highs relative to spx this index tracks the performance of the following large and mega cap tech stocks meta aapl amzn nflx msft googl tsla nvda snow avgo,5 +2024-05-02,such a good bounce… aapl was down 9 percent ytd now its down 1 percent every company out of the mag 7 has crushed earnings nvda is the only one left if inflation remains sticky — the market can at least refer to the largest 7 companies putting up numbers to justify their valuations,1 +2024-05-10,happy to all and thank you for checking out todays where i post some names i am looking at and levels of interest 🫡📈💥 market starting to head lower here as i type this and now looking to be with some dip buy opportunities,5 +2024-05-09,the ai stock rally amd tsm arm smci is stalled can nvda earnings may 22 save the quarter qqq spy amzn meta aapl googl,1 +2024-05-01,markets rip on fed easing balance run off and powell keeping the course 🔥 ➡️i briefed insiders today was a bullish setup and that nvda and amzn would be big movers with spy and qqq strength markets got overly hawkish insider or not always look for asymmetrical risks 🚀,1 +2024-05-09,🚨 traders todays watchlist is heating up 🔥 dont let these setups fly under the radar get those sticky notes ready and lets get this cash 💰 feeling today after the jobless claims number and holding well above 18 thousand on the tsla dollars 76 s,1 +2024-05-02,📈trader insights – tech back in vogue with apple firing up with the fed meeting out of the way and the market feeling assured that the fed’s thinking is still firmly skewed to cuts where the barrier to hike is set incredibly high we’ve seen risk working well a strong rally,5 +2024-05-21,never short a dull market and this is about as dull as you get spy no volume at all msft qcom new ath tsla nice breakout today aapl grinding higher stick with names in play and ignore the rest for now nvda tomorrow hagn,1 +2024-05-01,stock market mid week update fed delivered market likes balance sheet taper see how we react tomorrow eyes on nvda msft googl amzn to see if they come back for them now weak close hagn,1 +2024-05-15,megacaps drive the indices so tell me bears what megacap stocks are cracking which ones are you shorting tsm just broke out to all time highs jpm to americas biggest to closed at aths today avgo is starting to break out of a multi week consolidation nvda also,1 +2024-05-03,if you come at the king you best not miss aapl record buyback strong like a kendrick lamar diss block with a beat while coin down on strong numbers and now we get nfp data so get up from your slumber aapl to record buyback dollars 10 million despite slower iphone sales margins good,5 +2024-05-22,nvda is 5 percent of the spy nvda is 6.5 percent of the qqq nvda is a whopping 20.6 percent of the smh tomorrow is our superbowl fella’s eat right sleep tight maybe a little cozy with the wife see you tomorrow early and bright,1 +2024-05-02,msft aapl amzn goog tsla brk b jnj unh xom pg nvda meta bac jpm wmt vz hd ba csco wfc the stock market opened on an upbeat note the SP500 500 is trading 0.4 percent higher and the nasdaq composite sports a 0.7 percent gain gains in the mega cap space are having an,3 +2024-05-03,whats moving the market msft aapl amzn goog tsla brk b jnj unh xom pg nvda meta bac jpm wmt vz hd ba csco wfc 1 reacting to the april jobs report which was pleasing in terms of implications for earnings growth and the feds policy path  2 sharp drop in,2 +2024-05-13,spy – markets opening with bulls in control and a bit of a gap higher out of aapl and msft on the possible ai partnership for siri iphone could be what it takes for the market to do something ahead of cpi wednseday lets begin,1 +2024-05-28,spy qqq dips are buyable before major data this week that includes gdp and pce later this week as we warned our viewers that market likely to chop around flat for next two days dips are buyable if youre bullish on data nvda hit another ath 1149 this afternoon continuing to,1 +2024-05-07,meta nflx both trying to fill the gaps from er tsla aapl holding the earning gap ups and attempting to u turn nvda googl amzn just best in class and moving higher,3 +2024-05-06,the spx kicked off the week strongly on monday fueled by renewed optimism for a potential federal reserve interest rate cut in september sparking widespread gains across wall street fang innovation📱 🟢nvidia nvda positive 3.77 percent 🟢advanced micro devices amd positive 3.44 percent 🟢netflix nflx,1 +2024-05-02,spy hidden divergence on the 1 hour higher lows next higher high 513 to 514 possible soft nfp tomorrow aapl saves the market again wont be shocked semis been bleeding out last 48 hours due for a bounce nvda amd video,1 +2024-05-13,spy qqq aapl googl msft nvda as you hear pundits debate the news of apple being close to inking a deal with openai on the iphone which is not a search engine from reported research but google is already getting hit pre market as if it is a competitor and msft is catching,1 +2024-05-21,ethereum continues to climb as etf excitement grows while panw and zm earnings reactions lead to woes weve got fed speakers all day while chinese adrs in play and a meme crazy that wont go away aapl to contesting eu 1.8 billion euro fine following strong day yesterday longs,2 +2024-05-15,if youre a bear look away dia spy and qqq hit all time highs today 📈 bmo just raised its SP500 price target to 5600 the highest on wall st it feels like the ripping has just begun imagine if nvda hits earnings next week 👀,1 +2024-05-03,week but spy positive 0.5 percent and qqq positive 1 percent start of week bearish on higher eci to but dovish to april soft jobs confirmed dovish fed bonus great earnings amzn aapl fear of may now buy in may have a great weekend bottom remains,1 +2024-05-13,we start the week with ai open ai stream comes at 1 pm today apple continues higher on its ai reveal from last makes hay tencent music earnings bring alibaba up ahead of theirs before tomorrows bell and a tweet from roaring kitty makes gme price swell aapl to higher as they,1 +2024-05-17,trade recap may 16 on qqq aone and done locking in over dollars k on spy and qqq both long and short see how to view the stock market like a true contrarian aapl nvda tsla meta gme riot intc mu sq amc lulu,1 +2024-05-20,the tech heavy nasdaq climbed to a record high on monday boosted by chipmakers with highly awaited quarterly results from nvidia and the federal reserves policy meeting minutes this week likely to test wall streets record breaking run upbeat corporate earnings and,5 +2024-05-20,starting the week spy qqq xlk smh take the day up xlv’s close too jnj gapper with some nice pmg action weekend vid names in force csco few energies went 2 u red to open,3 +2024-05-30,another very low volume day spy under the 21 days careful now pce tomorrow am nvda into its earnings gap msft googlamzn hit hard aapl holding well thin market,1 +2024-05-15,qqq 455 spy 538 fib extensions sheesh amd nvda lagged behind aapl too so if those stocks continue then its going to push index higher and msft amzn goog already have done some heavy lifting with meta nflx and you can see nflx red today as they rotate in to other,3 +2024-05-06,very quiet day but spy qqq breaking to the upside nvda msft amzn nflx meta strong and leading today hagn,3 +2024-05-29,another very quiet day nflx nvda amzn googl all good moves today providing trades tsla trying to push on watch for tomorrow gdp 0 room open early crm getting wrecked ah hagn,1 +2024-05-13,market recon inflation and the economy unpleasant macros ai spending latest charts week ahead xlu aapl goog meta msft nvda tsla arm pltr orcl hd csco de wmt amat stne spx compq via,1 +2024-06-22,🌟 the stock market is filled with individuals who know the price of everything but the value of nothing invest in the value of lobo 📈 mynz aapl tsla amzn msft jnj pg vz pfe nflx,1 +2024-06-19,apple aapl avoids paying a dollars 0 billion fine by resolving ec probe over apple pay with concessions meaning apple stock should see some recovery in its stock price as it started decreasing when it hit dollars 18 per share,1 +2024-06-21,teslas august 8 robotaxi day could be a near term catalyst for the stock says wedbush theyve got a dollars 75 price target to thats 33 percent upside you think theyre smoking something good over at wedbush or what,1 +2024-06-14,slrn price crossed 50 moving average on last run which is a good sign,3 +2024-06-02,spy nvda amd meta amzn aapl goog smci tsla msft nflx weekly update i put a lot of time and effort into these posts please like repost and comment to show your support 🙏💰💸,5 +2024-06-16,spy nvda amd meta amzn aapl goog smci tsla msft nflx weekly update free discord server i put a lot of time and effort into these posts please like repost and comment to show your support 🙏,5 +2024-06-27,just a reminder tsm is reporting in 21 days i will conduct a comprehensive analysis on growth and highlight opportunities and weaknesses in a post later today i will also predict the stock price close to the earnings date,5 +2024-06-11,a look into and equity indices ahead of and are we headed to further all time highs or will big tech finally take a breather get some rest aapl amzn nvidia tsla meta goog es nq iwm rty spx xlu xlf xly SP500500 support 5305 and,5 +2024-06-12,amid cpi and the fed the story continues to be tech orcl avgo aapl mu nvda with today’s record the closing in on our target still poor breadth and the dow negative spy qqq,2 +2024-06-04,back in the soup elon musk accused of selling dollars .5 billion in stock before weak sales report that crashed share price tsla,1 +2024-06-20,spy and qqq experienced gap up exhaustion semiconductors lifted the market in premarket but as smci and nvda began consolidating the market turned heavy amzn was a standout bull while dia surged strongly,2 +2024-06-04,another great rebound for with and doing some heavy lifting of late earnings just now rest of the week will be very macro with ism services up tomorrow,5 +2024-06-21,spy spx 10 minute targer hit thank you going to enjoy my weekend tsla aapl amzn msft goog meta jpm bac v gme smci nvda pypl nflx dis crm nke ba baba amc amd qcom shop       coin qqq,5 +2024-06-11,market news with fxopen 11 june 2024 🔸bitcoins short term holders realized price rises showing bull market trend 🔸european stocks open higher as markets turn to fed u s inflation 🔸analysts reboot amd stock price targets on ai market outlook,1 +2024-06-12,ndx perfect inverse head and shoulders as discussed in the previous chart great example on the importance of following price action 🎯 you can follow my profile for daily stock market setups 👍,5 +2024-06-25,tsla stock tsla is currently at dollars 87.15 analysts offer a 1 year price forecast ranging from dollars 5 min to dollars 10 max averaging at dollars 27 exciting times ahead for tesla investors 📈🔋,5 +2024-06-09,spy nvda amd meta amzn aapl goog smci tsla msft nflx weekly update i put a lot of time and effort into these posts please like repost and comment to show your support 🙏💸 free server,1 +2024-06-03,🚀the must watch ticker today advanced micro amd negative 0.40 percent now amd has positive 8.11 percent in price since the magic signal was generated 👏view more,1 +2024-06-12,stock mkt seeing ai and apple related yesterday ath dollars 07 face ripper rally inari in the mix positive 8 percent supposedly an apple play and fbm70 is above historic 18 thousand level enjoy the rest of the day tech stock owners btw us may inflation tonight est 3.4 percent then fed rates decision,1 +2024-06-05,spy nvda qqq the SP500 500 rose to a fresh high wednesday as nvidia led major tech stocks higher and slightly weak labor market data gave investors hope the federal reserve might move to lower interest rates later this year at this point fed swaps are pointing towards a first,1 +2024-06-30,good morning traders happy sunday aapl abbv adbe amd amzn azo ba dis meta fdx hd intc iwm jpm lmt low ma msft nflx nvda rh roku snap spy t tlt tsla uvxy v vxx xom,3 +2024-06-25,going over the watchlist and uupdating for tmrw meta nvda aapl gme tsla amc bac amd pltr pfe msft ccl wmt uber baba meta jpm dis ba hd nflx amzn ulta cost mbly panw 😍😍😍,5 +2024-06-26,the nasdaq rallied 1.3 percent buoyed by strength in nvidia and other tech megacaps while the dow slipped as retailers weighed and investors waited for crucial inflation data due this week more here,1 +2024-06-26,related vix ixic qqq spx spy djia dia rut iwm nq es ym rty aapl msft nvda tsla amd pltr baba meta amzn,3 +2024-06-18,spy 61 percent of stocks higher today vs qqq 50 percent up i wouldn’t be surprised to see some catch up in key sectors outside of tech over the next few weeks,2 +2024-06-26,nasdaq has pulled back below its weekly upper bollinger band index is up 8 of 9 weeks and is currently in a three weeks tight mu earnings tomorrow could change the picture qqq same story smh same but not a three weeks tight,1 +2024-06-13,smh made new highs qqq made new highs spy made new highs yesterday meantime stocks made new 52 w lows today snow mdb fsly bill dlo u payc tdoc roku zm stocks that made new 52 w highs today nvda mu anet lly nxt se avgo qcom hpe lrcx wdc orcl,1 +2024-06-17,another day of new aths for spx and qqq tech leaders very strong and avgo mu aapl qcom continue to ramp higher technology consumer cyclical and industrials lead utilities real estate and health care lag with rates up gambling computer hardware food auto,5 +2024-06-20,trading idea ✅ futures up sharply for both spy and qqq with nvda as a trailblazer in the markets right now no public idea tonight as i need to see how markets settle if not to my standards to i wont post an idea 🙅‍♂️ tuesdays amzn 👇was🎯,1 +2024-06-11,a rather unusual day for us stocks as all 11 sectors are down on the day yet big cap technology strength is helping xlk rise by positive 0.75 percent as aapl breaks out above its dollars 00 level thats held since last july   qqq has just turned negative charts here,1 +2024-06-28,today’s morning newsletter provided by my daughter if you see in the right screen she has a position open spx esf aapl abnb amd arm meta nvda tsla,5 +2024-06-01,how are the magnificent 7 tech stocks doing so far this year 🟢 nvidia is up positive 121.4 percent nvda 🟢 meta is up positive 31.9 percent meta 🟢 alphabet is up positive 23.4 percent googl 🟢 amazon is up positive 16.1 percent amzn 🟢 microsoft is up positive 10.4 percent msft 🔴 apple is down negative 0.1 percent aapl 🔴 tesla is down negative 28.3 percent tsla spy,1 +2024-06-03,notable inside days amzn msft mrvl dkng wmt pypl lyft snow coin sq jpm ebay ddo pep tgt aa cpng dash panw ttd team notes spy 65 million closed right at the tl it opened above this morning bear gap still open from 529.20 to 529.86,1 +2024-06-27,the qqq set up a quick turn 2 days ago after undercutting and reclaiming the 10 expontential moving average here are the stocks that have gained the most in that span on my wide screen mlgo rgs nne alny rivn djt envx hut fdx cuk smr chwy ccl ions argx whr cvna asts rddt corz zim apld vitl cnk edu,5 +2024-06-11,despite aapl and big cap tech strengths bullish effect on xlk other sectors like financials are getting very hard hit equal weighted fins losing ground more rapidly than xlf as stt bk c pypl aig axp all down more than negative 2.5 percent fins of course very important to spx at,2 +2024-06-17,star on board adsk popped positive 6 percent on activist position starboard gme gives up all june gains nem gains on gold price outlook ai bubble stocks smci pltr positive 4 percent ex market darling tsla leads mag7 aapl expands on slimmer iphone guidance msft looks,1 +2024-06-11,market model it was a red day overall for the broad market with a negative 42 gdb day mcsi continue to tend lower below the 10 displaced moving average nnh are flat and still weak price gapped down but closed strong barely above the 50 displaced moving average outside of tech large and mega caps and a few select,2 +2024-06-10,🚨 xclusive market highlights and weekly prep highlights of us markets u s stock indices displayed mixed results this past week as shifting economic data kept investors on their toes the SP500 500 and nasdaq composite both hit new record intraday highs driven by a surge in,4 +2024-06-19,notable inside days aapl tsla amzn mara pfe riot snap msft hood sbux ko coin jnj snow tmus jd afrm ge rblx onon crwd tgt ddog panw notes spy bull flag breaking 548.54 is more upside aapl wedging to go long need,3 +2024-06-20,market model despite seeing selling in the tech sector the broad market was green all day we were talking about it earlier this week if we see that rotation out of large and mega caps mostly extended tech and into the broad market it will be critical to turn off the,3 +2024-06-30,spy nvda amd meta amzn aapl goog smci tsla msft nflx weekly update free discord server i put a lot of time and effort into these posts please like repost and comment to show your support 🙏,5 +2024-06-23,spy nvda amd meta amzn aapl goog smci tsla msft nflx weekly update free discord server i put a lot of time and effort into these posts please like repost and comment to show your support 🙏,5 +2024-06-10,spy qqq todays key events all est ‣ no major economic releases scheduled 0 aapl wwdc 2024 after close 👇 5 yext 5 skillsoft skil 5 calavo growers cvgw,1 +2024-06-11,spy qqq todays key events all est 0 opec monthly report 0 u s 10 year note auction before close 👇 0 academy sports and outdoors aso after close 👇 5 oracle orcl 0 casey’s general stores casy,1 +2024-06-04,heres a breakdown of the stocks mentioned in the 🫡📈 aapl to apple inc to consider buying on market dips around dollars 92 googl dollars 74 s to alphabet inc to cloud layoffs and worries about the space also watch microsoft msft tsla dollars 74 l tesla inc to like the story,1 +2024-06-13,thanks to big cap stocks the likes of nvda aapl msft googl general indexes spy qqq are in bull market mode while the vast majority of stocks remain in chop mode dont let get to you big opportunities are still ahead of us not behind us 👇🏼👇🏼,3 +2024-06-05,spy qqq aapl apple is at a triple top can it break out this will probably determine the qqq trade it’s why i took my gain and decided to spectate we’ll see,1 +2024-06-27,spy qqq todays key events all est 0 initial jobless claims 0 u s first quarter gdp 2 revision 0 durable goods orders 0 pending home sales 0 7 year note auction 0 fed bank stress test results before open👇 0 acuity brands ayi 0,1 +2024-06-20,spy – breadths are better than the open adds getting positive index score trying to go positive as well but still struggling with neutrality on the cross through the es open would have been better to see this more firmly positive ticks are neutralized but flattening at 0,3 +2024-06-20,markets qqq filled the gap after our night fomo gap spy filled gap little bit now bullish not all semis strong dell smci amd leading arm avgo bearish,2 +2024-06-12,SP500 500 nasdaq soar to fresh records after inflation cools and fed sees improving outlook gspc 5421.03 ixic 17608.44 nvda 125.20 aapl 213.07 msft 441.06 goog 179.56 orcl 140.38,5 +2024-06-22,ultimate third quarter market preview out with nvidia in with target tesla amd amazon disney oil and alts in second quarter i slaughtered nvda aapl fslr coin gme mstr to name some for my next trick just watch and set an alarm for when september ends spy,5 +2024-06-04,7 companies make up over 50 percent of the 100 and a big part of the world economy the worlds top 100 companies account for dollars 1.7 trillion in market capital us companies make up 65 percent of the total market value in,5 +2024-06-20,spx and qqq 06 to 20 checks notes… another gap up the pump continues as nvda keeps pushing into higher highs and this market can’t get enough of the ai craze i am however planning to start a negative delta swing at the close of this quad witch opex tomorrow in,2 +2024-06-28,leading ai power utilities liquid cooling solar retail aerospace infra industrial machinery stocks all got smoked this week saas comeback week thus far money rotated past couple of weeks to this can be seen clearly in the price action spy smh qqq iwm,1 +2024-06-28,stock market weekly recap not a easy week spy qqq new ath friday then yank msft amzn googl new ath stock pickers market nvda tsla meta etc each day and ignore the rest charts sunday enjoy your weekend,1 +2024-06-18,heres a tweet summarizing the top stories top stories aapl pushes higher after market cap milestone more upside for semis futures 🟫 near records ahead of retail sales fed speakers spx comp extending rallies on ai optimism aapl hits dollars t market cap trades up,5 +2024-06-21,top stories semis slide nvda aapl gets bernstein nod futures 🔻 as chip stocks dip markets eye pmi data for economic pulse spx hit 5500 milestone thu but closed lower with comp on megacap pullback 64 percent chance of sept rate cut priced in triple witching today,5 +2024-06-04,nvda has now passed aapl in the SP500 500 index by percent weight top 3 companies that make up roughly 20 percent of the spy are msft aapl nvda SP500 500 saw dollars 6 billion in net inflows this year alone dollars t of money still on the sidelines in money markets money market funds actually increased,1 +2024-06-24,goldman tmt desk feels like price action late last week was a reminder to not lose sight of the rest of the mag 7 as recent price action has created some better set ups into previe with earning season – think googl quietly flat for 1 mo meta flat since early feb and,3 +2024-06-09,although there numerous signs of deterioration in breadth i dont see spy qqq going anywhere with nvda meta msft meta aapl googl acting the way they are acting,3 +2024-06-20,nice start to the day when nvda spy qqq opened up another aths but that quickly fizzled out as market sold off the overnight move on semi names and moved in to xlu and xlv and xle and xlf dia which isnt bad gives the semi names such as nvda dell smci and others a chance to cool,4 +2024-06-29,us winners and losers in h1 2024 chips stocks triumphed again during the first half of 2024 contributing to a significant chunk of the nasdaq 100′s roughly 18 percent year to date gain nvidia is the most significant gainer in the concentrated index up 152 percent while arm holdings has,5 +2024-06-06,us markets positive 0.25 percent positive 1.96 percent SP500500 positive 1.2 percent dow jones gains limited by cisco walt disney johnson and johnson all down 1 to 3 percent big gainers 🚀 nvidia positive 5 percent and hits dollars trillion market cap led tech stocks higher bank of america said nvidia could rally to dollars 500 🚀 hewlett,1 +2024-06-15,in todays dailyrip market cap kings carry new highs qqq spy the largest tech stocks in the world continue to rally pushing the large cap nasdaq 100 and SP500 500 indexes to new heights meanwhile the small cap russell 2000 and price weighted dow jones industrial average,5 +2024-06-13,spx pretty slow day today not much but bag of mixed movements the star really was smci and even though tsla started the morning with a bang gave back some of the gains well have to see how the shareholder event tonight goes but im guessing not much and tsla has a daily,3 +2024-06-11,this is exactly why the the spy and qqq can not crash every magnificent 7 ex tsla sub tsm in which makes up one third of the two indices keeps playing hot potato of who gets to hit aths tomorrow last week it was msft yesterday it was nvda today it is aapl who next,5 +2024-06-17,spy qqq cost a message to bears you need to show up for me to believe we aren’t in pamplona ctas are literally goosing a different mag 7 every day today it’s aapl nflx tsla of course it’s manipulated,1 +2024-06-10,spy qqq the market breaks when the mag 6 break aapl above dollars 00 and the computers will get excited aapl below dollars 90 and the computers will pause it’s all about 🍎,1 +2024-06-12,mega caps are looking really really good aapl had a monster breakout today up 7.3 percent and closed at new all time highs msft also hit a new all time high and is starting to emerge from a multi month base goog is getting really tight multi week bull flag wants higher,5 +2024-06-26,between tsla and amzn some big winners today plus fdx in other accounts for earnings now if we can just get tlt and iwm to get going but thats more of a third quarter idea,3 +2024-06-14,in today’s dailyrip… another day another all time high that makes forty new highs for spy this year a pace that puts it on track to have the most of any year ever big tech continues to pull the market higher with traders wondering when laggards like amzn and nflx will,5 +2024-06-18,what did you expect after such a beautiful unexpected move yesterday to start the week spy qqq just ranged it today which is great news after a big move you want consolidation and some basing big news nvda is now the largest company in the world by market cap displacing,5 +2024-06-10,we talked about the aapl chart of the weekend having run up in to the wwdc event unfortunately the event did not have ai sexiness the market is looking for but a few cool new gadgets bells and whistles was about all they can muster up aapl is holding the break out level,3 +2024-06-11,quiet day mostly qqq new ath spy very close aapl monster ath huge candle msft meta also very strong fomc tomorrow 2 pm its taco tuesday i like tacos maybe margarita tuesday hagn,4 +2024-06-28,spy qqq nke nike earnings sucked druckenmiller said he’s taking a lot of chips off of the table i feel the same way a cta algo softbank manipulated market just isn’t interesting enjoy,1 +2024-06-05,markets new ath spy qqq smh strong move all day nvda to the moon mu arm meta huge moves catch it coin breaking out dukes gf stopped by to cheer him up misses his frenemy,1 +2024-06-12,spy qqq tech bulls have the ball the narrow fairway may or may not be a problem aapl price action was a surprise there are many fundamental warning signs but no technical damage,4 +2024-06-13,nasdaq is up 2 percent because of apple nvidia microsoft accenture was down 3 percent dow jones index only 4 stocks were positive and 26 stocks down be careful,2 +2024-06-13,spy – some up some down markets shouldnt be too shocked this go around with ppi on the heels of what cpi did yesterday more interested in the tsla and nvda gap up and possibility for aapl to cool off lets begin,2 +2024-06-27,what happened overnight spx positive 0.16 percent nasdaq positive 0.48 percent tech stocks saw an impressive rally amazon led gains on ai optimism ust 10 year yield positive 7 bps to 4.32 percent dollar index positive 0.42 percent to 106 oil little changed settled at dollars 4.99 us new home sales plunged 11 percent mom but,1 +2024-06-17,spy qqq a algo pro trader has taught me each of the mag 6 has to reach a target before qqq can correct the emperor that has no clothes at this level is aapl watch aapl for a reversal or not,1 +2024-06-12,u s cpi mom may actual 0.0 percent vs 0.3 percent previous est 0.1 percent u s core cpi mom may actual 0.2 percent vs 0.3 percent previous est 0.3 percent spy qqq aapl amzn tsla,1 +2024-06-11,bearish divergence all over the place into cpi and fomc pre stock split and nvda held the market up and now aapl mentioned ai to reach new highs is it going to burst soon,1 +2024-06-24,top stories antitrust issues for aapl btc reaches one month lows futures 🟫 as june winds down markets eye pce data presidential debate spx logs 3 straight weekly gain dji best in 6 weeks 60.4 percent chance of sept rate cut priced in despite feds dec projection,1 +2024-06-17,qqq spy continue to power higher qqqs closed at their highest rsi all year 81 notable in todays rally were solar names ugly nvda closing red on the day and software crm adbe mdb all lower tomorrow we have retail sales,1 +2024-06-21,market bounces once again as nvda bounces and money goes into other big cap techs like aapl msft goog etc im still cautious into next week,2 +2024-06-27,hmmm interesting morning spy up qqq up btc up dia dn smh dn retail mixed news gdp up claims flat nothing really pulling hard one way or the others have to see what the chip stocks do at the open,3 +2024-06-18,it is crazy how for quite a few trading days in a row now aapl and nvda have been driving the market especially nasdaq day in and day out and it is no different today,2 +2024-06-13,spy SP500 500 top 3 holdings microsoft msft 7.2 percent apple aapl 6.8 percent nvidia nvda 6.8 percent equals 20.8 percent was 88 billion ps 0.88 percent in 2020 then 105 billion ps 1.05 percent in 2022,5 +2024-06-26,off screens early tonight mu after the close and bank stress tests market about names today amzn ath tsla aapl nice move maybe stress tests break the range hagn,1 +2024-06-12,aapl new ath today nvda new ath on msft new ath on googl new ath on amzn new ath on nflx only down 7 percent from ath and then theres tsla down 59 percent from ath,1 +2024-06-17,markets new ath spy qqq smh msft aapl tsla smci dell huge days googl amzn meta nflx looking good see what tomorrow bring remember market closed wed,1 +2024-06-13,very quiet day again digestion smh nvda avgo mu etc continue to carry markets msft aapl held in well tsla good trade early but didnt hold well shareholder meeting tonight hagn,3 +2024-06-08,opp cost is real while u have been sitting in that promised bagger stock waiting for it to rocket it out of its base for months or years even the spy and qqq indexes up about 14 percent ytd lets not talk about 1 year on these nvda 220.5 percent meta 89 percent nflx 60 percent amzn 50 percent goog 43.5 percent,1 +2024-06-10,overall very quiet day smh new ath mu arm leading googl amzn msft meta good days aapl well outsourcing your ai is not a needle mover fomc wed may be very quiet til then hagn,4 +2024-06-28,theres no debate about it the markets did not like nkes report chasing around djt after last night will seem like a sport both amazon and tesla are on the hunt for the dollars 00 level markets up for now but awaiting pce before we can revel amzn to continues breakout after,1 +2024-06-30,lets track these a big tech monthly charts tsla aapl msft nvda meta amzn googl lets track these magnificant seven stock together drop a comment to be notified and bookmark to follow along ❤️🐶,5 diff --git a/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/utils.py b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/utils.py new file mode 100644 index 0000000..f3a0faf --- /dev/null +++ b/article-harnessing_transformers_and_LSTM_for_financial_market_trend_prediction/utils.py @@ -0,0 +1,298 @@ +import os +import pandas as pd +import numpy as np +import matplotlib.pyplot as plt + +def Preprocess_Tweets(data): + + data['Tweet_Cleaned'] = data['Tweet'].str.lower() + + ## FIX HYPERLINKS + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'https?:\/\/.*[\r\n]*', ' ',regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'www.*[\r\n]*', ' ',regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('https', '', regex=False) + + + ## FIX INDIVIDUAL SYMBOLS + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(': ', ' ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(', ', ' ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('. ', ' ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('[;\n~]', ' ', regex=True) + + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace("[]'…*™|]", '', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('[[()!?"]', '', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('_', '', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('w/', ' with ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('f/', ' for ', regex=False) + + + ## FIX EMOJIS + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(':)', '', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(':-)', '', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(':(', '', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(':-(', '', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('0_o', '', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(';)', '', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('=^.^=', '', regex=False) + + + ## FIX % SYMBOL + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('%', ' percent ', regex=False) + + + ## FIX & SYMBOL + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' & ', ' and ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('&', ' and ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('>', ' greater than ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('cup&handle', 'cup and handle', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('c&h', 'cup and handle', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('head&shoulders', 'head and shoulders', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('h&s', 'head and shoulders', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('point&figure', 'point and figure', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('p&f', 'point and figure', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('s&p', 'SP500', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('q&a', 'question and answer', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('&', ' and ', regex=False) + + + ## FIX USER TAGS AND HASTAGS + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('@[a-z0-9]+', '', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('#[a-z0-9]+', '', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('@', '', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('#', '', regex=False) + + + ## FIX EMBEDDED COMMAS AND PERIODS + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([a-z]),([a-z])', r'\1 \2', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9]),([0-9])', r'\1\2', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])[+]+', r'\1 ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(',', '', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('u.s.', ' us ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('\.{2,}', ' ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([a-z])\.([a-z])', r'\1 \2', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('pdating', 'updating', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([a-z])\.', r'\1 ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'\.([a-z])', r' \1', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' . ', ' ', regex=False) + + + ## FIX + SYMBOL + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'[+]([0-9])', r'positive \1', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('c+h', 'cup and handle', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('h+s', 'head and shoulders', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('cup+handle', 'cup and handle', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' + ', ' and ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('+ ', ' ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([a-z])[+]([a-z])', r'\1 and \2', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('+', '', regex=False) + + + + + ## FIX - SYMBOL + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([a-z])[-]+([a-z])', r'\1 \2', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([a-z]) - ([a-z])', r'\1 to \2', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9]) -([0-9\.])', r'\1 to \2', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r' [-]([0-9])', r' negative \1', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])-([0-9\.])', r'\1 to \2', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9]) - ([0-9\.])', r'\1 to \2', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9a-z])-([0-9a-z])', r'\1 \2', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('[-]+[>]', ' ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' [-]+ ', ' ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('-', ' ', regex=False) + + + + ## FIX $ SYMBOL + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('[$][0-9\.]', ' dollars ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('$', '', regex=False) + + + ## FIX = SYMBOL + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('=', ' equals ', regex=False) + + + ## FIX / SYMBOL + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('b/c', ' because ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('b/out', ' break out ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('b/o', ' break out ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('p/e', ' pe ratio ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' [/]+ ', ' ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' 1/2 ', ' .5 ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' 1/4 ', ' .25 ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' 3/4 ', ' .75 ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' 1/3 ', ' .3 ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' 2/3 ', ' .6 ', regex=False) + + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('[/]{2,}', ' ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([a-z])/([a-z])', r'\1 and \2', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('[0-9]+/[0-9]+/[0-9]+', '', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9]{3,})/([0-9\.]{2,})', r'\1 to \2', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9]{2,})/([0-9\.]{3,})', r'\1 to \2', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('[a-z0-9]+/[a-z0-9]+', ' ', regex=True) + + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('/', '', regex=False) + + + ## FIX < > SYMBOLS + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('[<]+ ', ' ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('<', ' less than ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' [>]+', ' ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('>', ' greater than ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('\u2066', ' ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('\u2069', ' ', regex=False) + + + ## FIX : SYMBOL + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('[0-9]+:[0-9]+am', ' ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('[0-9]+:[0-9]', ' ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(':', ' ', regex=False) + + + ## FIX UNITS + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('user ', ' ', regex=False) + + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9]+)dma', r'\1 displaced moving average ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'dma([0-9]+)', r'\1 displaced moving average ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9]+)sma', r'\1 simple moving average ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'sma([0-9]+)', r'\1 simple moving average ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9]+)ema', r'\1 expontential moving average ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'ema([0-9]+)', r'\1 expontential moving average ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9]+)ma', r'\1 moving average ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'ma([0-9]+)', r'\1 moving average ', regex=True) + + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])mos', r'\1 months ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])minute', r'\1 minute ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])minutes', r'\1 minutes ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])min', r'\1 minute ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])mins', r'\1 minutes ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])day', r'\1 day ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])days', r'\1 days ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])wk', r'\1 week ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' wk ', ' week ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' wknd ', ' weekend ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])wks', r'\1 weeks ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])hours', r'\1 hours ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])hour', r'\1 hour ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])yr', r'\1 year ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])yrs', r'\1 years ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' yr', ' year ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])am', r'\1 am ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])pm', r'\1 pm ', regex=True) + + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])est', r'\1 ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])ish', r'\1 ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9 ])pts', r'\1 points ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])x', r'\1 times ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])th', r'\1 ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])rd', r'\1 ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])st', r'\1 ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])nd', r'\1 ', regex=True) + + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('mrkt', 'market', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' vol ', ' volume ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' ptrend', ' positive trend ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' ppl', ' people ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' pts', ' points ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' pt', ' point ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' l(ol){1,}', ' laugh ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('imho', ' in my opinion ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace('prev ', 'previous ', regex=True) + + + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' 1q', ' first quarter ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' 2q', ' second quarter ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' 3q', ' third quarter ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' 4q', ' fourth quarter ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' q1', ' first quarter ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' q2', ' second quarter ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' q3', ' third quarter ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' q4', ' fourth quarter ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' 10q ', ' form 10 ', regex=False) + + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])million', r'\1 million ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])mil', r'\1 million ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' mil ', ' million ', regex=False) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])billion', r'\1 billion ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])cents', r'\1 cents ', regex=True) + + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])3d', r'\1 3 dimensional ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])gb', r'\1 3 gigabytes ', regex=True) + + + + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])c', r'\1 calls ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])y', r'\1 year ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])p', r'\1 puts ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])d', r'\1 days ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])h', r'\1 hour ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])s', r'\1 ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])k1', r'\1 thousand ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])k', r'\1 thousand ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])m', r'\1 million ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])b', r'\1 billion ', regex=True) + + + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].replace(r'([0-9])([a-z])', r'\1 \2', regex=True) + + ## FIX EXTRA SPACES AND ENDING PUNCTUATION + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.replace(' +', ' ', regex=True) + data['Tweet_Cleaned'] = data['Tweet_Cleaned'].str.strip(' .!?,)(:-') + + + return data + +def plot_stock_data(figsize, data, column_name, x_label): + plt.figure() + data.plot(figsize=figsize) + plt.xlabel(x_label) + plt.ylabel(column_name) + plt.title(f'{column_name} of Google Stock') + +def prepare_stock_data(stock_df): + # Check if Date is in the index + if 'Date' not in stock_df.columns and stock_df.index.name == 'Date': + stock_df = stock_df.reset_index() + elif 'Date' not in stock_df.columns and stock_df.index.name != 'Date': + stock_df = stock_df.reset_index() + stock_df = stock_df.rename(columns={'index': 'Date'}) + + # Ensure Date is datetime + stock_df['Date'] = pd.to_datetime(stock_df['Date']) + return stock_df + +def fill_sentiment_gaps(df): + # Sort by date to ensure correct order + df = df.sort_values('Date') + + # Create a mask for null values + null_mask = df['SentimentIndicator'].isnull() + + # Find the indices of non-null values + valid_indices = np.where(~null_mask)[0] + + # For each null value, find the nearest non-null values and take their mean + for i in range(len(df)): + if null_mask[i]: + # Find nearest valid indices before and after the current index + before = valid_indices[valid_indices < i] + after = valid_indices[valid_indices > i] + + if len(before) > 0 and len(after) > 0: + nearest_before = before[-1] + nearest_after = after[0] + mean_value = (df.iloc[nearest_before]['SentimentIndicator'] + + df.iloc[nearest_after]['SentimentIndicator']) / 2 + elif len(before) > 0: + mean_value = df.iloc[before[-1]]['SentimentIndicator'] + elif len(after) > 0: + mean_value = df.iloc[after[0]]['SentimentIndicator'] + else: + mean_value = np.nan + + df.iloc[i, df.columns.get_loc('SentimentIndicator')] = round(mean_value) + + # Convert to Int64 to handle both integers and NaN + df['SentimentIndicator'] = df['SentimentIndicator'].astype('int64') + + return df \ No newline at end of file