Hands on Projects with Machine Learning and Artificial Intelligence
Python, Numpy, Pandas, Seaborn, MatPlotLib & ML, Exploratory Data Analysis (EDA) Univariate and Multivariate Analysis
Problem Statement¶
Business Context¶
The prices of the stocks of companies listed under a global exchange are influenced by a variety of factors, with the company's financial performance, innovations and collaborations, and market sentiment being factors that play a significant role. News and media reports can rapidly affect investor perceptions and, consequently, stock prices in the highly competitive financial industry. With the sheer volume of news and opinions from a wide variety of sources, investors and financial analysts often struggle to stay updated and accurately interpret its impact on the market. As a result, investment firms need sophisticated tools to analyze market sentiment and integrate this information into their investment strategies.
Problem Definition¶
With an ever-rising number of news articles and opinions, an investment startup aims to leverage artificial intelligence to address the challenge of interpreting stock-related news and its impact on stock prices. They have collected historical daily news for a specific company listed under NASDAQ, along with data on its daily stock price and trade volumes.
As a member of the Data Science and AI team in the startup, you have been tasked with analyzing the data, developing an AI-driven sentiment analysis system that will automatically process and analyze news articles - **to gauge market sentiment, and summarizing the news at a weekly level**, to enhance the accuracy of their stock price predictions and optimize investment strategies. This will empower their financial analysts with actionable insights, leading to more informed investment decisions and improved client outcomes.
Data Dictionary¶
Date
: The date the news was releasedNews
: The content of news articles that could potentially affect the company's stock priceOpen
: The stock price (in $) at the beginning of the dayHigh
: The highest stock price (in $) reached during the dayLow
: The lowest stock price (in $) reached during the dayClose
: The adjusted stock price (in $) at the end of the dayVolume
: The number of shares traded during the dayLabel
: The sentiment polarity of the news content- 1: positive
- 0: neutral
- -1: negative
Note: If the free-tier GPU of Google Colab is not accessible (due to unavailability or exhaustion of daily limit or other reasons), the following steps can be taken:¶
Wait for 12-24 hours until the GPU is accessible again or the daily usage limits are reset.
Switch to a different Google account and resume working on the project from there.
Try using the CPU runtime:
- To use the CPU runtime, click on Runtime => Change runtime type => CPU => Save
- One can also click on the Continue without GPU option to switch to a CPU runtime (kindly refer to the snapshot below)
- The instructions for running the code on the CPU are provided in the respective sections of the notebook.
I've exhausted the 100 Compute units on my paid plan...
Installing and Importing the necessary libraries¶
%%time
# installing the sentence-transformers and gensim libraries for word embeddings
!pip install -U sentence-transformers gensim transformers tqdm -q
CPU times: user 21 ms, sys: 2.64 ms, total: 23.6 ms Wall time: 2.71 s
%%time
# To manipulate and analyze data
import pandas as pd
import numpy as np
# To visualize data
import matplotlib.pyplot as plt
import seaborn as sns
# To used time-related functions
import time
# To parse JSON data
import json
# To build, tune, and evaluate ML models
# from sklearn.ensemble import DecisionTreeClassifier # Incorrecct import
from sklearn.ensemble import GradientBoostingClassifier
from sklearn.ensemble import RandomForestClassifier
from sklearn.tree import DecisionTreeClassifier # Update import replacing commented sklearn.ensemble import
from sklearn.model_selection import GridSearchCV
from sklearn.metrics import confusion_matrix, accuracy_score, f1_score, precision_score, recall_score
# To load/create word embeddings
from gensim.models import Word2Vec
from gensim.models import KeyedVectors
from gensim.scripts.glove2word2vec import glove2word2vec
# To work with transformer models
import torch
from sentence_transformers import SentenceTransformer
# To implement progress bar related functionalities
from tqdm import tqdm
tqdm.pandas()
# To ignore unnecessary warnings
import warnings
warnings.filterwarnings('ignore')
CPU times: user 22.1 s, sys: 2.47 s, total: 24.6 s Wall time: 46.6 s
# Check library versions
print("pandas: ", pd.__version__)
print("numpy: ", np.__version__)
print("seaborn: ", sns.__version__)
print("torch: ", torch.__version__)
pandas: 2.2.2 numpy: 1.26.4 seaborn: 0.13.2 torch: 2.5.1+cu121
Loading the dataset¶
from google.colab import drive # Mount drive
drive.mount('/content/drive') # Dataset is in Google Drive
Mounted at /content/drive
stock_news = pd.read_csv("/content/stock_news.csv") # Read the CSV file.
stock = stock_news.copy() #Create a copy of the dataset
Data Overview¶
Display a few random rows of the dataset¶
stock.sample(n=10, random_state=42) # Randomly select 10 rows and set a random seed for reproducibility (i.e., to always get the same random rows each time you run the code).
Date | News | Open | High | Low | Close | Volume | Label | |
---|---|---|---|---|---|---|---|---|
157 | 2019-01-30 | Google and Facebook disenabled their research... | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 |
341 | 2019-04-30 | In early trading, U.S. stock futures were fla... | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | 0 |
315 | 2019-04-17 | Facebook, aiming to compete with Alexa, Siri,... | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | -1 |
234 | 2019-03-14 | The European Union's Competition Commissioner... | 45.974998 | 46.025002 | 45.639999 | 44.596924 | 94318000 | -1 |
155 | 2019-01-30 | Alibaba, the Chinese e-commerce giant and sec... | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 |
274 | 2019-03-26 | Tesla's stock rose by 8.15% in premarket trad... | 47.915001 | 48.220001 | 46.145000 | 45.339684 | 199202000 | 1 |
304 | 2019-04-12 | In this article, a Chinese-Taiwanese group le... | 65.267502 | 65.827499 | 65.169998 | 64.211540 | 67181600 | -1 |
227 | 2019-03-06 | Fitbit introduced its most affordable smartwa... | 43.900002 | 44.480000 | 42.567501 | 42.227238 | 161584400 | 0 |
278 | 2019-03-27 | Lyft raised the price range for its IPO due t... | 47.187500 | 47.439999 | 46.637501 | 45.747482 | 119393600 | 1 |
185 | 2019-02-12 | Akamai Technologies reported stronger than pr... | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | 1 |
Shape of the dataset¶
stock.shape # Check the shape of the data
(349, 8)
Data types of the columns¶
stock.dtypes # Check the data types
0 | |
---|---|
Date | object |
News | object |
Open | float64 |
High | float64 |
Low | float64 |
Close | float64 |
Volume | int64 |
Label | int64 |
Convert the 'Date' column in the 'stock' DataFrame to datetime format¶
stock['Date'] = pd.to_datetime(stock['Date']) # Convert the 'Date' column in the 'stock' DataFrame to datetime format.
Check after conversion
stock.dtypes # Notice 'Date' column converted from object to datetime format.
0 | |
---|---|
Date | datetime64[ns] |
News | object |
Open | float64 |
High | float64 |
Low | float64 |
Close | float64 |
Volume | int64 |
Label | int64 |
Review the statistical summary¶
pd.set_option('display.float_format', '{:.2f}'.format) # Set display options to show 2 decimal places
stock.describe() # Check the statistical summary
Date | Open | High | Low | Close | Volume | Label | |
---|---|---|---|---|---|---|---|
count | 349 | 349.00 | 349.00 | 349.00 | 349.00 | 349.00 | 349.00 |
mean | 2019-02-16 16:05:30.085959936 | 46.23 | 46.70 | 45.75 | 44.93 | 128948236.10 | -0.05 |
min | 2019-01-02 00:00:00 | 37.57 | 37.82 | 37.30 | 36.25 | 45448000.00 | -1.00 |
25% | 2019-01-14 00:00:00 | 41.74 | 42.24 | 41.48 | 40.25 | 103272000.00 | -1.00 |
50% | 2019-02-05 00:00:00 | 45.97 | 46.03 | 45.64 | 44.60 | 115627200.00 | 0.00 |
75% | 2019-03-22 00:00:00 | 50.71 | 50.85 | 49.78 | 49.11 | 151125200.00 | 0.00 |
max | 2019-04-30 00:00:00 | 66.82 | 67.06 | 65.86 | 64.81 | 244439200.00 | 1.00 |
std | NaN | 6.44 | 6.51 | 6.39 | 6.40 | 43170314.92 | 0.72 |
Observations:
For the 349 days in this range, these were the transactional highlights.
- Stock Volume Max: 244,439,200
- Highest Stock Price: 67.06
- Lowest Stock Price: 36.25
Checking for duplicate values¶
stock.duplicated().sum() #Complete the code to check the duplicate values
0
Observations:
For the 349 days in this range,
- No duplicates detected
Checking for missing values¶
stock.isnull().sum() # Complete the code to check for missing values in the data
0 | |
---|---|
Date | 0 |
News | 0 |
Open | 0 |
High | 0 |
Low | 0 |
Close | 0 |
Volume | 0 |
Label | 0 |
Observations:
For the 349 days in this range,
- No missing values detected
Exploratory Data Analysis¶
Univariate Analysis¶
Observations on Label¶
sns.set_palette("Purples") # Set color to violet for the bars.
plt.figure(figsize=(2, 4)) # Adjust width and height.
ax = sns.countplot(data=stock, x="Label", stat="percent") # Create the count plot
# Add percentage values at the top of each bar
total = len(stock) # Total number of items in the dataset
for p in ax.patches:
height = p.get_height()
ax.annotate(f'{height:.2f}%', # Display percentage with 2 decimals
(p.get_x() + p.get_width() / 2., height), # Position at the top of the bar
ha='center', va='center', # Alignment
fontsize=8, color='blue', fontweight='bold', # Styling
xytext=(0, 5), textcoords='offset points') # Adjust text position
plt.show() # Show the plot
Observations:
For the 349 days in this range, for the reported News,
- 48.71% were considered Neutral.
- 22.92% were considered Positive.
- 28.37% were considered Negative.
- There was about similar percentages of Positive and Negative with the balance being Neutral.
Density Plot of Price (Open, High, Low, Close)¶
# Density Plot of Price (Open,High,Low,Close)
for i in ["Open","High","Low","Close"]:
sns.kdeplot(stock[i], label=i, shade=True)
plt.xlabel("Price")
plt.ylabel("Density")
plt.title("Density Plot of Stock Prices")
plt.legend()
plt.show()
Observations:
For the 349 days in this range,
- Stock Price mostly landed in the 40-50 range.
sns.displot(data=stock[['Open','High','Low','Close']], kind="kde", palette="tab10"); # Plot a density plot of ["Open","High","Low","Close"] all in a single plot
Same as above but presented in colors to view more clerly.
Observations on Volume¶
#Plot a histogram of Volume
plt.figure(figsize=(8, 2))
sns.histplot(stock['Volume'], bins=40, kde=True)
plt.xlabel('Volume')
plt.ylabel('Frequency')
plt.title('Distribution of Volume')
plt.show()
Observations:
For the 349 days in this range,
- The distribution of the Transactional Volume mostly spdread between 9x1e8 to 1.3x1e8 or,
- Most Transactional Volume values fell between 900 million and 1.3 billion.
Observations on News length¶
stock['news_len'] = stock['News'].apply(lambda x: len(x.split(' '))) # Calculating the total number of words present in the news content column.
stock['news_len'].describe() # Print the statistical summary for the news content length after splitting into words.
news_len | |
---|---|
count | 349.00 |
mean | 49.31 |
std | 5.73 |
min | 19.00 |
25% | 46.00 |
50% | 50.00 |
75% | 53.00 |
max | 61.00 |
Observations:
- There are 350 rows of News.
- This calculation is most critical on several fronts:
- Model optimization arguments like tokens and Context window.
- n_ctx model parameter determines how much text (in tokens) the model can process or “remember” in a single pass.
Bivariate Analysis¶
Correlation analysis¶
stock.dtypes # Observe which columns have numerical data
0 | |
---|---|
Date | datetime64[ns] |
News | object |
Open | float64 |
High | float64 |
Low | float64 |
Close | float64 |
Volume | int64 |
Label | int64 |
Observations:
- News (Object) and Date (datetime64) will be skipped as non-numeric columns.
numeric_columns = stock.select_dtypes(include=['number']) # Filter only numeric columns
# Plot the heatmap for numeric columns only
sns.heatmap(
numeric_columns.corr(), annot=True, vmin=-1, vmax=1, fmt=".2f", cmap="Spectral"
)
plt.show()
Observations:
- Volume had the strongest correlation when the Stock Price was Low.
- Sentiment was strongest (Neg, Pos or Neutral) when the Stock Price was High or at Opening.
- News had about the same correlation on the Stock Price regardless of Price.
- Stock Price at Close, Low, High and Open are directly correlated.
Label vs Price (Open, High, Low, Close)¶
plt.figure(figsize=(8, 4))
for i, variable in enumerate(['Open', 'High', 'Low', 'Close']):
plt.subplot(2, 2, i + 1)
sns.boxplot(data=stock, x="Label", y=variable) # Label = Sentiment (1) - Positive, (0) - Neutral, (-1) - Negative
plt.tight_layout(pad=2)
plt.show()
Observations:
- Sentiment was mostly Neutral averaging about 50% of the time on Stock Price between 42-48.
- Sentiment was about equally Negative and Positive, but more Negative when the price ranged in the low 40s.
Label vs Volume¶
sns.boxplot(
data=stock, x="Label", y="Volume" # # Label = Sentiment (1) - Positive, (0) - Neutral, (-1) - Negative
);
Observations:
- Negative and Positive Sentiment was evenly distributed mostly when the volume of transactions were below the 1.2 billion range.
- However the distribution of Negative, Positive to Neutral with that range of transactions was 2 : 1. There were twice as many neutral for either Negative or Positive sentiments.
Date vs Price (Open, High, Low, Close) View on Random rows¶
stock_daily = stock.groupby('Date').agg(
{
'Open': 'mean',
'High': 'mean',
'Low': 'mean',
'Close': 'mean',
'Volume': 'mean',
}
).reset_index() # Group the 'stocks' DataFrame by the 'Date' column
stock_daily.set_index('Date', inplace=True) # Index
stock_daily.sample(n=10, random_state=42) # Random selection of rows. But the same ones used whenever randon is chosen.
Open | High | Low | Close | Volume | |
---|---|---|---|---|---|
Date | |||||
2019-02-05 | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200.0 |
2019-01-02 | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400.0 |
2019-03-25 | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200.0 |
2019-01-08 | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600.0 |
2019-04-03 | 43.922501 | 44.437500 | 43.492500 | 42.684212 | 109744800.0 |
2019-01-30 | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200.0 |
2019-01-17 | 38.549999 | 39.415001 | 38.314999 | 37.670460 | 119284800.0 |
2019-02-25 | 43.540001 | 43.967499 | 43.487499 | 42.290981 | 87493600.0 |
2019-03-20 | 46.557499 | 47.372501 | 46.182499 | 45.672226 | 124140800.0 |
2019-01-22 | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000.0 |
Observations:
- Random sample shows the date's corresponding Stock Price: Volume, Open, Close, Low and High.
plt.figure(figsize=(12,3))
sns.lineplot(stock_daily.drop("Volume", axis=1)); # Lineplot of variables except Volume
Observations:
- There's a cyclic pattern with the increase of the stoc as well as its drop.
- The first 1/2 of the month, each month, the stock surges. (Two weeks.)
- The stock's valuation drops suddenly in the middle of the month.
- For the second 1/2 of the month the stock valuation remains mostly low. (two weeks)
- The pattern repeats for the 4 and 1/2 months or full duration of the data collected.
Volume vs Close Price¶
fig, ax1 = plt.subplots(figsize=(15,5)) # Create a figure and axis
sns.lineplot(data=stock_daily.reset_index(), x='Date', y='Close', ax=ax1, color='blue', marker='o', label='Close Price') # Lineplot on primary y-axis
ax2 = ax1.twinx() # Create a secondary y-axis
sns.lineplot(data=stock_daily.reset_index(), x='Date', y='Volume', ax=ax2, color='gray', marker='o', label='Volume') # Lineplot on secondary y-axis
ax1.legend(bbox_to_anchor=(1,1)); # Legend set to the Volume data
Observations:
- Similar highlights as above correlating the Volume and Stock Close Price cyclic patterns.
- This chart provides more resolution with the Volume.
- Same pattern, two weeks of a gradual Stock Price gradual price increase followed by a sharp drop in the middle of the month and a steady increase but on the lower range for the 2nd half of the month.
Data Preprocessing - - - - -¶
pd.set_option('display.float_format', '{:.2f}'.format) # Set display options to show 2 decimal places
stock.describe() # Check the statistical summary
Date | Open | High | Low | Close | Volume | Label | |
---|---|---|---|---|---|---|---|
count | 349 | 349.00 | 349.00 | 349.00 | 349.00 | 349.00 | 349.00 |
mean | 2019-02-16 16:05:30.085959936 | 46.23 | 46.70 | 45.75 | 44.93 | 128948236.10 | -0.05 |
min | 2019-01-02 00:00:00 | 37.57 | 37.82 | 37.30 | 36.25 | 45448000.00 | -1.00 |
25% | 2019-01-14 00:00:00 | 41.74 | 42.24 | 41.48 | 40.25 | 103272000.00 | -1.00 |
50% | 2019-02-05 00:00:00 | 45.97 | 46.03 | 45.64 | 44.60 | 115627200.00 | 0.00 |
75% | 2019-03-22 00:00:00 | 50.71 | 50.85 | 49.78 | 49.11 | 151125200.00 | 0.00 |
max | 2019-04-30 00:00:00 | 66.82 | 67.06 | 65.86 | 64.81 | 244439200.00 | 1.00 |
std | NaN | 6.44 | 6.51 | 6.39 | 6.40 | 43170314.92 | 0.72 |
Observations:
- Ignore the date stats, as they will not be meaningful.
- STD is about 6.5 dollars for all the Stock Price baselines.
Handling NaN data on Date column¶
stock["Date"].fillna("Unknown", inplace=True) # Replace NaN with a Default Value (e.g., “Unknown” or a placeholder)
stock["Date"].describe()
Date | |
---|---|
count | 349 |
mean | 2019-02-16 16:05:30.085959936 |
min | 2019-01-02 00:00:00 |
25% | 2019-01-14 00:00:00 |
50% | 2019-02-05 00:00:00 |
75% | 2019-03-22 00:00:00 |
max | 2019-04-30 00:00:00 |
Observations: Date is the only column data that requires special handling/processing as all other is numerical.
Train | Test | Validation Split¶
X_train = stock[(stock['Date'] < '2019-04-01')].reset_index() # Select all rows where the 'Date' is before '2019-04-01'
X_val = stock[(stock['Date'] >= '2019-04-01') & (stock['Date'] < '2019-04-16')].reset_index() # Select all rows where the 'Date' is from '2019-04-01 to '2019-04-16' (excluded)
X_test = stock[stock['Date'] >= '2019-04-16'].reset_index() # Select all rows where the 'Date' is from '2019-04-16' till the end.
# 'Label' column is the target variable (lower cse variables)
y_train = X_train["Label"].copy()
y_val = X_val["Label"].copy()
y_test = X_test["Label"].copy()
# Print the shape of X_train,X_val,X_test,y_train,y_val and y_test
print("\nTrain data shape",X_train.shape)
print("Validation data shape",X_val.shape)
print("Test data shape ",X_test.shape)
line= '_' * 25
print(line)
print("\nTrain Label shape",y_train.shape)
print("Validation Label shape",y_val.shape)
print("Test Label shape ",y_test.shape)
Train data shape (286, 9) Validation data shape (21, 9) Test data shape (42, 9) _________________________ Train Label shape (286,) Validation Label shape (21,) Test Label shape (42,)
Word Embeddings - - - - -. Yay! Let the fun part commence¶
Model 1 - Word2Vec Diagram¶
Model 1 - Word2Vec Model Setup¶
words_list = [item.split(" ") for item in stock['News'].values] # Creating a list of all words in our data
# Creating an instance of Word2Vec
vec_size = 300 # Determines the number of features used to represent each word in the vector space. A higher vec_size can increase computational complexity as it captures more nuances.
model_W2V = Word2Vec(words_list, vector_size = vec_size, min_count = 1, window=5, workers = 6) # Model will learn these embeddings by analyzing word co-occurrences within a context window of 5 words.
Word2Vec Parameters for our Model</h2>
Parameter | Description | Value | Comment |
---|---|---|---|
`vec_size` | Dimensionality of word vectors | 300 | It determines the number of features used to represent each word in the vector space. |
`model_W2V` | Word2Vec model instance | - | The Word2Vec model learns these representations by analyzing the co-occurrence patterns of words in the input text. |
`words_list` | Input data (list of sentences or words) | - | This argument represents the input data for the model. The model will learn word embeddings based on the words and their contexts within these sentences. |
`vector_size` | Dimensionality of word vectors | 300 | In this case, it is set to 300, meaning that **each word** will be represented by a vector with 300 dimensions. |
`min_count` | Minimum word frequency to be included | 1 | Specifies the minimum number of times a word must appear in the training data to be included in the model's vocabulary. |
`window` | Context window size | 5 | Context window around a target word. The model considers words within a window before and after the target word **to learn its vector representation**. |
`workers` | Number of worker threads | 6 | Using multiple workers can significantly speed up the training process, especially for large datasets. |
</body> </html>
print("Length of the vocabulary is", len(list(model_W2V.wv.key_to_index))) # Size of the vocabulary or number of unique words that the Word2Vec model has learned representations for.
Length of the vocabulary is 4682
The Number of Unique Words or Vocabulary above (4692) can be usef for the following purposes:
Evaluating model coverage: Determine how well the model covers the vocabulary of a specific dataset.
Resource allocation: Estimate the memory requirements for storing and using the word embeddings.
Model comparison: Compare the vocabulary sizes of different Word2Vec models trained on different datasets.
Let's check out a few word embeddings obtained using the model.
word = "stock" # Selected word used frequently.
model_W2V.wv[word] # Observe the word embedding of a selected word
array([-4.19601053e-03, 3.78526896e-02, 8.21894407e-03, 1.16648301e-02, 1.25771412e-03, -5.74814267e-02, 2.89080292e-02, 8.79899710e-02, 3.79001605e-03, -2.21128259e-02, 6.06034091e-03, -2.09432617e-02, -4.73199738e-03, 1.50754089e-02, -2.56939512e-02, -2.71770842e-02, 2.32006367e-02, -4.16877959e-03, 6.60845311e-03, -2.49691680e-02, -2.29730904e-02, 7.96799362e-03, 2.95192264e-02, 1.50224334e-02, 2.44271513e-02, 5.86084672e-04, -3.57161835e-02, 8.61013308e-03, -2.86978502e-02, -4.14595380e-02, 1.01249758e-02, -2.73376964e-02, 4.81545972e-03, -8.84498283e-03, -1.60114560e-03, 2.33421847e-02, 1.25492699e-02, -3.44886966e-02, -2.66792951e-03, -1.24537256e-02, -2.01210361e-02, 3.77422688e-03, 4.32393790e-06, -2.07194965e-02, 2.00429410e-02, 3.82277556e-02, 8.80036131e-03, 1.77631751e-02, 1.81522031e-04, 2.35824287e-02, 1.18666738e-02, -9.40604787e-03, -2.08203252e-02, 1.40122566e-02, -6.76878775e-03, 2.67123114e-02, 1.85085256e-02, 1.49395806e-03, 7.54035497e-03, 2.43490166e-03, -1.28727891e-02, -9.79898777e-03, 7.43248165e-05, 1.14603322e-02, -1.18688249e-03, 1.65872611e-02, 6.96063275e-03, 1.16221979e-02, -2.74768360e-02, -9.60517954e-03, -1.21668912e-03, 2.26806812e-02, 3.61826643e-02, -2.04484165e-02, 8.20246432e-03, 1.45306159e-02, -3.16162556e-02, 3.57045745e-03, -1.50392279e-02, 2.56564766e-02, -1.32520068e-02, -2.50323880e-02, 3.39979888e-03, 6.31872788e-02, 5.17118396e-03, -3.31706088e-03, -1.16539802e-02, 6.73098722e-03, 3.92450839e-02, 1.31674502e-02, 3.26916203e-02, -1.52350003e-02, 1.88425798e-02, 2.46191106e-04, 3.63039374e-02, 3.45029049e-02, 2.92862896e-02, -1.48650864e-02, -1.61555223e-02, 2.15820204e-02, 4.48346138e-03, 3.50094680e-03, 2.76452787e-02, 1.42272990e-02, 4.98129893e-03, -1.99843701e-02, -1.43507803e-02, 1.92313250e-02, -2.00654380e-02, 5.71333943e-03, -4.78002504e-02, -2.62590330e-02, -2.48871581e-03, 2.55827308e-02, 1.75423436e-02, 2.51867622e-02, -4.33772057e-03, -2.94834957e-03, 5.31082228e-02, -4.50006537e-02, 1.01684388e-02, 2.51185242e-02, 2.51005180e-02, -4.89064166e-03, -1.99217256e-02, 1.97871365e-02, 1.58380792e-02, -3.73300388e-02, -1.66582002e-04, 1.72842182e-02, 1.35836136e-02, 4.31060791e-02, 2.08217241e-02, -3.98295596e-02, 8.16079136e-03, 2.29251832e-02, -9.81673319e-03, -3.04094143e-02, -4.21075933e-02, -4.26882207e-02, 1.42112738e-02, -3.75272296e-02, -1.49646821e-02, 1.57469288e-02, 1.42771741e-02, -1.53701883e-02, -5.90246357e-02, -8.68522003e-03, 2.92043891e-02, -2.09404845e-02, 7.30811851e-03, -4.86566797e-02, -1.47346277e-02, -1.41800987e-02, 1.03854351e-02, 2.73036975e-02, -3.80436070e-02, -2.05421988e-02, -3.01817083e-03, 3.15888450e-02, 7.58934673e-03, 2.64234766e-02, -4.40827832e-02, 2.92353723e-02, -1.57158170e-02, 5.03304135e-03, -9.78635624e-03, 1.37651397e-03, 3.18223494e-03, 5.83803691e-02, -3.25985742e-03, 6.97776303e-03, 2.80172527e-02, 1.22998143e-03, 7.18370359e-03, 6.05026679e-03, 1.73073215e-03, -2.27261968e-02, -6.49860362e-03, -8.97275470e-03, -2.95968950e-02, 1.99786797e-02, -3.99967730e-02, -1.94533169e-02, -1.25689227e-02, 2.32820938e-04, 4.36477065e-02, 3.78623717e-02, 1.94911808e-02, -4.13029008e-02, 1.41964061e-02, -6.76044310e-03, -4.16791402e-02, 7.11772731e-03, 6.18510786e-03, -3.00342031e-02, -1.41202461e-03, -3.11189760e-02, 1.61484517e-02, -5.84305590e-03, -2.85425019e-02, 1.78952441e-02, 2.57738726e-03, -1.77754629e-02, 6.46615587e-03, -1.12429345e-02, -9.98416636e-03, 2.12885812e-02, -1.62218679e-02, -1.10659981e-02, -6.66416110e-03, -4.37842570e-02, -7.58678559e-03, -1.20104076e-02, 3.48024778e-02, -3.50313298e-02, -2.95051951e-02, -5.63103668e-02, -3.93505991e-02, -3.03794350e-02, 1.67782437e-02, 1.21599967e-02, -1.13308225e-02, -2.48897057e-02, -1.80456508e-02, -1.66680217e-02, 8.54784064e-03, -1.17123760e-04, -2.59568449e-02, 1.25795659e-02, 3.53411362e-02, -1.92920286e-02, -2.89426818e-02, 3.23730074e-02, -1.95205398e-02, 2.31468193e-02, 2.10680231e-03, 7.22619100e-03, 7.87923671e-03, -5.76633364e-02, 1.05239777e-02, -2.23382413e-02, -2.58031227e-02, 3.87531030e-03, 8.03716321e-05, -4.52876724e-02, -9.79918707e-03, 1.35399541e-02, 3.73828388e-03, 2.35415865e-02, 1.12975817e-02, 1.41144276e-03, 2.80103255e-02, -3.95127619e-03, -3.55721153e-02, -2.01395676e-02, 5.26084490e-02, 1.17610674e-02, -5.03644906e-02, -3.00140269e-02, 2.33740974e-02, 2.08521187e-02, 1.77983493e-02, -5.61848395e-02, -4.00304347e-02, 5.51987812e-03, 1.76558755e-02, 1.89963225e-02, -3.10074389e-02, 1.30605195e-02, -2.01783627e-02, 7.48008431e-04, -5.33252861e-03, -5.95492776e-03, 3.06842383e-02, 1.74633712e-02, 1.90308876e-02, 1.44104771e-02, -3.43130231e-02, -5.86161297e-03, 1.55489054e-02, -2.07605562e-03, -1.83219258e-02, 1.98717788e-02, -4.44563618e-03, -7.33771711e-04, -4.64510135e-02, 2.47598328e-02, 3.89358331e-03, 3.98618989e-02, 1.61094032e-02, 5.03841452e-02, 3.42714712e-02, 1.99997728e-03, 4.51594591e-02, 5.67029752e-02, 5.58110559e-03, -2.52451580e-02, 3.16130221e-02, -1.92200281e-02], dtype=float32)
word = "economy" # Second selected word
model_W2V.wv[word] # Observe the word embedding of the second selected word
array([-1.1736044e-03, 5.2003744e-03, 3.2191728e-03, 1.9107534e-03, -1.1238786e-03, -1.1351875e-02, 6.6732639e-03, 1.5558835e-02, -1.9695323e-03, -2.1757470e-03, -2.4364782e-03, -3.4592925e-03, 7.8855694e-04, -2.9482230e-04, -4.2081038e-03, -1.7477073e-03, 7.2091944e-03, 1.8852394e-03, 3.7128963e-03, -2.6980138e-03, -5.7870648e-03, 2.7897877e-03, 3.9081420e-03, -8.2981534e-04, 1.2219461e-03, -1.2268197e-03, -7.1122018e-03, 2.2713640e-03, -6.5919384e-03, -9.6495701e-03, -1.9761045e-03, -6.5300972e-03, 2.9246022e-03, -2.6909986e-03, -2.6535401e-03, 5.8842916e-03, -1.6133848e-04, -5.3638699e-03, -7.8866324e-05, -2.9484737e-03, -5.7377932e-03, 7.9797016e-04, 1.4267055e-03, -3.8825008e-03, 3.9118105e-03, 3.8020120e-03, -6.2302058e-04, 1.1090605e-03, -2.2799992e-05, 1.0084192e-03, 4.6470133e-03, -4.1734446e-03, -4.0785726e-03, 4.5388046e-04, -2.8474401e-03, 6.9285952e-03, 1.2254167e-03, 3.5212887e-03, 1.3222820e-03, -1.2475442e-03, -5.3566038e-03, 2.0926120e-03, 1.6875131e-03, -9.5422566e-04, -4.5709094e-04, 2.2666545e-03, 2.0579214e-03, 2.0772188e-03, -5.9000212e-03, -2.0247542e-03, -2.0140347e-03, 5.7939249e-03, 7.1074995e-03, -1.1497535e-03, 4.1041435e-03, -1.5121384e-03, -3.0536370e-03, 6.5064023e-04, -3.6967586e-04, 5.5990852e-03, -7.3617743e-04, -7.5357954e-04, -6.3715363e-04, 1.0399666e-02, 2.8289440e-03, -1.4006858e-03, -3.3935404e-03, 1.3815970e-03, 8.8591101e-03, -6.8647269e-04, 2.8661289e-03, -5.0878306e-03, 1.9819729e-03, 5.7451976e-05, 3.6891652e-03, 4.6591959e-03, 3.0662997e-03, -1.9796903e-03, -5.5173454e-03, 6.7344098e-04, 1.4583990e-03, -2.3037673e-03, 6.9948523e-03, 4.4039995e-03, 1.5484769e-03, -5.2625122e-03, -2.2107386e-03, 4.5728413e-03, -3.6593075e-03, 2.3848501e-03, -7.8832693e-03, -2.2510074e-03, -1.5504395e-03, 5.4821083e-03, 5.0346777e-03, 8.8834390e-04, -2.4565291e-03, 2.7423236e-03, 8.3645359e-03, -8.9307399e-03, 1.2113831e-03, 2.1902004e-03, 3.8327537e-03, 2.0660856e-04, -2.3354318e-03, 2.3938641e-03, 2.5070221e-03, -3.1917568e-03, 2.1682803e-03, 1.7961246e-03, -1.2177633e-03, 9.0090474e-03, 3.4880387e-03, -5.6569190e-03, 2.6410928e-03, 5.1786327e-03, -1.2301832e-03, -2.6766686e-03, -6.7372546e-03, -9.8346025e-03, 1.1741201e-03, -5.4513323e-03, -3.0171480e-03, 4.7715106e-03, -3.0627023e-05, 8.9877425e-04, -1.0428890e-02, -4.0149674e-04, 6.0926075e-03, -2.5603198e-04, 4.3637547e-04, -9.1773290e-03, 5.5677973e-04, -2.1814376e-03, -1.7335126e-04, 4.5815427e-03, -9.4137732e-03, -2.9500877e-03, 3.4144521e-03, 1.9892626e-03, 1.6291286e-05, 1.0698461e-03, -7.6946211e-03, 1.5122236e-03, -1.1954033e-03, 2.1922789e-04, -4.4384068e-03, 1.9182332e-03, -1.6363288e-03, 8.3330804e-03, -2.0893489e-03, 4.0419563e-03, 1.7669741e-03, -5.8231212e-04, 2.1751150e-03, -2.3849774e-03, -1.7652002e-03, 8.9779751e-06, -3.4766099e-03, 1.8042262e-03, -9.5906889e-04, 6.5918622e-04, -7.8226561e-03, -2.2670475e-03, 3.4354921e-04, -2.4895009e-03, 7.6485584e-03, 6.6927057e-03, 5.1780278e-03, -8.7258825e-03, 1.6617229e-04, 1.4254905e-04, -6.3034054e-03, -1.4249206e-03, -1.1081848e-03, -6.1327708e-03, 8.7079871e-04, -6.8245991e-03, 2.5379111e-04, -1.0733289e-03, -4.7948807e-03, 3.9118566e-03, 9.0134266e-04, -3.3813214e-03, 6.4125219e-05, -2.2566107e-03, -2.3753606e-03, 6.5025837e-05, -4.6586129e-03, -2.3688648e-03, -1.1730234e-03, -3.9828755e-03, 1.2572581e-03, 2.8306400e-04, 4.4000004e-03, -2.4134621e-03, -6.9917608e-03, -1.0924711e-02, -4.8577446e-03, -4.1378173e-03, 4.9207546e-03, 3.3951242e-04, -5.0796228e-03, -3.2962356e-03, -3.3537175e-03, -1.6308312e-03, -2.0133769e-03, 1.0812720e-03, -3.5266704e-03, 3.4554733e-03, 6.4784396e-03, -4.7057713e-03, -6.3653961e-03, 7.0147542e-03, -5.6995386e-03, 1.2415634e-03, -2.8943256e-03, 2.5449602e-03, -1.1931303e-03, -9.1700405e-03, 5.1282016e-03, -2.8587244e-03, -5.3761974e-03, -7.3960214e-04, -1.4906609e-03, -7.7529186e-03, -1.8531000e-03, 1.8048560e-03, 2.8547277e-03, 2.0816609e-04, -4.3918754e-04, -2.5216100e-04, 5.1604472e-03, -1.0166112e-04, -5.3251707e-03, -4.6378276e-03, 6.6420957e-03, 4.0795612e-03, -1.0226575e-02, -2.6035900e-03, 1.9382237e-03, 3.3552521e-03, 3.4004581e-04, -5.6712963e-03, -5.1724892e-03, 2.8982251e-03, 3.9853198e-03, 2.7753734e-03, -1.6359980e-03, 3.3286349e-03, -5.4945275e-03, 3.6255685e-03, -1.2360463e-03, 7.7164412e-04, 2.1251673e-03, 4.2415829e-03, 4.3620015e-03, 4.8572933e-03, -2.2445593e-03, -3.9325305e-03, 4.6598315e-03, 1.2026103e-04, -2.8257184e-03, 4.0763547e-03, -1.1480375e-03, -1.8545252e-03, -6.3436353e-03, 3.0005057e-03, 4.8581645e-04, 8.7897917e-03, 1.5506168e-03, 6.0493085e-03, 2.7943046e-03, -1.8666987e-03, 7.4415160e-03, 9.4312290e-03, 3.0532822e-03, -6.7040152e-03, 1.8671916e-03, -8.9828408e-04], dtype=float32)
words = list(model_W2V.wv.key_to_index.keys()) # Retrieve the words present in the --Word2Vec-- model's vocabulary
wvs = model_W2V.wv[words].tolist() # Retrieve word vectors for all the words present in the model's vocabulary
word_vector_dict = dict(zip(words, wvs)) # Create a dictionary of words and their corresponding vectors
def average_vectorizer_Word2Vec(doc):
# Initializing a feature vector for the sentence
feature_vector = np.zeros((vec_size,), dtype="float64")
# Create a list of words in the sentence that are present in the model vocabulary
words_in_vocab = [word for word in doc.split() if word in words]
# Add the vector representations of the words
for word in words_in_vocab:
feature_vector += np.array(word_vector_dict[word])
# Divide by the number of words to get the average vector
if len(words_in_vocab) != 0:
feature_vector /= len(words_in_vocab)
return feature_vector
# Create a dataframe of the vectorized documents
start = time.time()
X_train_wv = pd.DataFrame(X_train["News"].apply(average_vectorizer_Word2Vec).tolist(), columns=['Feature '+str(i) for i in range(vec_size)])
X_val_wv = pd.DataFrame(X_val["News"].apply(average_vectorizer_Word2Vec).tolist(), columns=['Feature '+str(i) for i in range(vec_size)])
X_test_wv = pd.DataFrame(X_test["News"].apply(average_vectorizer_Word2Vec).tolist(), columns=['Feature '+str(i) for i in range(vec_size)])
end = time.time()
print('Time taken ', (end-start))
Time taken 1.4526166915893555
print(X_train_wv.shape,'train split\n', X_val_wv.shape,'validation split\n', X_test_wv.shape,'test split\n') # Train-Validatio-Test Splits
(286, 300) train split (21, 300) validation split (42, 300) test split
Observations:
- Notice the dimensionality of the vectors is 300 columns long.
- We will use a fairly large percentage (95%) of the dataset for training the model.
- The Validation will be split at 14% of the available data.
- The Test will be split at 7% of the available data.
Model 2 - GloVe Diagram¶
Model 2 - GloVe Model Setup¶
# Download the GloVe model (Stanford's) if it doesn't exist
!wget http://nlp.stanford.edu/data/glove.6B.zip
!unzip glove.6B.zip
# Convert GloVe to word2vec format
glove_input_file = 'glove.6B.100d.txt'
word2vec_output_file = 'glove.6B.100d.txt.word2vec'
glove2word2vec(glove_input_file, word2vec_output_file)
# Load the converted model
filename = 'glove.6B.100d.txt.word2vec'
glove_model = KeyedVectors.load_word2vec_format(filename, binary=False)
--2025-01-04 23:34:57-- http://nlp.stanford.edu/data/glove.6B.zip Resolving nlp.stanford.edu (nlp.stanford.edu)... 171.64.67.140 Connecting to nlp.stanford.edu (nlp.stanford.edu)|171.64.67.140|:80... connected. HTTP request sent, awaiting response... 302 Found Location: https://nlp.stanford.edu/data/glove.6B.zip [following] --2025-01-04 23:34:57-- https://nlp.stanford.edu/data/glove.6B.zip Connecting to nlp.stanford.edu (nlp.stanford.edu)|171.64.67.140|:443... connected. HTTP request sent, awaiting response... 301 Moved Permanently Location: https://downloads.cs.stanford.edu/nlp/data/glove.6B.zip [following] --2025-01-04 23:34:58-- https://downloads.cs.stanford.edu/nlp/data/glove.6B.zip Resolving downloads.cs.stanford.edu (downloads.cs.stanford.edu)... 171.64.64.22 Connecting to downloads.cs.stanford.edu (downloads.cs.stanford.edu)|171.64.64.22|:443... connected. HTTP request sent, awaiting response... 200 OK Length: 862182613 (822M) [application/zip] Saving to: ‘glove.6B.zip’ glove.6B.zip 100%[===================>] 822.24M 5.02MB/s in 2m 39s 2025-01-04 23:37:38 (5.16 MB/s) - ‘glove.6B.zip’ saved [862182613/862182613] Archive: glove.6B.zip inflating: glove.6B.50d.txt inflating: glove.6B.100d.txt inflating: glove.6B.200d.txt inflating: glove.6B.300d.txt
print("Length of the vocabulary is", len(glove_model.index_to_key)) # Check the size of the vocabulary
Length of the vocabulary is 400000
Observations:
- Notice the size of the Vocabulary is 400,000 with this GloVe model.
- For the previous Word2Vec Model the Vocabulary is 4,682.
Let's view some word embeddings.
word = "stock" # Select the word embedding for first word. A very frequently used word.
glove_model[word] # View the word embedding of selected word
array([ 8.6341e-01, 6.9648e-01, 4.5794e-02, -9.5708e-03, -2.5498e-01, -7.4666e-01, -2.2086e-01, -4.4615e-01, -1.0423e-01, -9.9931e-01, 7.2550e-02, 4.5049e-01, -5.9912e-02, -5.7837e-01, -4.6540e-01, 4.3429e-02, -5.0570e-01, -1.5442e-01, 9.8250e-01, -8.1571e-02, 2.6523e-01, -2.3734e-01, 9.7675e-02, 5.8588e-01, -1.2948e-01, -6.8956e-01, -1.2811e-01, -5.2265e-02, -6.7719e-01, 3.0190e-02, 1.8058e-01, 8.6121e-01, -8.3206e-01, -5.6887e-02, -2.9578e-01, 4.7180e-01, 1.2811e+00, -2.5228e-01, 4.9557e-02, -7.2455e-01, 6.6758e-01, -1.1091e+00, -2.0493e-01, -5.8669e-01, -2.5375e-03, 8.2777e-01, -4.9102e-01, -2.6475e-01, 4.3015e-01, -2.0516e+00, -3.3208e-01, 5.1845e-02, 5.2646e-01, 8.7452e-01, -9.0237e-01, -1.7366e+00, -3.4727e-01, 1.6590e-01, 2.7727e+00, 6.5756e-02, -4.0363e-01, 3.8252e-01, -3.0787e-01, 5.9202e-01, 1.3468e-01, -3.3851e-01, 3.3646e-01, 2.0950e-01, 8.5905e-01, 5.1865e-01, -1.0657e+00, -2.6371e-02, -3.1349e-01, 2.3231e-01, -7.0192e-01, -5.5737e-01, -2.3418e-01, 1.3563e-01, -1.0016e+00, -1.4221e-01, 1.0372e+00, 3.5880e-01, -4.2608e-01, -1.9386e-01, -3.7867e-01, -6.9646e-01, -3.9989e-01, -5.7782e-01, 1.0132e-01, 2.0123e-01, -3.7153e-01, 5.0837e-01, -3.7758e-01, -2.6205e-01, -9.3676e-01, 1.0053e+00, 8.4393e-01, -2.4698e-01, 1.7339e-01, 9.4473e-01], dtype=float32)
word = "economy" # Select the word embedding for a second word.
glove_model[word] # View the word embedding of selected word
array([-0.19382 , 1.017 , 1.076 , 0.02954 , -0.39192 , -1.3891 , -0.87873 , -0.63162 , 0.9643 , -0.43035 , -0.34868 , 0.22736 , -0.40296 , 0.15641 , -0.16813 , -0.15343 , -0.15799 , -0.27612 , 0.18088 , -0.28386 , 0.49847 , 0.29864 , 0.32353 , 0.18108 , -0.59623 , -0.54165 , -0.70019 , -0.64956 , -0.69063 , 0.18084 , -0.38581 , 0.56086 , -0.40313 , -0.38777 , -0.70615 , 0.20657 , 0.34171 , -0.23393 , -0.35882 , -0.2201 , -0.76182 , -1.2047 , 0.4339 , 1.1656 , 0.1836 , -0.21601 , 0.93198 , -0.059616 , -0.11624 , -1.3259 , -0.79772 , -0.0074957, -0.0889 , 1.4749 , 0.31157 , -2.2952 , -0.058351 , 0.39353 , 1.4983 , 0.74023 , -0.20109 , 0.098124 , -0.73081 , -0.32294 , 0.16703 , 0.87431 , -0.041624 , -0.51022 , 1.0737 , -0.4257 , 1.0581 , 0.19859 , -0.60087 , -0.33906 , 0.60243 , -0.091581 , -0.47201 , 0.74933 , -0.60168 , -0.44178 , 0.77391 , 0.81114 , -1.2889 , 0.32055 , -0.36117 , -0.88078 , 0.055524 , -0.26837 , -0.33688 , -1.4359 , 0.85666 , 0.32025 , -0.15361 , -0.30208 , -0.38208 , 0.30508 , 0.75374 , -0.68041 , 0.98619 , -0.19628 ], dtype=float32)
Observations:
- Notice the size of the Array containg the embeddigs for the two selected words are significantly smaller for the GloVe Model as compared to the Word2Vec Model.
glove_words = glove_model.index_to_key # Retrieve the words present in the GloVe model's vocabulary
glove_word_vector_dict = dict(zip(glove_model.index_to_key,list(glove_model.vectors))) # Create a dictionary of words and their corresponding vectors
# Each word can be represented by a 100-dimensional vector (100 features).
vec_size=100 # Specifies the number of dimensions for the embedding space.
def average_vectorizer_GloVe(doc):
# Initializing a feature vector for the sentence
feature_vector = np.zeros((vec_size,), dtype="float64")
# Creating a list of words in the sentence that are present in the model vocabulary
words_in_vocab = [word for word in doc.split() if word in glove_words]
# adding the vector representations of the words
for word in words_in_vocab:
feature_vector += np.array(glove_word_vector_dict[word])
# Dividing by the number of words to get the average vector
if len(words_in_vocab) != 0:
feature_vector /= len(words_in_vocab)
return feature_vector
# Create a dataframe of the vectorized documents
start = time.time()
X_train_gl = pd.DataFrame(X_train["News"].apply(average_vectorizer_GloVe).tolist(), columns=['Feature '+str(i) for i in range(vec_size)]) # Apply GloVe on 'News' column for Training set.
X_val_gl = pd.DataFrame(X_val["News"].apply(average_vectorizer_GloVe).tolist(), columns=['Feature '+str(i) for i in range(vec_size)]) # Apply GloVe on 'News' column For Validation set.
X_test_gl = pd.DataFrame(X_test["News"].apply(average_vectorizer_GloVe).tolist(), columns=['Feature '+str(i) for i in range(vec_size)]) # Apply GloVe on 'News' column for Testing set.
end = time.time()
print('Time taken ', (end-start))
Time taken 39.00156378746033
print(f'Time taken to create a dataframe of the vectorized documents using GloVe \033[1m{end - start:.6f} seconds.') # Rounded to 6 significant digits.
Time taken to create a dataframe of the vectorized documents using GloVe 39.001564 seconds.
print('For GloVe:\n', X_train_gl.shape,'train split\n', X_val_gl.shape,'validation split\n', X_test_gl.shape,'test split\n') # Train-Validatio-Test Splits
For GloVe: (286, 100) train split (21, 100) validation split (42, 100) test split
Observations:
- Notice the dimensionality or number of columns is smaller than Word2Vec [300]with GloVe at [100].
- Well, more like a comment, notice we are using the same size splits for the 3 datasets for this model also.
Model 3 - Sentence Transformer Diagram - All You Need is Attention!¶
Attention Score Calculations
Input Embedding Decoder and Encoder Transformer
Model 3 - Sentence Transformer Model Set up¶
Defining the Model
model = SentenceTransformer('sentence-transformers/all-MiniLM-L6-v2') # Defining the model for text classification, semantic search and sentiment analysis.
Encoding the Dataset
device = torch.device("cuda" if torch.cuda.is_available() else "cpu") # Setting the device to GPU if available, else CPU
# Encoding the dataset splits with the Transformer Model
start = time.time()
X_train_st = model.encode(X_train["News"].values, show_progress_bar=True, device=device) # Apply Sentence Transformer on 'News' column for the Training set.
X_val_st = model.encode(X_val["News"].values, show_progress_bar=True, device=device) # Apply Sentence Transformer on 'News' column for the Validation set.
X_test_st = model.encode(X_test["News"].values, show_progress_bar=True, device=device) # Apply Sentence Transformer on 'News' column for the Test set.
end = time.time()
print(f'Time taken using a Transformer \033[1m{end - start:.6f} seconds.') # Rounded to 6 significant digits.
Time taken using a Transformer 0.697369 seconds.
Observations:
- Notice the processing time for these encodings was very fast, less than a second.
print('For our Transformer model:\n', X_train_st.shape,'train split\n', X_val_st.shape,'validation split\n', X_test_st.shape,'test split\n') # Train-Validatio-Test Splits
For our Transformer model: (286, 384) train split (21, 384) validation split (42, 384) test split
Observations:
- Notice the News vector dimentionality for this Transformer Model is [384].
Sentiment Analysis - - - - -¶
Model Evaluation Criterion¶
For each Model we will look for:
- **Accuracy and F1 Scores** from Sentiment Predictions (Labels) by measuring the Confusion Matrix for each model and compare them.
- **Computational Cost:** Consider the time and resources required to train and use each model. We can compare processing times for each model and compare them.
- I will select the **same Classifier** when comparing all 3 models.
- We could run **more extensive training**, (Colab permitting) by trying each of the following classifiers:
- GradientBoostingClassifier
- RandomForestClassifier
- DecisionTreeClassifier
We Need to Consider these factors:¶
- Vector Size: While not the sole determinant, larger vectors (like Transformer's 384) can potentially capture more complex relationships but may also be computationally more expensive.
- Training Data: The quality and size of the data used to train each model significantly impacts performance.
Summary of the tradeoffs using each of the three classifiers with each of our models: Attention is All You Need ;-)
Model | Classifier | Strengths | Weaknesses | GPU Requirements |
---|---|---|---|---|
word2vec | GradientBoostingClassifier | Captures semantic meaning well; enhances feature representation for structured data. | May not capture rare word dependencies as effectively. | 1 |
word2vec | RandomForestClassifier | Embedding adds rich word relationships to the classifier, improving performance on text-based data. | Can lead to overfitting if embeddings are not regularized. | 1 |
word2vec | DecisionTreeClassifier | Simple, interpretable results based on word similarity and context. | Word2vec's continuous vector representation may be too complex for a decision tree to interpret well. | 1 |
GloVe | GradientBoostingClassifier | GloVe captures global relationships between words, enhancing predictive power for text classification. | Poor performance with rare or out-of-vocabulary terms, potentially reducing accuracy. | 1 |
GloVe | RandomForestClassifier | Global co-occurrence statistics improve decision boundaries in a structured manner. | Embedding dimensionality can lead to overfitting in random forests. | 1 |
GloVe | DecisionTreeClassifier | Offers interpretable, meaningful splits based on word co-occurrence. | Limited performance if embeddings don't represent very specific or nuanced features. | 1 |
Transformer | GradientBoostingClassifier | Captures long-range dependencies and context effectively, boosting performance on sequential tasks. | High computational costs, slow training times. | 3 |
Transformer | RandomForestClassifier | Transformer embeddings can capture rich, contextual relationships, enhancing performance. | Difficulty handling large embeddings; may be computationally expensive for large datasets. | 2 |
Transformer | DecisionTreeClassifier | Transformer embeddings allow more complex splits based on context, improving decision tree results. | Decision trees may struggle with the complexity of transformer embeddings leading to inefficiency. | 2 |
Utility Functions¶
def plot_confusion_matrix(model, predictors, target):
"""
Plot a confusion matrix to visualize the performance of a classification model.
Parameters:
actual (array-like): The true labels.
predicted (array-like): The predicted labels from the model.
Returns:
None: Displays the confusion matrix plot.
"""
pred = model.predict(predictors) # Make predictions using the classifier.
cm = confusion_matrix(target, pred) # Compute the confusion matrix.
plt.figure(figsize=(5, 4)) # Create a new figure with a specified size.
label_list = [0, 1,-1] # Define the labels for the confusion matrix.
sns.heatmap(cm, annot=True, fmt='.0f', cmap='Blues', xticklabels=label_list, yticklabels=label_list)
# Plot the confusion matrix using a heatmap with annotations.
plt.ylabel('Actual') # Label for the y-axis.
plt.xlabel('Predicted') # Label for the x-axis.
plt.title('Confusion Matrix') # Title of the plot.
plt.show() # Display the plot.
def model_performance_classification_sklearn(model, predictors, target):
"""
Compute various performance metrics for a classification model using sklearn.
Parameters:
model (sklearn classifier): The classification model to evaluate.
predictors (array-like): The independent variables used for predictions.
target (array-like): The true labels for the dependent variable.
Returns:
pandas.DataFrame: A DataFrame containing the computed metrics (Accuracy, Recall, Precision, F1-score).
"""
pred = model.predict(predictors) # Make predictions using the classifier.
acc = accuracy_score(target, pred) # Compute Accuracy.
recall = recall_score(target, pred,average='weighted') # Compute Recall.
precision = precision_score(target, pred,average='weighted') # Compute Precision.
f1 = f1_score(target, pred,average='weighted') # Compute F1-score.
# Create a DataFrame to store the computed metrics.
df_perf = pd.DataFrame(
{
"Accuracy": [acc],
"Recall": [recall],
"Precision": [precision],
"F1": [f1],
}
)
return df_perf # Return the DataFrame with the metrics.
Model 1 - Not Tuned (base) - Word2Vec Model¶
# Building the model
#Uncomment only one of the snippets related to fitting the model to the data
#base_wv = GradientBoostingClassifier(random_state = 42)
#base_wv = RandomForestClassifier(random_state=42)
base_wv = DecisionTreeClassifier(random_state=42)
# Fitting on train data
base_wv.fit(X_train_wv, y_train)
DecisionTreeClassifier(random_state=42)In a Jupyter environment, please rerun this cell to show the HTML representation or trust the notebook.
On GitHub, the HTML representation is unable to render, please try loading this page with nbviewer.org.
DecisionTreeClassifier(random_state=42)
plot_confusion_matrix(base_wv,X_train_wv,y_train) # Training
plot_confusion_matrix(base_wv,X_val_wv,y_val) # Validation
# Calculating different metrics on training data
base_train_wv = model_performance_classification_sklearn(base_wv,X_train_wv,y_train)
print("Training performance:\n", base_train_wv)
Training performance: Accuracy Recall Precision F1 0 1.00 1.00 1.00 1.00
# Calculating different metrics on validation data
base_val_wv = model_performance_classification_sklearn(base_wv,X_val_wv,y_val)
print("Validation performance:\n",base_val_wv)
Validation performance: Accuracy Recall Precision F1 0 0.48 0.48 0.50 0.48
Observations:
- Despite the training with 95% of the data, the Validation set is giving us an overfit situation.
Model 2 - Not Tuned (base) - GloVe Model¶
#Building the model
#Uncomment only one of the snippets related to fitting the model to the data
#base_wv = GradientBoostingClassifier(random_state = 42)
#base_wv = RandomForestClassifier(random_state=42)
base_gl = DecisionTreeClassifier(random_state=42)
# Fitting on train data
base_gl.fit(X_train_gl, y_train) #Complete the code to fit the chosen model on the train data
DecisionTreeClassifier(random_state=42)In a Jupyter environment, please rerun this cell to show the HTML representation or trust the notebook.
On GitHub, the HTML representation is unable to render, please try loading this page with nbviewer.org.
DecisionTreeClassifier(random_state=42)
plot_confusion_matrix(base_gl,X_train_gl,y_train) # Confusion matrix for the train data on GloVe
plot_confusion_matrix(base_gl,X_val_gl,y_val) # Confusion matrix for the validation data on GloVe
#Calculating different metrics on training data
base_train_gl=model_performance_classification_sklearn(base_gl,X_train_gl,y_train) # Calculate model performance for the training data on a GloVe Model
print("Training performance:\n", base_train_gl)
Training performance: Accuracy Recall Precision F1 0 1.00 1.00 1.00 1.00
#Calculating different metrics on validation data
base_val_gl = model_performance_classification_sklearn(base_gl,X_val_gl,y_val) # Calculate model performance for the validation data on a GloVe model.
print("Validation performance:\n",base_val_gl)
Validation performance: Accuracy Recall Precision F1 0 0.43 0.43 0.46 0.44
Observations:
- Overfit situation with the Validation set.
- Slightly worse performance metrics conpared to Word2Vec
Model 3 - Not Tuned (base) - Sentence Transformer Model¶
# Building the model
#Uncomment only one of the snippets related to fitting the model to the data
#base_wv = GradientBoostingClassifier(random_state = 42)
#base_wv = RandomForestClassifier(random_state=42)
base_st = DecisionTreeClassifier(random_state=42)
# Fitting on train data
base_st.fit(X_train_st, y_train) #Complete the code to fit the chosen model on the train data
DecisionTreeClassifier(random_state=42)In a Jupyter environment, please rerun this cell to show the HTML representation or trust the notebook.
On GitHub, the HTML representation is unable to render, please try loading this page with nbviewer.org.
DecisionTreeClassifier(random_state=42)
plot_confusion_matrix(base_st,X_train_st,y_train) # Confusion matrix for the train data on our Transformer model.
plot_confusion_matrix(base_st,X_val_st,y_val) # Confusion matrix for the validation data on our Transformer model.
#Calculating different metrics on training data
base_train_st=model_performance_classification_sklearn(base_st,X_train_st,y_train) # Model performance for the training data on our Transformer Model.
print("Training performance:\n", base_train_st)
Training performance: Accuracy Recall Precision F1 0 1.00 1.00 1.00 1.00
#Calculating different metrics on validation data
base_val_st = model_performance_classification_sklearn(base_st,X_val_st,y_val) # Model performance for the validation data on our Transformer Model.
print("Validation performance:\n",base_val_st)
Validation performance: Accuracy Recall Precision F1 0 0.52 0.52 0.44 0.48
Observations:
- The best performance metrics of the three models on validation set.
- However, the numbers remain too low.
- Transformer was pretty darn fast when processing.
- Accuracy Recall Precision F1 0.52 0.52 0.44 0.48
Tuned Model 1 - Word2Vec Model¶
Note: The parameter grid provided below is a sample grid. It can be modified depending on the compute power of the system being used.
start = time.time()
# Choose the type of classifier.
#Uncomment only one of the snippets corrrsponding to the base model trained previously
#tuned_wv = GradientBoostingClassifier(random_state = 42)
#tuned_wv = RandomForestClassifier(random_state=42)
tuned_wv = DecisionTreeClassifier(random_state=42)
parameters = {
'max_depth': np.arange(3,7),
'min_samples_split': np.arange(5,12,2),
'max_features': ['log2', 'sqrt', 0.2, 0.4]
}
# Run the grid search
grid_obj = GridSearchCV(tuned_wv, parameters, scoring='f1_weighted',cv=5,n_jobs=-1)
grid_obj = grid_obj.fit(X_train_wv, y_train)
end = time.time()
print("Time taken ",(end-start))
# Set the clf to the best combination of parameters
tuned_wv = grid_obj.best_estimator_
Time taken 6.90865159034729
Decision Tree Classifier Tuning Parameters
Parameter | Description | Values |
---|---|---|
max_depth | Maximum depth of the tree | [3, 4, 5, 6] |
min_samples_split | Minimum number of samples required to split an internal node | [5, 7, 9, 11] |
max_features | Number of features considered when splitting a node | ['log2', 'sqrt', 0.2, 0.4] |
</body> </html>
# Fit the best algorithm to the data.
tuned_wv.fit(X_train_wv, y_train)
DecisionTreeClassifier(max_depth=6, max_features='sqrt', min_samples_split=5, random_state=42)In a Jupyter environment, please rerun this cell to show the HTML representation or trust the notebook.
On GitHub, the HTML representation is unable to render, please try loading this page with nbviewer.org.
DecisionTreeClassifier(max_depth=6, max_features='sqrt', min_samples_split=5, random_state=42)
plot_confusion_matrix(tuned_wv,X_train_wv,y_train)
plot_confusion_matrix(tuned_wv,X_val_wv,y_val)
#Calculating different metrics on training data
tuned_train_wv=model_performance_classification_sklearn(tuned_wv,X_train_wv,y_train)
print("Training performance:\n",tuned_train_wv)
Training performance: Accuracy Recall Precision F1 0 0.72 0.72 0.76 0.71
#Calculating different metrics on validation data
tuned_val_wv = model_performance_classification_sklearn(tuned_wv,X_val_wv,y_val)
print("Validation performance:\n",tuned_val_wv)
Validation performance: Accuracy Recall Precision F1 0 0.48 0.48 0.50 0.48
Tuned Model 2 - GloVe Model¶
start = time.time()
#Uncomment only one of the snippets corrrsponding to the base model trained previously
#tuned_wv = GradientBoostingClassifier(random_state = 42)
#tuned_wv = RandomForestClassifier(random_state=42)
tuned_gl = DecisionTreeClassifier(random_state=42)
parameters = {
'max_depth': np.arange(3,7),
'min_samples_split': np.arange(5,12,2),
'max_features': ['log2', 'sqrt', 0.2, 0.4]
}
# Run the grid search
grid_obj = GridSearchCV(tuned_gl, parameters, scoring='f1_weighted',cv=5,n_jobs=-1) #Complete the code to pass the chosen model
grid_obj = grid_obj.fit(X_train_gl, y_train)
end = time.time()
print("Time taken ",(end-start))
# Set the clf to the best combination of parameters
tuned_gl = grid_obj.best_estimator_
Time taken 2.4269731044769287
Decision Tree Classifier Tuning Parameters
Parameter | Description | Values |
---|---|---|
max_depth | Maximum depth of the tree | [3, 4, 5, 6] |
min_samples_split | Minimum number of samples required to split an internal node | [5, 7, 9, 11] |
max_features | Number of features considered when splitting a node | ['log2', 'sqrt', 0.2, 0.4] |
</body> </html>
# Fit the best algorithm to the data.
tuned_gl.fit(X_train_gl, y_train) # Fit the chosen model on the train data
DecisionTreeClassifier(max_depth=4, max_features='log2', min_samples_split=5, random_state=42)In a Jupyter environment, please rerun this cell to show the HTML representation or trust the notebook.
On GitHub, the HTML representation is unable to render, please try loading this page with nbviewer.org.
DecisionTreeClassifier(max_depth=4, max_features='log2', min_samples_split=5, random_state=42)
plot_confusion_matrix(tuned_gl,X_train_gl, y_train) # Confusion matrix for the train data
plot_confusion_matrix(tuned_gl,X_val_gl,y_val) # Confusion matrix for the validation data
# Metrics on training data
tuned_train_gl=model_performance_classification_sklearn(tuned_gl,X_train_gl, y_train) # Model performance for the training data on GloVe model.
print("Training performance:\n",tuned_train_gl)
Training performance: Accuracy Recall Precision F1 0 0.67 0.67 0.68 0.67
#Calculating different metrics on validation data
tuned_val_gl = model_performance_classification_sklearn(tuned_gl,X_val_gl,y_val) # Model performance for the validation data on GloVe model.
print("Validation performance:\n",tuned_val_gl)
Validation performance: Accuracy Recall Precision F1 0 0.43 0.43 0.29 0.34
Tuned Model 3 - Sentence Transformer Model¶
start = time.time()
# Choose the type of classifier.
#Uncomment only one of the snippets corrrsponding to the base model trained previously
#tuned_wv = GradientBoostingClassifier(random_state = 42)
#tuned_wv = RandomForestClassifier(random_state=42)
tuned_st = DecisionTreeClassifier(random_state=42)
parameters = {
'max_depth': np.arange(3,7),
'min_samples_split': np.arange(5,12,2),
'max_features': ['log2', 'sqrt', 0.2, 0.4]
}
# Run the grid search
grid_obj = GridSearchCV(tuned_st, parameters, scoring='f1_weighted',cv=5,n_jobs=-1) #Complete the code to pass the chosen model
grid_obj = grid_obj.fit(X_train_st, y_train)
end = time.time()
print("Time taken ",(end-start))
# Set the clf to the best combination of parameters
tuned_st = grid_obj.best_estimator_
Time taken 4.361521244049072
Decision Tree Classifier Tuning Parameters
Parameter | Description | Values |
---|---|---|
max_depth | Maximum depth of the tree | [3, 4, 5, 6] |
min_samples_split | Minimum number of samples required to split an internal node | [5, 7, 9, 11] |
max_features | Number of features considered when splitting a node | ['log2', 'sqrt', 0.2, 0.4] |
</body> </html>
# Fit the best algorithm to the data.
tuned_st.fit(X_train_st, y_train) #Complete the code to fit the chosen model on the train data
DecisionTreeClassifier(max_depth=6, max_features='log2', min_samples_split=7, random_state=42)In a Jupyter environment, please rerun this cell to show the HTML representation or trust the notebook.
On GitHub, the HTML representation is unable to render, please try loading this page with nbviewer.org.
DecisionTreeClassifier(max_depth=6, max_features='log2', min_samples_split=7, random_state=42)
plot_confusion_matrix(tuned_st,X_train_st,y_train) #Complete the code to plot the confusion matrix for the train data
plot_confusion_matrix(tuned_st,X_val_st,y_val) #Complete the code to plot the confusion matrix for the validation data
# Metrics on training data
tuned_train_st=model_performance_classification_sklearn(tuned_st,X_train_st,y_train) #C Model performance for the training data
print("Training performance:\n",tuned_train_st)
Training performance: Accuracy Recall Precision F1 0 0.70 0.70 0.73 0.70
# Metrics on validation data
tuned_val_st = model_performance_classification_sklearn(tuned_st,X_val_st,y_val) # Model performance for the validation data
print("Validation performance:\n",tuned_val_st)
Validation performance: Accuracy Recall Precision F1 0 0.29 0.29 0.27 0.27
Model Performance Summary and Final Model Selection¶
#training performance comparison
models_train_comp_df = pd.concat(
[base_train_wv.T,
base_train_gl.T,
base_train_st.T,
tuned_train_wv.T,
tuned_train_gl.T,
tuned_train_st.T,
],axis=1
)
models_train_comp_df.columns = [
"Base Model (Word2Vec)",
"Base Model (GloVe)",
"Base Model (Sentence Transformer)",
"Tuned Model (Word2Vec)",
"Tuned Model (GloVe)",
"Tuned Model (Sentence Transformer)",
]
print("Training performance comparison:")
models_train_comp_df
Training performance comparison:
Base Model (Word2Vec) | Base Model (GloVe) | Base Model (Sentence Transformer) | Tuned Model (Word2Vec) | Tuned Model (GloVe) | Tuned Model (Sentence Transformer) | |
---|---|---|---|---|---|---|
Accuracy | 1.00 | 1.00 | 1.00 | 0.72 | 0.67 | 0.70 |
Recall | 1.00 | 1.00 | 1.00 | 0.72 | 0.67 | 0.70 |
Precision | 1.00 | 1.00 | 1.00 | 0.76 | 0.68 | 0.73 |
F1 | 1.00 | 1.00 | 1.00 | 0.71 | 0.67 | 0.70 |
# Validation performance comparison
models_val_comp_df = pd.concat(
[base_val_wv.T,
base_val_gl.T,
base_val_st.T,
tuned_val_wv.T,
tuned_val_gl.T,
tuned_val_st.T,
],axis=1
)
models_val_comp_df.columns = [
"Base Model (Word2Vec)",
"Base Model (GloVe)",
"Base Model (Sentence Transformer)",
"Tuned Model (Word2Vec)",
"Tuned Model (GloVe)",
"Tuned Model (Sentence Transformer)",
]
print("Validation performance comparison:")
models_val_comp_df
Validation performance comparison:
Base Model (Word2Vec) | Base Model (GloVe) | Base Model (Sentence Transformer) | Tuned Model (Word2Vec) | Tuned Model (GloVe) | Tuned Model (Sentence Transformer) | |
---|---|---|---|---|---|---|
Accuracy | 0.48 | 0.43 | 0.52 | 0.48 | 0.43 | 0.29 |
Recall | 0.48 | 0.43 | 0.52 | 0.48 | 0.43 | 0.29 |
Precision | 0.50 | 0.46 | 0.44 | 0.50 | 0.29 | 0.27 |
F1 | 0.48 | 0.44 | 0.48 | 0.48 | 0.34 | 0.27 |
Best Model Selection:
- Tuning the model Word2Vec with a Decision Tree Classifier give us comparable performance metrics as using a non-tuned Sentence Transformer Model:
Model | Accuracy | F1-Score |
---|---|---|
Tuned Word2Vec | 0.48 | 0.48 |
Non-Tuned Sentence Transformer | 0.52 | 0.48 |
- However, the TPU/GPU processing is much higher so for cost considerations. Word2Vec may be more economical.
</body> </html>
================>>>>>>> Model Performance Check on Test Data - - - Drum roll please... ;-) <<<<<<¶
# Fit the best model to the test data.
tuned_wv.fit(X_test_wv, y_test) # Fit the chosen model on the test data.
DecisionTreeClassifier(random_state=42)In a Jupyter environment, please rerun this cell to show the HTML representation or trust the notebook.
On GitHub, the HTML representation is unable to render, please try loading this page with nbviewer.org.
DecisionTreeClassifier(random_state=42)
plot_confusion_matrix(tuned_wv,X_test_wv,y_test) # Confusion matrix for the final model and test data.
# Calculating different metrics on test data
final_model_test = model_performance_classification_sklearn(tuned_wv,X_test_wv,y_test) # Final model's performance with the test data.
print("Test performance for the final model:\n",final_model_test)
Test performance for the final model: Accuracy Recall Precision F1 0 1.00 1.00 1.00 1.00
Final Model Selection Observations:
- Outstanding results !!
- Model selected: Tuned Word2Vec model processing the test data.
- Performance Metrics on Test set for Accuracy and F1 were 100%.
- Processing time was nearly 7 seconds during training, other models were faster but less accurate. </font>
Weekly News Summarization - Second Part of the LLM Project¶
Important Note: It is recommended to run this section of the project independently from the previous sections in order to avoid runtime crashes due to RAM overload.
Installing and Importing the necessary libraries¶
# It installs version 0.1.85 of the GPU llama-cpp-python library
!CMAKE_ARGS="-DLLAMA_CUBLAS=on" FORCE_CMAKE=1 pip install llama-cpp-python==0.1.85 --force-reinstall --no-cache-dir -q # Invoked as a shell command executed within Jupyter/Google Colab.
# Installation for CPU llama-cpp-python
# uncomment and run the following code in case GPU is not being used
#!CMAKE_ARGS="-DLLAMA_CUBLAS=off" FORCE_CMAKE=1 pip install llama-cpp-python==0.1.85 --force-reinstall --no-cache-dir -q
━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 1.8/1.8 MB 24.9 MB/s eta 0:00:00 Installing build dependencies ... done Getting requirements to build wheel ... done Preparing metadata (pyproject.toml) ... done ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 62.0/62.0 kB 121.7 MB/s eta 0:00:00 ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 45.5/45.5 kB 239.5 MB/s eta 0:00:00 ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 16.4/16.4 MB 88.7 MB/s eta 0:00:00 Building wheel for llama-cpp-python (pyproject.toml) ... done ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts. cupy-cuda12x 12.2.0 requires numpy<1.27,>=1.20, but you have numpy 2.2.1 which is incompatible. gensim 4.3.3 requires numpy<2.0,>=1.18.5, but you have numpy 2.2.1 which is incompatible. langchain 0.3.14 requires numpy<2,>=1.22.4; python_version < "3.12", but you have numpy 2.2.1 which is incompatible. numba 0.60.0 requires numpy<2.1,>=1.22, but you have numpy 2.2.1 which is incompatible. pytensor 2.26.4 requires numpy<2,>=1.17.0, but you have numpy 2.2.1 which is incompatible. tensorflow 2.17.1 requires numpy<2.0.0,>=1.23.5; python_version <= "3.11", but you have numpy 2.2.1 which is incompatible. thinc 8.2.5 requires numpy<2.0.0,>=1.19.0; python_version >= "3.9", but you have numpy 2.2.1 which is incompatible.
NOTE: I previously removed these incompatibility versions and set the older versions of numpy and python. Most of the errors were removed. However, I prefer to keep using the latest versions whenever possible as a goal.
- I have not notice problems after these errors due to older version requested.
The meaning of the CMAKE_ARGS="-DLLAMA_CUBLAS=on" flag settings:
• CMAKE_ARGS: Environment variable passed to the build system (CMake).
• -DLLAMA_CUBLAS=on: A flag to enable CUDA BLAS (cuBLAS) support for Llama models.
• cuBLAS is an NVIDIA library optimized for GPU-based matrix operations, which speeds up computations when using NVIDIA GPUs.
Downloading the model Llama from huggingface¶
%%time
from huggingface_hub import hf_hub_download # Function to download the model from the Hugging Face model hub
from llama_cpp import Llama # Importing the Llama class from the llama_cpp module
import pandas as pd # Importing the library for data manipulation
from tqdm import tqdm # For progress bar related functionalities
tqdm.pandas()
CPU times: user 1.66 ms, sys: 72 µs, total: 1.73 ms Wall time: 4.01 ms
Loading the data¶
stock_news = pd.read_csv("/content/stock_news.csv") # Load the dataset
data = stock_news.copy() # Make a dtaframe copy for analysis
data.info(verbose=True) # Get details on the data, datatype, shape, memory usage.
<class 'pandas.core.frame.DataFrame'> RangeIndex: 349 entries, 0 to 348 Data columns (total 8 columns): # Column Non-Null Count Dtype --- ------ -------------- ----- 0 Date 349 non-null object 1 News 349 non-null object 2 Open 349 non-null float64 3 High 349 non-null float64 4 Low 349 non-null float64 5 Close 349 non-null float64 6 Volume 349 non-null int64 7 Label 349 non-null int64 dtypes: float64(4), int64(2), object(2) memory usage: 21.9+ KB
Observations:
- Date and News are object datatypse and will need handling
Wordcount to check on tokens¶
# Wordcount of a text in a file named stock_news
# Helpful to determine tokens-range to specify the "context window" parameter attribute of the instantiated class holding the model.
import re
def word_count(filepath):
"""Counts the number of words in a text file.
Args:
filepath: The path to the text file.
Returns:
The number of words in the file, or -1 if the file does not exist.
"""
try:
with open(filepath, 'r') as file:
text = file.read()
words = re.findall(r'\b\w+\b', text.lower()) #Find all words, convert to lower case
return len(words)
except FileNotFoundError:
return -1
word_count_result = word_count("stock_news.csv") # Replace with the actual file name
if word_count_result != -1:
print("Total word count:", word_count_result)
else:
print("File not found.")
Total word count: 22144
Observations:
- To properly configure the model's parameters, particularly the context window size (n_ctx), we need to count the total number of words in the text. This helps determine the optimal setting for the maximum number of tokens the model can process at once, such as setting n_ctx to 4500.
Loading the model¶
NOTE:
- We will use the downloaded Huggingface model for our purposes.
- HF Token for User Acces has been set for authentication.
model_name_or_path = "TheBloke/Mistral-7B-Instruct-v0.2-GGUF" # Model path
model_basename = "mistral-7b-instruct-v0.2.Q6_K.gguf" # Model name
model_path = hf_hub_download( # Download the little model with 7.3 billion parameters
repo_id="TheBloke/Mistral-7B-Instruct-v0.2-GGUF", # Use the repo_id
filename="mistral-7b-instruct-v0.2.Q6_K.gguf" # Use this filename
) # Examine progress (blue) until completion (green)
Connect downloaded model to execute runtime on available GPUs¶
# Connect runtime to GPU, a number of layers will be offloaded to the GPU for computations.
llm = Llama( # Variable that will hold the instance of the Llama model. Llama is the instantiated class of the llama-cpp-python lybrary.
model_path=model_path, # Path to the model, previously defined. This is typically a .bin file that contains the trained weights of the model.
n_gpu_layers=100, # Number of layers transferred to GPU. Which ones will be listed as an output.
n_ctx=4500, # Context window. It determines how much text (in tokens) the model can process or “remember” in a single pass.
)
AVX = 1 | AVX2 = 1 | AVX512 = 0 | AVX512_VBMI = 0 | AVX512_VNNI = 0 | FMA = 1 | NEON = 0 | ARM_FMA = 0 | F16C = 1 | FP16_VA = 0 | WASM_SIMD = 0 | BLAS = 1 | SSE3 = 1 | SSSE3 = 1 | VSX = 0 |
Observations:
Instruction Set Availability with the the Llama model loaded above:
Instruction Set | Availability | Description |
---|---|---|
AVX | 1 | Advanced Vector Extensions (AVX) for fast floating-point math |
AVX2 | 1 | AVX2 for improved vectorization and SIMD (Single Instruction, Multiple Data) |
AVX512 | 0 | AVX512 for even larger vector sizes (512-bit wide registers) |
AVX512_VBMI | 0 | AVX512_VBMI (AVX-512 Vector Byte Manipulation Instructions) for byte-level operations |
AVX512_VNNI | 0 | AVX512_VNNI (AVX-512 Vector Neural Network Instructions) for deep learning tasks |
FMA | 1 | Fused Multiply-Add (FMA) for efficient floating-point operations |
NEON | 0 | NEON SIMD architecture for ARM-based systems (used for multimedia processing) |
ARM_FMA | 0 | ARM-specific FMA operations for ARM architecture |
F16C | 1 | F16C support for half-precision floating-point calculations |
FP16_VA | 0 | FP16_VA for enhanced floating-point processing with 16-bit precision |
WASM_SIMD | 0 | WebAssembly SIMD (WASM_SIMD) support for SIMD in WebAssembly environments |
BLAS | 1 | BLAS (Basic Linear Algebra Subprograms) for matrix operations |
SSE3 | 1 | SSE3 (Streaming SIMD Extensions 3) for 128-bit SIMD instructions |
SSSE3 | 1 | SSSE3 (Supplemental Streaming SIMD Extensions 3) for more efficient SIMD operations |
VSX | 0 | VSX (Vector Scalar Extensions) for vector and scalar operations in PowerPC architecture |
</body> </html>
NOTE:
- Nice article with good instructions on how to download this same Llama model and run it locally on your MacBook M1 Pro with 16GB RAM: Run Mistral 7B on your Mac
# uncomment and run the following code in case GPU is not being used
# llm = Llama(
# model_path=model_path,
# n_ctx=4500, # Context window
# n_cores=-2 # Number of CPU cores to use
# )
Aggregating the data weekly¶
data["Date"] = pd.to_datetime(data['Date']) # Convert the 'Date' column to datetime format.
weekly_grouped = data.groupby(pd.Grouper(key='Date', freq='W')) # Group the data by week using the 'Date' column.
weekly_grouped_full = weekly_grouped.apply(lambda x: x).reset_index(drop=True) # Display all rows from the grouped Dataframe
print(weekly_grouped_full)
Date News Open High \ 0 2019-01-02 The tech sector experienced a significant dec... 41.74 42.24 1 2019-01-02 Apple lowered its fiscal Q1 revenue guidance ... 41.74 42.24 2 2019-01-02 Apple cut its fiscal first quarter revenue fo... 41.74 42.24 3 2019-01-02 This news article reports that yields on long... 41.74 42.24 4 2019-01-02 Apple's revenue warning led to a decline in U... 41.74 42.24 .. ... ... ... ... 344 2019-04-30 Media mogul Oprah Winfrey, known for influenc... 50.76 50.85 345 2019-04-30 European shares fell on Tuesday, with banks u... 50.76 50.85 346 2019-04-30 This article reports that the S&P 500 reached... 50.76 50.85 347 2019-04-30 The Federal Reserve is anticipated to keep in... 50.76 50.85 348 2019-04-30 In the first quarter, South Korea's Samsung E... 50.76 50.85 Low Close Volume Label 0 41.48 40.25 130672400 -1 1 41.48 40.25 130672400 -1 2 41.48 40.25 130672400 -1 3 41.48 40.25 130672400 -1 4 41.48 40.25 130672400 -1 .. ... ... ... ... 344 49.78 48.71 186139600 -1 345 49.78 48.71 186139600 -1 346 49.78 48.71 186139600 -1 347 49.78 48.71 186139600 -1 348 49.78 48.71 186139600 0 [349 rows x 8 columns]
# Aggregate the "News" column with a '||' as a separator and their corresponding "Volume" and "Label" also separated by '||' and reset the index.
# weekly_grouped = data.groupby(pd.Grouper(key='Date', freq='W')) # Group the data by week using the 'Date' column.
weekly_aggregated = weekly_grouped.agg(
{
"News": lambda x: " || ".join(x),
"Volume": lambda x: " || ".join(map(str, x)), # Assuming 'Value' needs string conversion
"Label": lambda x: " || ".join(map(str, x)), # Assuming 'Label' needs string conversion
}
).reset_index()
weekly_aggregated
Date | News | Volume | Label | |
---|---|---|---|---|
0 | 2019-01-06 | The tech sector experienced a significant dec... | 130672400 || 130672400 || 130672400 || 1306724... | -1 || -1 || -1 || -1 || -1 || 0 || 1 || -1 || ... |
1 | 2019-01-13 | Sprint and Samsung plan to release 5G smartph... | 109012000 || 109012000 || 109012000 || 1090120... | 1 || 0 || 0 || 1 || 1 || 0 || 0 || 0 || 0 || 0... |
2 | 2019-01-20 | The U.S. stock market declined on Monday as c... | 129756800 || 129756800 || 129756800 || 1297568... | -1 || -1 || 0 || 1 || -1 || -1 || 0 || -1 || -... |
3 | 2019-01-27 | The Swiss National Bank (SNB) governor, Andre... | 121576000 || 121576000 || 121576000 || 1215760... | -1 || -1 || 0 || 1 || 0 || 1 || 0 || 1 || 1 ||... |
4 | 2019-02-03 | Caterpillar Inc reported lower-than-expected ... | 104768400 || 104768400 || 104768400 || 1047684... | -1 || 1 || 0 || -1 || -1 || 0 || 0 || 0 || 1 |... |
5 | 2019-02-10 | The Dow Jones Industrial Average, S&P 500, an... | 91062800 || 91062800 || 91062800 || 91062800 |... | 1 || 1 || 0 || 0 || -1 || 0 || 0 || 1 || 0 || ... |
6 | 2019-02-17 | This week, the European Union's second highes... | 94487200 || 94487200 || 94487200 || 94487200 |... | 0 || 1 || 0 || -1 || 0 || 0 || -1 || 1 || 0 ||... |
7 | 2019-02-24 | This news article discusses progress towards ... | 75891200 || 104457600 || 104457600 || 10445760... | 1 || 0 || 1 || 0 || 0 || 1 || 1 || -1 |
8 | 2019-03-03 | The Dow Jones Industrial Average and other ma... | 87493600 || 87493600 || 87493600 || 87493600 |... | 1 || 0 || 1 || 0 || 0 || 1 || -1 || -1 || 0 |
9 | 2019-03-10 | Spotify, the world's largest paid music strea... | 93087200 || 83569600 || 83569600 || 161584400 ... | 0 || 0 || -1 || 1 || -1 || -1 || 0 || -1 || 0 ... |
10 | 2019-03-17 | The United States opposes France's digital se... | 114430400 || 114430400 || 124130000 || 1241300... | 0 || 0 || 0 || 0 || 0 || -1 || 0 || 0 || 0 || ... |
11 | 2019-03-24 | Facebook's stock price dropped more than 3% o... | 104879200 || 104879200 || 104879200 || 1048792... | -1 || 0 || 1 || 0 || 1 || 0 || 0 || 1 || -1 ||... |
12 | 2019-03-31 | This news article reports that the S&P 500 In... | 175381200 || 175381200 || 175381200 || 1753812... | -1 || 0 || 0 || 0 || 1 || 1 || 0 || 0 || 0 || ... |
13 | 2019-04-07 | Apple and other consumer brands, including LV... | 125982000 || 125982000 || 125982000 || 1259820... | 0 || 0 || 0 || -1 || 1 || 0 || 0 || 0 || 0 || ... |
14 | 2019-04-14 | In March, mobile phone shipments to China dro... | 138478800 || 138478800 || 138478800 || 1384788... | 0 || 1 || 0 || 1 || 0 || 1 || -1 |
15 | 2019-04-21 | The chairman of Taiwan's Foxconn, Terry Gou, ... | 70146400 || 70146400 || 102785600 || 115627200... | 0 || -1 || 0 || 0 || 0 || 1 || 1 || 1 || 0 || ... |
16 | 2019-04-28 | Taiwan's export orders continued to decline f... | 77758000 || 77758000 || 93292000 || 93292000 |... | 0 || -1 || 0 || 1 || -1 || -1 || 1 || 0 || 0 |... |
17 | 2019-05-05 | Spotify reported better-than-expected Q1 reve... | 88818800 || 88818800 || 88818800 || 186139600 ... | 1 || 1 || 0 || 0 || 0 || 0 || 0 || -1 || -1 ||... |
# Compare processed files ...
print("\nCompare processed files ...")
print("\nweekly_grouped_full: ",weekly_grouped_full.shape, "with Columns: ", weekly_grouped_full.columns)
print("weekly_aggregated: ",weekly_aggregated.shape,"with Columns: ", weekly_aggregated.columns)
Compare processed files ... weekly_grouped_full: (349, 8) with Columns: Index(['Date', 'News', 'Open', 'High', 'Low', 'Close', 'Volume', 'Label'], dtype='object') weekly_aggregated: (18, 4) with Columns: Index(['Date', 'News', 'Volume', 'Label'], dtype='object')
weekly_grouped_full_copy = weekly_grouped_full.copy() # Make a copy of all the data
weekly_grouped_full_copy # weekly_grouped_full: (349, 8) with Columns: Index(['Date', 'News', 'Open', 'High', 'Low', 'Close', 'Volume', 'Label'], dtype='object')
Date | News | Open | High | Low | Close | Volume | Label | |
---|---|---|---|---|---|---|---|---|
0 | 2019-01-02 | The tech sector experienced a significant dec... | 41.74 | 42.24 | 41.48 | 40.25 | 130672400 | -1 |
1 | 2019-01-02 | Apple lowered its fiscal Q1 revenue guidance ... | 41.74 | 42.24 | 41.48 | 40.25 | 130672400 | -1 |
2 | 2019-01-02 | Apple cut its fiscal first quarter revenue fo... | 41.74 | 42.24 | 41.48 | 40.25 | 130672400 | -1 |
3 | 2019-01-02 | This news article reports that yields on long... | 41.74 | 42.24 | 41.48 | 40.25 | 130672400 | -1 |
4 | 2019-01-02 | Apple's revenue warning led to a decline in U... | 41.74 | 42.24 | 41.48 | 40.25 | 130672400 | -1 |
... | ... | ... | ... | ... | ... | ... | ... | ... |
344 | 2019-04-30 | Media mogul Oprah Winfrey, known for influenc... | 50.76 | 50.85 | 49.78 | 48.71 | 186139600 | -1 |
345 | 2019-04-30 | European shares fell on Tuesday, with banks u... | 50.76 | 50.85 | 49.78 | 48.71 | 186139600 | -1 |
346 | 2019-04-30 | This article reports that the S&P 500 reached... | 50.76 | 50.85 | 49.78 | 48.71 | 186139600 | -1 |
347 | 2019-04-30 | The Federal Reserve is anticipated to keep in... | 50.76 | 50.85 | 49.78 | 48.71 | 186139600 | -1 |
348 | 2019-04-30 | In the first quarter, South Korea's Samsung E... | 50.76 | 50.85 | 49.78 | 48.71 | 186139600 | 0 |
349 rows × 8 columns
weekly_aggregated_copy = weekly_aggregated.copy() # Make a copy of the aggregated data
weekly_aggregated_copy # weekly_aggregated_copy: (18, 4) with Columns: Index(['Date', 'News', 'Volume', 'Label'], dtype='object')
Date | News | Volume | Label | |
---|---|---|---|---|
0 | 2019-01-06 | The tech sector experienced a significant dec... | 130672400 || 130672400 || 130672400 || 1306724... | -1 || -1 || -1 || -1 || -1 || 0 || 1 || -1 || ... |
1 | 2019-01-13 | Sprint and Samsung plan to release 5G smartph... | 109012000 || 109012000 || 109012000 || 1090120... | 1 || 0 || 0 || 1 || 1 || 0 || 0 || 0 || 0 || 0... |
2 | 2019-01-20 | The U.S. stock market declined on Monday as c... | 129756800 || 129756800 || 129756800 || 1297568... | -1 || -1 || 0 || 1 || -1 || -1 || 0 || -1 || -... |
3 | 2019-01-27 | The Swiss National Bank (SNB) governor, Andre... | 121576000 || 121576000 || 121576000 || 1215760... | -1 || -1 || 0 || 1 || 0 || 1 || 0 || 1 || 1 ||... |
4 | 2019-02-03 | Caterpillar Inc reported lower-than-expected ... | 104768400 || 104768400 || 104768400 || 1047684... | -1 || 1 || 0 || -1 || -1 || 0 || 0 || 0 || 1 |... |
5 | 2019-02-10 | The Dow Jones Industrial Average, S&P 500, an... | 91062800 || 91062800 || 91062800 || 91062800 |... | 1 || 1 || 0 || 0 || -1 || 0 || 0 || 1 || 0 || ... |
6 | 2019-02-17 | This week, the European Union's second highes... | 94487200 || 94487200 || 94487200 || 94487200 |... | 0 || 1 || 0 || -1 || 0 || 0 || -1 || 1 || 0 ||... |
7 | 2019-02-24 | This news article discusses progress towards ... | 75891200 || 104457600 || 104457600 || 10445760... | 1 || 0 || 1 || 0 || 0 || 1 || 1 || -1 |
8 | 2019-03-03 | The Dow Jones Industrial Average and other ma... | 87493600 || 87493600 || 87493600 || 87493600 |... | 1 || 0 || 1 || 0 || 0 || 1 || -1 || -1 || 0 |
9 | 2019-03-10 | Spotify, the world's largest paid music strea... | 93087200 || 83569600 || 83569600 || 161584400 ... | 0 || 0 || -1 || 1 || -1 || -1 || 0 || -1 || 0 ... |
10 | 2019-03-17 | The United States opposes France's digital se... | 114430400 || 114430400 || 124130000 || 1241300... | 0 || 0 || 0 || 0 || 0 || -1 || 0 || 0 || 0 || ... |
11 | 2019-03-24 | Facebook's stock price dropped more than 3% o... | 104879200 || 104879200 || 104879200 || 1048792... | -1 || 0 || 1 || 0 || 1 || 0 || 0 || 1 || -1 ||... |
12 | 2019-03-31 | This news article reports that the S&P 500 In... | 175381200 || 175381200 || 175381200 || 1753812... | -1 || 0 || 0 || 0 || 1 || 1 || 0 || 0 || 0 || ... |
13 | 2019-04-07 | Apple and other consumer brands, including LV... | 125982000 || 125982000 || 125982000 || 1259820... | 0 || 0 || 0 || -1 || 1 || 0 || 0 || 0 || 0 || ... |
14 | 2019-04-14 | In March, mobile phone shipments to China dro... | 138478800 || 138478800 || 138478800 || 1384788... | 0 || 1 || 0 || 1 || 0 || 1 || -1 |
15 | 2019-04-21 | The chairman of Taiwan's Foxconn, Terry Gou, ... | 70146400 || 70146400 || 102785600 || 115627200... | 0 || -1 || 0 || 0 || 0 || 1 || 1 || 1 || 0 || ... |
16 | 2019-04-28 | Taiwan's export orders continued to decline f... | 77758000 || 77758000 || 93292000 || 93292000 |... | 0 || -1 || 0 || 1 || -1 || -1 || 1 || 0 || 0 |... |
17 | 2019-05-05 | Spotify reported better-than-expected Q1 reve... | 88818800 || 88818800 || 88818800 || 186139600 ... | 1 || 1 || 0 || 0 || 0 || 0 || 0 || -1 || -1 ||... |
**weekly_aggregated_copy** is our baseline file to process using the model, the prompt for sumarization of the news headlines.
data
Date | News | Open | High | Low | Close | Volume | Label | |
---|---|---|---|---|---|---|---|---|
0 | 2019-01-02 | The tech sector experienced a significant dec... | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 |
1 | 2019-01-02 | Apple lowered its fiscal Q1 revenue guidance ... | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 |
2 | 2019-01-02 | Apple cut its fiscal first quarter revenue fo... | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 |
3 | 2019-01-02 | This news article reports that yields on long... | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 |
4 | 2019-01-02 | Apple's revenue warning led to a decline in U... | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 |
... | ... | ... | ... | ... | ... | ... | ... | ... |
344 | 2019-04-30 | Media mogul Oprah Winfrey, known for influenc... | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 |
345 | 2019-04-30 | European shares fell on Tuesday, with banks u... | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 |
346 | 2019-04-30 | This article reports that the S&P 500 reached... | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 |
347 | 2019-04-30 | The Federal Reserve is anticipated to keep in... | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 |
348 | 2019-04-30 | In the first quarter, South Korea's Samsung E... | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | 0 |
349 rows × 8 columns
Summarization¶
Note:
The model is expected to summarize the news from the week by identifying the top three positive and negative events that are most likely to impact the price of the stock.
As an output, the model is expected to return a JSON containing two keys, one for Positive Events and one for Negative Events.
For the project, we need to define the prompt to be fed to the LLM to help it understand the task to perform. The following should be the components of the prompt:
Role: Specifies the role the LLM will be taking up to perform the specified task, along with any specific details regarding the role
- Example:
You are an expert data analyst specializing in news content analysis.
- Example:
Task: Specifies the task to be performed and outlines what needs to be accomplished, clearly defining the objective
- Example:
Analyze the provided news headline and return the main topics contained within it.
- Example:
Instructions: Provides detailed guidelines on how to perform the task, which includes steps, rules, and criteria to ensure the task is executed correctly
- Example:
Instructions:
1. Read the news headline carefully.
2. Identify the main subjects or entities mentioned in the headline.
3. Determine the key events or actions described in the headline.
4. Extract relevant keywords that represent the topics.
5. List the topics in a concise manner.
Output Format: Specifies the format in which the final response should be structured, ensuring consistency and clarity in the generated output
- Example:
Return the output in JSON format with keys as the topic number and values as the actual topic.
- Example:
Full Prompt Example:
You are an expert data analyst specializing in news content analysis.
Task: Analyze the provided news headline and return the main topics contained within it.
Instructions:
1. Read the news headline carefully.
2. Identify the main subjects or entities mentioned in the headline.
3. Determine the key events or actions described in the headline.
4. Extract relevant keywords that represent the topics.
5. List the topics in a concise manner.
Return the output in JSON format with keys as the topic number and values as the actual topic.
Sample Output:
{"1": "Politics", "2": "Economy", "3": "Health" }
Utility Functions¶
JSON parsing function
# defining a function to parse the JSON output from the model
def extract_json_data(json_str):
import json
try:
# Find the indices of the opening and closing curly braces
json_start = json_str.find('{')
json_end = json_str.rfind('}')
if json_start != -1 and json_end != -1:
extracted_category = json_str[json_start:json_end + 1] # Extract the JSON object
data_dict = json.loads(extracted_category)
return data_dict
else:
print(f"Warning: JSON object not found in response: {json_str}")
return {}
except json.JSONDecodeError as e:
print(f"Error parsing JSON: {e}")
return {}
Defining the response function¶
# Response function with 'Label' data incorporated (OPTION B)
def response_mistral_1(prompt, news, labels):
# Combine 'news' and 'labels' into a format you want to pass to the model
formatted_news_and_labels = "\n".join([f"News: {n} | Label: {l}" for n, l in zip(news, labels)])
# Construct the prompt with both the news and the labels
model_output = llm(
f"""
[INST]
{prompt}
News Articles and Labels:
{formatted_news_and_labels}
[/INST]
""",
max_tokens=150, # Set max tokens to limit response length
temperature=0, # Set temperature for a more predictable response
top_p=0.95, # Set top_p for diversity
top_k=50, # Limit to top 50 tokens for better focus
stop=['INST'], # Stop at the end of the instruction
echo=False,
)
final_output = model_output["choices"][0]["text"]
return final_output
# Response function (OPTION # 1) Only creating Key Events
def response_mistral_1(prompt, news):
model_output = llm(
f"""
[INST]
{prompt}
News Articles: {news}
[/INST]
""",
max_tokens=150, # Set max tokens to limit response length. Limits the maximum number of tokens in the LLM's response to 150, controlling the length of the output.
temperature=0, # Set temperature for minimum creativity. Sets the temperature to 0, results in more deterministic responses. Higher temperatures can lead to more diverse but imaginative outputs.
top_p=0.95, # Set top_p for diversity. 0.95 means that the model will only select from the top 95% most probable tokens, leading to more focused and coherent responses.
top_k=50, # Limit to top 50 tokens for better focus. Limits the number of considered tokens to the top 50 most probable ones, further refining the selection process.
stop=['INST'], # Stop at the end of the instruction. Instructs the LLM to stop generating text when it encounters the [/INST] marker.
echo=False,
)
final_output = model_output["choices"][0]["text"]
return final_output
Checking the model output on a sample of the data to examine the processing accuracy¶
news = weekly_aggregated_copy.loc[0, 'News'] # Using PROMPT 1 AND JSON
print(len(news.split(' '))) # Using PROMPT 1 AND JSON
news
2611
' The tech sector experienced a significant decline in the aftermarket following Apple\'s Q1 revenue warning. Notable suppliers, including Skyworks, Broadcom, Lumentum, Qorvo, and TSMC, saw their stocks drop in response to Apple\'s downward revision of its revenue expectations for the quarter, previously announced in January. || Apple lowered its fiscal Q1 revenue guidance to $84 billion from earlier estimates of $89-$93 billion due to weaker than expected iPhone sales. The announcement caused a significant drop in Apple\'s stock price and negatively impacted related suppliers, leading to broader market declines for tech indices such as Nasdaq 10 || Apple cut its fiscal first quarter revenue forecast from $89-$93 billion to $84 billion due to weaker demand in China and fewer iPhone upgrades. CEO Tim Cook also mentioned constrained sales of Airpods and Macbooks. Apple\'s shares fell 8.5% in post market trading, while Asian suppliers like Hon || This news article reports that yields on long-dated U.S. Treasury securities hit their lowest levels in nearly a year on January 2, 2019, due to concerns about the health of the global economy following weak economic data from China and Europe, as well as the partial U.S. government shutdown. Apple || Apple\'s revenue warning led to a decline in USD JPY pair and a gain in Japanese yen, as investors sought safety in the highly liquid currency. Apple\'s underperformance in Q1, with forecasted revenue of $84 billion compared to analyst expectations of $91.5 billion, triggered risk aversion mood in markets || Apple CEO Tim Cook discussed the company\'s Q1 warning on CNBC, attributing US-China trade tensions as a factor. Despite not mentioning iPhone unit sales specifically, Cook indicated Apple may comment on them again. Services revenue is projected to exceed $10.8 billion in Q1. Cook also addressed the lack of || Roku Inc has announced plans to offer premium video channels on a subscription basis through its free streaming service, The Roku Channel. Partners include CBS Corp\'s Showtime, Lionsgate\'s Starz, and Viacom Inc\'s Noggin. This model follows Amazon\'s successful Channels business, which generated an estimated || Wall Street saw modest gains on Wednesday but were threatened by fears of a global economic slowdown following Apple\'s shocking revenue forecast cut, blaming weak demand in China. The tech giant\'s suppliers and S&P 500 futures also suffered losses. Reports of decelerating factory activity in China and the euro zone || Apple\'s fiscal first quarter revenue came in below analysts\' estimates at around $84 billion, a significant drop from the forecasted range of $89-$93 billion. The tech giant attributed the shortfall to lower iPhone revenue and upgrades, as well as weakness in emerging markets. Several brokerages had already reduced their production estimates || Apple Inc. lowered its quarterly sales forecast for the fiscal first quarter, underperforming analysts\' expectations due to slowing Chinese economy and trade tensions. The news sent Apple shares tumbling and affected Asia-listed suppliers like Hon Hai Precision Industry Co Ltd, Taiwan Semiconductor Manufacturing Company, and LG Innot || The Australian dollar experienced significant volatility on Thursday, plunging to multi-year lows against major currencies due to automated selling, liquidity issues, and a drought of trades. The largest intra-day falls in the Aussie\'s history occurred amid violent movements in AUD/JPY and AUD/ || In early Asian trading on Thursday, the Japanese yen surged as the U.S. dollar and Australian dollar collapsed in thin markets due to massive stop loss sales triggered by Apple\'s earnings warning of sluggish iPhone sales in China and risk aversion. The yen reached its lowest levels against the U.S. dollar since March || The dollar fell from above 109 to 106.67 after Apple\'s revenue warning, while the 10-year Treasury yield also dropped to 2.61%. This followed money flowing into US government paper. Apple\'s shares and U.S. stock index futures declined, with the NAS || RBC Capital maintains its bullish stance on Apple, keeping its Outperform rating and $220 price target. However, analyst Amit Daryanani warns of ongoing iPhone demand concerns, which could impact pricing power and segmentation efforts if severe. He suggests potential capital allocation adjustments if the stock underperforms for several quarters || Oil prices dropped on Thursday as investor sentiment remained affected by China\'s economic slowdown and turmoil in stock and currency markets. US WTI Crude Oil fell by $2.10 to $45.56 a barrel, while International Brent Oil was down $1.20 at $54.26 || In this news article, investors\' concerns about a slowing Chinese and global economy, amplified by Apple\'s revenue warning, led to a significant surge in the Japanese yen. The yen reached its biggest one-day rise in 20 months, with gains of over 4% versus the dollar. This trend was driven by automated || In Asia, gold prices rose to over six-month highs on concerns of a global economic slowdown and stock market volatility. Apple lowered its revenue forecast for the first quarter, leading Asian stocks to decline and safe haven assets like gold and Japanese yen to gain. Data showed weakened factory activity in Asia, particularly China, adding to || Fears of a global economic slowdown led to a decline in the US dollar on Thursday, as the yen gained ground due to its status as a safe haven currency. The USD index slipped below 96, and USD JPY dropped to 107.61, while the yen strengthened by 4.4%. || In Thursday trading, long-term US Treasury yields dropped significantly below 2.6%, reaching levels not seen in over a year, as investors shifted funds from stocks to bonds following Apple\'s warning of decreased revenue due to emerging markets and China\'s impact on corporate profits, with the White House advisor adding to concerns of earnings down || Gold prices have reached their highest level since mid-June, with the yellow metal hitting $1,291.40 per ounce due to investor concerns over a slowing economy and Apple\'s bearish revenue outlook. Saxo Bank analyst Ole Hansen predicts gold may reach $1,300 sooner || Wedbush analyst Daniel Ives lowered his price target for Apple from $275 to $200 due to concerns over potential iPhone sales stagnation, with an estimated 750 million active iPhones worldwide that could cease growing or even decline. He maintains an Outperform rating and remains bullish on the long || Oil prices rebounded on Thursday due to dollar weakness, signs of output cuts by Saudi Arabia, and weaker fuel oil margins leading Riyadh to lower February prices for heavier crude grades sold to Asia. The Organization of the Petroleum Exporting Countries (OPEC) led by Saudi Arabia and other producers || This news article reports on the impact of Apple\'s Q1 revenue warning on several tech and biotech stocks. Sesen Bio (SESN) and Prana Biotechnology (PRAN) saw their stock prices drop by 28% and 11%, respectively, following the announcement. Mellanox Technologies (ML || Gold prices reached within $5 of $1,300 on Thursday as weak stock markets and a slumping dollar drove investors towards safe-haven assets. The U.S. stock market fell about 2%, with Apple\'s rare profit warning adding to investor unease. COMEX gold futures settled at $1 || The FDIC Chair, Jelena McWilliams, expressed no concern over market volatility affecting the U.S banking system due to banks\' ample capital. She also mentioned a review of the CAMELS rating system used to evaluate bank health for potential inconsistencies and concerns regarding forum shopping. This review comes from industry || Apple cut its quarterly revenue forecast for the first time in over 15 years due to weak iPhone sales in China, representing around 20% of Apple\'s revenue. This marks a significant downturn during Tim Cook\'s tenure and reflects broader economic concerns in China exacerbated by trade tensions with the US. U || Goldman analyst Rod Hall lowered his price target for Apple from $182 to $140, citing potential risks to the tech giant\'s 2019 numbers due to uncertainties in Chinese demand. He reduced his revenue estimate for the year by $6 billion and EPS forecast by $1.54 || Delta Air Lines lowered its fourth-quarter revenue growth forecast to a range of 3% from the previous estimate of 3% to 5%. Earnings per share are now expected to be $1.25 to $1.30. The slower pace of improvement in late December was unexpected, and Delta cited this as || Apple\'s profit warning has significantly impacted the stock market and changed the outlook for interest rates. The chance of a rate cut in May has increased to 15-16% from just 3%, according to Investing com\'s Fed Rate Monitor Tool. There is even a 1% chance of two cuts in May. || The White House advisor, Kevin Hassett, stated that a decline in Chinese economic growth would negatively impact U.S. firm profits but recover once a trade deal is reached between Washington and Beijing. He also noted that Asian economies, including China, have been experiencing significant slowdowns since last spring due to U.S. tariffs || The White House economic adviser, Kevin Hassett, warned that more companies could face earnings downgrades due to ongoing trade negotiations between the U.S. and China, leading to a decline in oil prices on Thursday. WTI crude fell 44 cents to $44.97 a barrel, while Brent crude inched || Japanese stocks suffered significant losses on the first trading day of 2019, with the Nikkei 225 and Topix indices both falling over 3 percent. Apple\'s revenue forecast cut, citing weak iPhone sales in China, triggered global growth concerns and sent technology shares tumbling. The S&P 50 || Investors withdrew a record $98 billion from U.S. stock funds in December, with fears of aggressive monetary policy and an economic slowdown driving risk reduction. The S&P 500 fell 9% last month, with some seeing declines as a buying opportunity. Apple\'s warning of weak iPhone sales added || Apple\'s Q1 revenue guidance cut, resulting from weaker demand in China, led to an estimated $3.8 billion paper loss for Berkshire Hathaway due to its $252 million stake in Apple. This news, coupled with broad market declines, caused a significant $21.4 billion decrease in Berk || This news article reports that a cybersecurity researcher, Wish Wu, planned to present at the Black Hat Asia hacking conference on how to bypass Apple\'s Face ID biometric security on iPhones. However, his employer, Ant Financial, which operates Alipay and uses facial recognition technologies including Face ID, asked him to withdraw || OPEC\'s production cuts faced uncertainty as oil prices were influenced by volatile stock markets, specifically due to Apple\'s lowered revenue forecast and global economic slowdown fears. US WTI and Brent crude both saw gains, but these were checked by stock market declines. Shale production is expected to continue impacting the oil market in || Warren Buffett\'s Berkshire Hathaway suffered significant losses in the fourth quarter due to declines in Apple, its largest common stock investment. Apple cut its revenue forecast, causing a 5-6% decrease in Berkshire\'s Class A shares. The decline resulted in potential unrealized investment losses and could push Berk || This news article reports that on Thursday, the two-year Treasury note yield dropped below the Federal Reserve\'s effective rate for the first time since 2008. The market move suggests investors believe the Fed will not be able to continue tightening monetary policy. The drop in yields was attributed to a significant decline in U.S || The U.S. and China will hold their first face-to-face trade talks since agreeing to a 90-day truce in their trade war last month. Deputy U.S. Trade Representative Jeffrey Gerrish will lead the U.S. delegation for negotiations on Jan. 7 and 8, || Investors bought gold in large quantities due to concerns over a global economic slowdown, increased uncertainty in the stock market, and potential Fed rate hikes. The precious metal reached its highest price since June, with gold ETF holdings also seeing significant increases. Factors contributing to this demand include economic downturn, central bank policy mistakes, and || Delta Air Lines Inc reported lower-than-expected fourth quarter unit revenue growth, citing weaker than anticipated late bookings and increased competition. The carrier now expects total revenue per available seat mile to rise about 3 percent in the period, down from its earlier forecast of 3.5 percent growth. Fuel prices are also expected to || U.S. stocks experienced significant declines on Thursday as the S&P 500 dropped over 2%, the Dow Jones Industrial Average fell nearly 3%, and the Nasdaq Composite lost approximately 3% following a warning of weak revenue from Apple and indications of slowing U.S. factory activity, raising concerns || President Trump expressed optimism over potential trade talks with China, citing China\'s current economic weakness as a potential advantage for the US. This sentiment was echoed by recent reports of weakened demand for Apple iPhones in China, raising concerns about the overall health of the Chinese economy. The White House is expected to take a strong stance in || Qualcomm secured a court order in Germany banning the sale of some iPhone models due to patent infringement, leading Apple to potentially remove these devices from its stores. However, third-party resellers like Gravis continue selling the affected iPhones. This is the third major effort by Qualcomm to ban Apple\'s iPhones glob || Oil prices rose on Friday in Asia as China confirmed trade talks with the U.S., with WTI gaining 0.7% to $47.48 and Brent increasing 0.7% to $56.38 a barrel. The gains came after China\'s Commerce Ministry announced that deputy U.S. Trade || Gold prices surged past the psychologically significant level of $1,300 per ounce in Asia on Friday due to growing concerns over a potential global economic downturn. The rise in gold was attributed to weak PMI data from China and Apple\'s reduced quarterly sales forecast. Investors viewed gold as a safe haven asset amidst || In an internal memo, Huawei\'s Chen Lifang reprimanded two employees for sending a New Year greeting on the company\'s official Twitter account using an iPhone instead of a Huawei device. The incident caused damage to the brand and was described as a "blunder" in the memo. The mistake occurred due to || This news article reports on the positive impact of trade war talks between Beijing and Washington on European stock markets, specifically sectors sensitive to the trade war such as carmakers, industrials, mining companies, and banking. Stocks rallied with mining companies leading the gains due to copper price recovery. Bayer shares climbed despite a potential ruling restricting || Amazon has sold over 100 million devices with its Alexa digital assistant, according to The Verge. The company is cautious about releasing hardware sales figures and did not disclose holiday numbers for the Echo Dot. Over 150 products feature Alexa, and more than 28,000 smart home || The Supreme Court will review Broadcom\'s appeal in a shareholder lawsuit over the 2015 acquisition of Emulex. The case hinges on whether intent to defraud is required for such lawsuits, and the decision could extend beyond the Broadcom suit. An Emulex investor filed a class action lawsuit || The Chinese central bank announced a fifth reduction in the required reserve ratio (RRR) for banks, freeing up approximately 116.5 billion yuan for new lending. This follows mounting concerns about China\'s economic health amid slowing domestic demand and U.S. tariffs on exports. Premier Li Keqiang || The stock market rebounded strongly on Friday following positive news about US-China trade talks, a better-than-expected jobs report, and dovish comments from Federal Reserve Chairman Jerome Powell. The Dow Jones Industrial Average rose over 746 points, with the S&P 500 and Nasdaq Com'
# ------------------------------------------PROMPT 1 NOW WORKING ---
prompt = """
You are an expert data analyst specializing in news analysis and sentiment analysis.
Task: Analyze the provided news headlines and return the main topics within them. Each event should be listed once, even if mentioned multiple times.
Instructions:
1. Read the news headline carefully to dentify the main subjects or entities mentioned in the news headline.
3. Determine the key events or actions described in the headline.
4. Extract relevant keywords that represent these same topics and summarize each.
5. List these resulting summarized topics in a concise manner using an uniform numerical format like 1,2,3,4,5...etc. always starting with numerical 1, per topic.
6. Be sure to use uniform formatting for the output and always end each row with a period.
Return the output results in JSON format with keys as the topic number and values as the actual topic.
"""
# ---------------------------------------------PROMPT 2 -----
prompt = """
You are an expert data analyst specializing in sentiment analysis.
Task: Analyze the numbered Key Events and return corresponding Labels.
Instructions:
1. Read the numbered Key Events carefully.
3. Determine the matching Labels key events and number them to match the Key Events.
4. For each instance of a -1 create the text "Negative News Event" and for each instance of a 1 create the text "Positive News Event" matching each Key Events number.
5. List these matching Labels now in text and make sure they still match the exact number of Key Events.
6. Be sure to use uniform formatting for the output and always end each row with a period.
"""
# Return the output results in JSON format with keys as the topic number and values as the actual topic.
# """
# ------------------------------------------PROMPT 2.1 ----
prompt = """
You are an expert data analyst specializing in news analysis and sentiment analysis.
Task: Analyze the provided news headlines and return the main topics for each of them. Each event should be listed once, even if mentioned multiple times.
Instructions:
1. Read the news headline carefully to dentify the main subjects or entities mentioned in the news headline.
3. Determine the key events or actions described in the headline.
4. Extract relevant keywords that represent these same topics and summarize each.
5. List these resulting summarized topics in a concise manner.
6. Be sure to use uniform formatting for the output.
"""
# Return the output results in JSON format with keys as the topic number and values as the actual topic.
# """
weekly_aggregated_copy # Check contents for aggregated and combined weekly data
Date | News | Volume | Label | |
---|---|---|---|---|
0 | 2019-01-06 | The tech sector experienced a significant dec... | 130672400 || 130672400 || 130672400 || 1306724... | -1 || -1 || -1 || -1 || -1 || 0 || 1 || -1 || ... |
1 | 2019-01-13 | Sprint and Samsung plan to release 5G smartph... | 109012000 || 109012000 || 109012000 || 1090120... | 1 || 0 || 0 || 1 || 1 || 0 || 0 || 0 || 0 || 0... |
2 | 2019-01-20 | The U.S. stock market declined on Monday as c... | 129756800 || 129756800 || 129756800 || 1297568... | -1 || -1 || 0 || 1 || -1 || -1 || 0 || -1 || -... |
3 | 2019-01-27 | The Swiss National Bank (SNB) governor, Andre... | 121576000 || 121576000 || 121576000 || 1215760... | -1 || -1 || 0 || 1 || 0 || 1 || 0 || 1 || 1 ||... |
4 | 2019-02-03 | Caterpillar Inc reported lower-than-expected ... | 104768400 || 104768400 || 104768400 || 1047684... | -1 || 1 || 0 || -1 || -1 || 0 || 0 || 0 || 1 |... |
5 | 2019-02-10 | The Dow Jones Industrial Average, S&P 500, an... | 91062800 || 91062800 || 91062800 || 91062800 |... | 1 || 1 || 0 || 0 || -1 || 0 || 0 || 1 || 0 || ... |
6 | 2019-02-17 | This week, the European Union's second highes... | 94487200 || 94487200 || 94487200 || 94487200 |... | 0 || 1 || 0 || -1 || 0 || 0 || -1 || 1 || 0 ||... |
7 | 2019-02-24 | This news article discusses progress towards ... | 75891200 || 104457600 || 104457600 || 10445760... | 1 || 0 || 1 || 0 || 0 || 1 || 1 || -1 |
8 | 2019-03-03 | The Dow Jones Industrial Average and other ma... | 87493600 || 87493600 || 87493600 || 87493600 |... | 1 || 0 || 1 || 0 || 0 || 1 || -1 || -1 || 0 |
9 | 2019-03-10 | Spotify, the world's largest paid music strea... | 93087200 || 83569600 || 83569600 || 161584400 ... | 0 || 0 || -1 || 1 || -1 || -1 || 0 || -1 || 0 ... |
10 | 2019-03-17 | The United States opposes France's digital se... | 114430400 || 114430400 || 124130000 || 1241300... | 0 || 0 || 0 || 0 || 0 || -1 || 0 || 0 || 0 || ... |
11 | 2019-03-24 | Facebook's stock price dropped more than 3% o... | 104879200 || 104879200 || 104879200 || 1048792... | -1 || 0 || 1 || 0 || 1 || 0 || 0 || 1 || -1 ||... |
12 | 2019-03-31 | This news article reports that the S&P 500 In... | 175381200 || 175381200 || 175381200 || 1753812... | -1 || 0 || 0 || 0 || 1 || 1 || 0 || 0 || 0 || ... |
13 | 2019-04-07 | Apple and other consumer brands, including LV... | 125982000 || 125982000 || 125982000 || 1259820... | 0 || 0 || 0 || -1 || 1 || 0 || 0 || 0 || 0 || ... |
14 | 2019-04-14 | In March, mobile phone shipments to China dro... | 138478800 || 138478800 || 138478800 || 1384788... | 0 || 1 || 0 || 1 || 0 || 1 || -1 |
15 | 2019-04-21 | The chairman of Taiwan's Foxconn, Terry Gou, ... | 70146400 || 70146400 || 102785600 || 115627200... | 0 || -1 || 0 || 0 || 0 || 1 || 1 || 1 || 0 || ... |
16 | 2019-04-28 | Taiwan's export orders continued to decline f... | 77758000 || 77758000 || 93292000 || 93292000 |... | 0 || -1 || 0 || 1 || -1 || -1 || 1 || 0 || 0 |... |
17 | 2019-05-05 | Spotify reported better-than-expected Q1 reve... | 88818800 || 88818800 || 88818800 || 186139600 ... | 1 || 1 || 0 || 0 || 0 || 0 || 0 || -1 || -1 ||... |
%%time
summary = response_mistral_1(prompt, news) # Using JSON, Using Simple Promts, Topics nicely generated.
print(summary)
[ { "topic_1": "Apple's Q1 revenue warning and its impact on tech stocks", "topic_2": "Global economic concerns following Apple's revenue warning", "topic_3": "Impact of US-China trade tensions on companies' earnings", "topic_4": "Safe haven assets (Japanese yen, gold) gaining value due to market volatility and economic fears", "topic_5": "Apple's weak sales in China and its effect on other industries", "topic_6": "Record withdrawals from US stock funds due to economic slowdown fears" } CPU times: user 15.1 s, sys: 5.29 s, total: 20.4 s Wall time: 21 s
%%time
summary = response_mistral_1(prompt, data) # This function extracts a nice summary of the News Headlines with Topics and Keywords. **FOR ONLY ONE ROW** Using PROMPT 1
print(summary)
Llama.generate: prefix-match hit
1. News Headline 1-3: Apple Revises Financial Forecasts (January 2, 2019) - Topics: Apple, fiscal Q1 revenue guidance, fiscal first quarter revenue forecast 2. News Headline 4: Apple's Revenue Warning Affects US Stocks (January 2, 2019) - Topics: Apple, revenue warning, US stocks 3. News Headline 344-347: Mixed Market Performance and Central Bank Expectations (April 30, 2019) - Topics: European shares, S&P 5 CPU times: user 6.76 s, sys: 0 ns, total: 6.76 s Wall time: 6.78 s
print(summary) # nice summary of the News Headlines with Topics and Keywords. **FOR ONLY ONE ROW** PROMPT 1.1
Based on the given news headlines, here are the main topics and their corresponding keywords for each article: News Headline Topics Keywords 0 The tech sector experienced a significant dec... Technology, Decrease tech sector, decrease 1 Sprint and Samsung plan to release 5G smartph... Technology, Telecommunications, Samsung, 5G 2 The U.S. stock market declined on Monday as c... Stock Market, United States 3 The Swiss National Bank (SNB) governor, Andre... Switzerland, Central Bank, SNB, Governor 4 Caterpillar Inc reported lower-than
Checking the model output on the weekly data¶
%%time
summary_nonjson = response_mistral_1(prompt, weekly_aggregated_copy) # This is where the rubber meets the road. Using the prompt properly <========================== PROMPT #2
print(summary_nonjson)
Llama.generate: prefix-match hit
0. tech sector experience significant decrease, 1. Sprint and Samsung plan to release 5G smartphones, 2. U.S. stock market declines, 3. SNB governor Andreas Jordan Speitzer speaks, 4. Caterpillar Inc reports lower-than-expected earnings, 5. Dow Jones Industrial Average, S&P 500 and Nasdaq composite decline, 6. European Union's second highest court rules on copyright, 7. Progress towards gender equality in Hollywood, 8. Dow Jones Industrial Average, S&P 500 and other major indices rise, 9. Spotify reports better CPU times: user 8.93 s, sys: 0 ns, total: 8.93 s Wall time: 8.99 s
weekly_aggregated_copy # Using PROMPT #2 - Check on entire data
Date | News | Volume | Label | Key Events | |
---|---|---|---|---|---|
0 | 2019-01-06 | The tech sector experienced a significant dec... | 130672400 || 130672400 || 130672400 || 1306724... | -1 || -1 || -1 || -1 || -1 || 0 || 1 || -1 || ... | 1. Apple's Q1 revenue warning and its impact o... |
1 | 2019-01-13 | Sprint and Samsung plan to release 5G smartph... | 109012000 || 109012000 || 109012000 || 1090120... | 1 || 0 || 0 || 1 || 1 || 0 || 0 || 0 || 0 || 0... | 1. Sprint and Samsung planning 5G phone releas... |
2 | 2019-01-20 | The U.S. stock market declined on Monday as c... | 129756800 || 129756800 || 129756800 || 1297568... | -1 || -1 || 0 || 1 || -1 || -1 || 0 || -1 || -... | 1. Global economic slowdown, Chinese exports a... |
3 | 2019-01-27 | The Swiss National Bank (SNB) governor, Andre... | 121576000 || 121576000 || 121576000 || 1215760... | -1 || -1 || 0 || 1 || 0 || 1 || 0 || 1 || 1 ||... | 1. Swiss National Bank (SNB): Negative interes... |
4 | 2019-02-03 | Caterpillar Inc reported lower-than-expected ... | 104768400 || 104768400 || 104768400 || 1047684... | -1 || 1 || 0 || -1 || -1 || 0 || 0 || 0 || 1 |... | 1. Caterpillar Inc: Lower-than-expected earnin... |
5 | 2019-02-10 | The Dow Jones Industrial Average, S&P 500, an... | 91062800 || 91062800 || 91062800 || 91062800 |... | 1 || 1 || 0 || 0 || -1 || 0 || 0 || 1 || 0 || ... | 1. Tech stocks rally, driving gains for Dow Jo... |
6 | 2019-02-17 | This week, the European Union's second highes... | 94487200 || 94487200 || 94487200 || 94487200 |... | 0 || 1 || 0 || -1 || 0 || 0 || -1 || 1 || 0 ||... | 1. European Union tax break case against large... |
7 | 2019-02-24 | This news article discusses progress towards ... | 75891200 || 104457600 || 104457600 || 10445760... | 1 || 0 || 1 || 0 || 0 || 1 || 1 || -1 | 1. Gender equality in Hollywood: Frances McDor... |
8 | 2019-03-03 | The Dow Jones Industrial Average and other ma... | 87493600 || 87493600 || 87493600 || 87493600 |... | 1 || 0 || 1 || 0 || 0 || 1 || -1 || -1 || 0 | 1. Trade talks between US and China, tariffs, ... |
9 | 2019-03-10 | Spotify, the world's largest paid music strea... | 93087200 || 83569600 || 83569600 || 161584400 ... | 0 || 0 || -1 || 1 || -1 || -1 || 0 || -1 || 0 ... | 1. Spotify: Launched in India, reported over 1... |
10 | 2019-03-17 | The United States opposes France's digital se... | 114430400 || 114430400 || 124130000 || 1241300... | 0 || 0 || 0 || 0 || 0 || -1 || 0 || 0 || 0 || ... | 1. US opposes France's digital tax, prefers in... |
11 | 2019-03-24 | Facebook's stock price dropped more than 3% o... | 104879200 || 104879200 || 104879200 || 1048792... | -1 || 0 || 1 || 0 || 1 || 0 || 0 || 1 || -1 ||... | 1. Facebook: Stock price drop due to downgrade... |
12 | 2019-03-31 | This news article reports that the S&P 500 In... | 175381200 || 175381200 || 175381200 || 1753812... | -1 || 0 || 0 || 0 || 1 || 1 || 0 || 0 || 0 || ... | 1. Global economic growth concerns and potenti... |
13 | 2019-04-07 | Apple and other consumer brands, including LV... | 125982000 || 125982000 || 125982000 || 1259820... | 0 || 0 || 0 || -1 || 1 || 0 || 0 || 0 || 0 || ... | 1. Apple and other consumer brands, including ... |
14 | 2019-04-14 | In March, mobile phone shipments to China dro... | 138478800 || 138478800 || 138478800 || 1384788... | 0 || 1 || 0 || 1 || 0 || 1 || -1 | 1. Mobile phone shipments to China: Decline in... |
15 | 2019-04-21 | The chairman of Taiwan's Foxconn, Terry Gou, ... | 70146400 || 70146400 || 102785600 || 115627200... | 0 || -1 || 0 || 0 || 0 || 1 || 1 || 1 || 0 || ... | 1. Foxconn's chairman Terry Gou stepping down ... |
16 | 2019-04-28 | Taiwan's export orders continued to decline f... | 77758000 || 77758000 || 93292000 || 93292000 |... | 0 || -1 || 0 || 1 || -1 || -1 || 1 || 0 || 0 |... | 1. Taiwan's export orders declined for the fif... |
17 | 2019-05-05 | Spotify reported better-than-expected Q1 reve... | 88818800 || 88818800 || 88818800 || 186139600 ... | 1 || 1 || 0 || 0 || 0 || 0 || 0 || -1 || -1 ||... | 1. Spotify's Q1 financial performance: Exceede... |
%%time
weekly_aggregated_copy['Sentiment'] = weekly_aggregated_copy['Label'].progress_apply(lambda x: response_mistral_1(prompt,x)) # 2ND PROMPT - 1 NOTICE Progress for each row for the **concatenated aggregated** file
0%| | 0/18 [00:00<?, ?it/s]Llama.generate: prefix-match hit 11%|█ | 2/18 [00:06<00:54, 3.41s/it]Llama.generate: prefix-match hit 17%|█▋ | 3/18 [00:12<01:08, 4.55s/it]Llama.generate: prefix-match hit 22%|██▏ | 4/18 [00:19<01:12, 5.20s/it]Llama.generate: prefix-match hit 28%|██▊ | 5/18 [00:25<01:11, 5.49s/it]Llama.generate: prefix-match hit 33%|███▎ | 6/18 [00:31<01:09, 5.79s/it]Llama.generate: prefix-match hit 39%|███▉ | 7/18 [00:37<01:04, 5.88s/it]Llama.generate: prefix-match hit 44%|████▍ | 8/18 [00:43<00:59, 5.99s/it]Llama.generate: prefix-match hit 50%|█████ | 9/18 [00:46<00:44, 4.99s/it]Llama.generate: prefix-match hit 56%|█████▌ | 10/18 [00:51<00:40, 5.01s/it]Llama.generate: prefix-match hit 61%|██████ | 11/18 [00:57<00:36, 5.16s/it]Llama.generate: prefix-match hit 67%|██████▋ | 12/18 [01:03<00:32, 5.49s/it]Llama.generate: prefix-match hit 72%|███████▏ | 13/18 [01:09<00:28, 5.71s/it]Llama.generate: prefix-match hit 78%|███████▊ | 14/18 [01:16<00:23, 5.93s/it]Llama.generate: prefix-match hit 83%|████████▎ | 15/18 [01:20<00:16, 5.50s/it]Llama.generate: prefix-match hit 89%|████████▉ | 16/18 [01:28<00:12, 6.26s/it]Llama.generate: prefix-match hit 94%|█████████▍| 17/18 [01:34<00:06, 6.24s/it]Llama.generate: prefix-match hit 100%|██████████| 18/18 [01:41<00:00, 6.28s/it]Llama.generate: prefix-match hit 100%|██████████| 18/18 [01:47<00:00, 5.98s/it]
CPU times: user 1min 42s, sys: 1.6 s, total: 1min 43s Wall time: 1min 47s
#PROMPT #1
%%time
data['Key Events'] = data['News'].progress_apply(lambda x: response_mistral_1(prompt,x)) # PROMPT 2.1 NOTICE Progress for **each row** for the entire file for each row for each day
0%| | 0/349 [00:00<?, ?it/s]Llama.generate: prefix-match hit 1%| | 2/349 [00:04<13:08, 2.27s/it]Llama.generate: prefix-match hit 1%| | 3/349 [00:07<15:16, 2.65s/it]Llama.generate: prefix-match hit 1%| | 4/349 [00:15<25:25, 4.42s/it]Llama.generate: prefix-match hit 1%|▏ | 5/349 [00:18<24:15, 4.23s/it]Llama.generate: prefix-match hit 2%|▏ | 6/349 [00:25<28:19, 4.96s/it]Llama.generate: prefix-match hit 2%|▏ | 7/349 [00:31<30:58, 5.43s/it]Llama.generate: prefix-match hit 2%|▏ | 8/349 [00:38<32:31, 5.72s/it]Llama.generate: prefix-match hit 3%|▎ | 9/349 [00:44<33:53, 5.98s/it]Llama.generate: prefix-match hit 3%|▎ | 10/349 [00:48<30:20, 5.37s/it]Llama.generate: prefix-match hit 3%|▎ | 11/349 [00:55<32:11, 5.71s/it]Llama.generate: prefix-match hit 3%|▎ | 12/349 [01:01<33:35, 5.98s/it]Llama.generate: prefix-match hit 4%|▎ | 13/349 [01:08<34:16, 6.12s/it]Llama.generate: prefix-match hit 4%|▍ | 14/349 [01:14<34:56, 6.26s/it]Llama.generate: prefix-match hit 4%|▍ | 15/349 [01:21<34:57, 6.28s/it]Llama.generate: prefix-match hit 5%|▍ | 16/349 [01:27<35:21, 6.37s/it]Llama.generate: prefix-match hit 5%|▍ | 17/349 [01:34<35:11, 6.36s/it]Llama.generate: prefix-match hit 5%|▌ | 18/349 [01:38<31:35, 5.73s/it]Llama.generate: prefix-match hit 5%|▌ | 19/349 [01:44<32:40, 5.94s/it]Llama.generate: prefix-match hit 6%|▌ | 20/349 [01:51<33:12, 6.06s/it]Llama.generate: prefix-match hit 6%|▌ | 21/349 [01:56<32:18, 5.91s/it]Llama.generate: prefix-match hit 6%|▋ | 22/349 [02:03<32:55, 6.04s/it]Llama.generate: prefix-match hit 7%|▋ | 23/349 [02:09<33:43, 6.21s/it]Llama.generate: prefix-match hit 7%|▋ | 24/349 [02:16<33:54, 6.26s/it]Llama.generate: prefix-match hit 7%|▋ | 25/349 [02:22<34:09, 6.33s/it]Llama.generate: prefix-match hit 7%|▋ | 26/349 [02:28<34:11, 6.35s/it]Llama.generate: prefix-match hit 8%|▊ | 27/349 [02:35<34:23, 6.41s/it]Llama.generate: prefix-match hit 8%|▊ | 28/349 [02:42<34:36, 6.47s/it]Llama.generate: prefix-match hit 8%|▊ | 29/349 [02:48<34:18, 6.43s/it]Llama.generate: prefix-match hit 9%|▊ | 30/349 [02:50<27:16, 5.13s/it]Llama.generate: prefix-match hit 9%|▉ | 31/349 [02:56<28:36, 5.40s/it]Llama.generate: prefix-match hit 9%|▉ | 32/349 [03:01<28:15, 5.35s/it]Llama.generate: prefix-match hit 9%|▉ | 33/349 [03:08<30:08, 5.72s/it]Llama.generate: prefix-match hit 10%|▉ | 34/349 [03:14<31:01, 5.91s/it]Llama.generate: prefix-match hit 10%|█ | 35/349 [03:21<32:03, 6.12s/it]Llama.generate: prefix-match hit 10%|█ | 36/349 [03:26<30:46, 5.90s/it]Llama.generate: prefix-match hit 11%|█ | 37/349 [03:33<31:25, 6.04s/it]Llama.generate: prefix-match hit 11%|█ | 38/349 [03:39<32:11, 6.21s/it]Llama.generate: prefix-match hit 11%|█ | 39/349 [03:46<32:25, 6.28s/it]Llama.generate: prefix-match hit 11%|█▏ | 40/349 [03:49<28:22, 5.51s/it]Llama.generate: prefix-match hit 12%|█▏ | 41/349 [03:56<29:54, 5.83s/it]Llama.generate: prefix-match hit 12%|█▏ | 42/349 [04:02<30:49, 6.03s/it]Llama.generate: prefix-match hit 12%|█▏ | 43/349 [04:09<31:37, 6.20s/it]Llama.generate: prefix-match hit 13%|█▎ | 44/349 [04:13<28:39, 5.64s/it]Llama.generate: prefix-match hit 13%|█▎ | 45/349 [04:20<30:02, 5.93s/it]Llama.generate: prefix-match hit 13%|█▎ | 46/349 [04:26<30:39, 6.07s/it]Llama.generate: prefix-match hit 13%|█▎ | 47/349 [04:33<31:11, 6.20s/it]Llama.generate: prefix-match hit 14%|█▍ | 48/349 [04:39<31:35, 6.30s/it]Llama.generate: prefix-match hit 14%|█▍ | 49/349 [04:43<27:13, 5.45s/it]Llama.generate: prefix-match hit 14%|█▍ | 50/349 [04:49<28:52, 5.79s/it]Llama.generate: prefix-match hit 15%|█▍ | 51/349 [04:56<29:38, 5.97s/it]Llama.generate: prefix-match hit 15%|█▍ | 52/349 [05:02<29:13, 5.90s/it]Llama.generate: prefix-match hit 15%|█▌ | 53/349 [05:08<29:56, 6.07s/it]Llama.generate: prefix-match hit 15%|█▌ | 54/349 [05:14<30:21, 6.17s/it]Llama.generate: prefix-match hit 16%|█▌ | 55/349 [05:21<30:47, 6.28s/it]Llama.generate: prefix-match hit 16%|█▌ | 56/349 [05:25<26:44, 5.48s/it]Llama.generate: prefix-match hit 16%|█▋ | 57/349 [05:31<28:00, 5.76s/it]Llama.generate: prefix-match hit 17%|█▋ | 58/349 [05:37<28:52, 5.95s/it]Llama.generate: prefix-match hit 17%|█▋ | 59/349 [05:44<29:26, 6.09s/it]Llama.generate: prefix-match hit 17%|█▋ | 60/349 [05:49<27:45, 5.76s/it]Llama.generate: prefix-match hit 17%|█▋ | 61/349 [05:55<28:31, 5.94s/it]Llama.generate: prefix-match hit 18%|█▊ | 62/349 [06:02<29:32, 6.18s/it]Llama.generate: prefix-match hit 18%|█▊ | 63/349 [06:07<28:09, 5.91s/it]Llama.generate: prefix-match hit 18%|█▊ | 64/349 [06:14<28:54, 6.09s/it]Llama.generate: prefix-match hit 19%|█▊ | 65/349 [06:20<29:22, 6.21s/it]Llama.generate: prefix-match hit 19%|█▉ | 66/349 [06:26<29:29, 6.25s/it]Llama.generate: prefix-match hit 19%|█▉ | 67/349 [06:33<29:51, 6.35s/it]Llama.generate: prefix-match hit 19%|█▉ | 68/349 [06:39<28:29, 6.09s/it]Llama.generate: prefix-match hit 20%|█▉ | 69/349 [06:45<29:10, 6.25s/it]Llama.generate: prefix-match hit 20%|██ | 70/349 [06:48<24:41, 5.31s/it]Llama.generate: prefix-match hit 20%|██ | 71/349 [06:55<26:03, 5.63s/it]Llama.generate: prefix-match hit 21%|██ | 72/349 [07:00<25:33, 5.54s/it]Llama.generate: prefix-match hit 21%|██ | 73/349 [07:06<26:40, 5.80s/it]Llama.generate: prefix-match hit 21%|██ | 74/349 [07:13<27:40, 6.04s/it]Llama.generate: prefix-match hit 21%|██▏ | 75/349 [07:18<26:33, 5.81s/it]Llama.generate: prefix-match hit 22%|██▏ | 76/349 [07:25<27:10, 5.97s/it]Llama.generate: prefix-match hit 22%|██▏ | 77/349 [07:28<23:42, 5.23s/it]Llama.generate: prefix-match hit 22%|██▏ | 78/349 [07:34<24:04, 5.33s/it]Llama.generate: prefix-match hit 23%|██▎ | 79/349 [07:37<21:47, 4.84s/it]Llama.generate: prefix-match hit 23%|██▎ | 80/349 [07:42<22:00, 4.91s/it]Llama.generate: prefix-match hit 23%|██▎ | 81/349 [07:48<23:17, 5.21s/it]Llama.generate: prefix-match hit 23%|██▎ | 82/349 [07:55<24:51, 5.58s/it]Llama.generate: prefix-match hit 24%|██▍ | 83/349 [08:00<24:28, 5.52s/it]Llama.generate: prefix-match hit 24%|██▍ | 84/349 [08:05<23:40, 5.36s/it]Llama.generate: prefix-match hit 24%|██▍ | 85/349 [08:12<25:12, 5.73s/it]Llama.generate: prefix-match hit 25%|██▍ | 86/349 [08:18<25:58, 5.92s/it]Llama.generate: prefix-match hit 25%|██▍ | 87/349 [08:25<26:33, 6.08s/it]Llama.generate: prefix-match hit 25%|██▌ | 88/349 [08:31<27:01, 6.21s/it]Llama.generate: prefix-match hit 26%|██▌ | 89/349 [08:37<27:05, 6.25s/it]Llama.generate: prefix-match hit 26%|██▌ | 90/349 [08:43<25:46, 5.97s/it]Llama.generate: prefix-match hit 26%|██▌ | 91/349 [08:49<26:08, 6.08s/it]Llama.generate: prefix-match hit 26%|██▋ | 92/349 [08:56<26:41, 6.23s/it]Llama.generate: prefix-match hit 27%|██▋ | 93/349 [09:02<26:44, 6.27s/it]Llama.generate: prefix-match hit 27%|██▋ | 94/349 [09:09<26:58, 6.35s/it]Llama.generate: prefix-match hit 27%|██▋ | 95/349 [09:15<26:57, 6.37s/it]Llama.generate: prefix-match hit 28%|██▊ | 96/349 [09:20<25:01, 5.93s/it]Llama.generate: prefix-match hit 28%|██▊ | 97/349 [09:26<25:02, 5.96s/it]Llama.generate: prefix-match hit 28%|██▊ | 98/349 [09:32<25:26, 6.08s/it]Llama.generate: prefix-match hit 28%|██▊ | 99/349 [09:35<21:18, 5.12s/it]Llama.generate: prefix-match hit 29%|██▊ | 100/349 [09:42<23:12, 5.59s/it]Llama.generate: prefix-match hit 29%|██▉ | 101/349 [09:47<22:34, 5.46s/it]Llama.generate: prefix-match hit 29%|██▉ | 102/349 [09:54<23:55, 5.81s/it]Llama.generate: prefix-match hit 30%|██▉ | 103/349 [09:56<19:48, 4.83s/it]Llama.generate: prefix-match hit 30%|██▉ | 104/349 [10:02<21:25, 5.25s/it]Llama.generate: prefix-match hit 30%|███ | 105/349 [10:09<22:59, 5.65s/it]Llama.generate: prefix-match hit 30%|███ | 106/349 [10:14<21:48, 5.38s/it]Llama.generate: prefix-match hit 31%|███ | 107/349 [10:20<22:49, 5.66s/it]Llama.generate: prefix-match hit 31%|███ | 108/349 [10:27<23:41, 5.90s/it]Llama.generate: prefix-match hit 31%|███ | 109/349 [10:32<23:03, 5.76s/it]Llama.generate: prefix-match hit 32%|███▏ | 110/349 [10:39<23:55, 6.01s/it]Llama.generate: prefix-match hit 32%|███▏ | 111/349 [10:44<23:31, 5.93s/it]Llama.generate: prefix-match hit 32%|███▏ | 112/349 [10:51<24:11, 6.13s/it]Llama.generate: prefix-match hit 32%|███▏ | 113/349 [10:57<24:27, 6.22s/it]Llama.generate: prefix-match hit 33%|███▎ | 114/349 [11:04<24:40, 6.30s/it]Llama.generate: prefix-match hit 33%|███▎ | 115/349 [11:10<24:54, 6.39s/it]Llama.generate: prefix-match hit 33%|███▎ | 116/349 [11:13<20:47, 5.35s/it]Llama.generate: prefix-match hit 34%|███▎ | 117/349 [11:20<22:09, 5.73s/it]Llama.generate: prefix-match hit 34%|███▍ | 118/349 [11:23<19:29, 5.06s/it]Llama.generate: prefix-match hit 34%|███▍ | 119/349 [11:30<20:59, 5.47s/it]Llama.generate: prefix-match hit 34%|███▍ | 120/349 [11:35<20:03, 5.26s/it]Llama.generate: prefix-match hit 35%|███▍ | 121/349 [11:40<20:38, 5.43s/it]Llama.generate: prefix-match hit 35%|███▍ | 122/349 [11:47<21:41, 5.73s/it]Llama.generate: prefix-match hit 35%|███▌ | 123/349 [11:53<22:16, 5.92s/it]Llama.generate: prefix-match hit 36%|███▌ | 124/349 [11:58<21:12, 5.65s/it]Llama.generate: prefix-match hit 36%|███▌ | 125/349 [12:05<22:10, 5.94s/it]Llama.generate: prefix-match hit 36%|███▌ | 126/349 [12:11<22:37, 6.09s/it]Llama.generate: prefix-match hit 36%|███▋ | 127/349 [12:18<23:06, 6.25s/it]Llama.generate: prefix-match hit 37%|███▋ | 128/349 [12:24<22:17, 6.05s/it]Llama.generate: prefix-match hit 37%|███▋ | 129/349 [12:30<22:42, 6.19s/it]Llama.generate: prefix-match hit 37%|███▋ | 130/349 [12:35<21:35, 5.91s/it]Llama.generate: prefix-match hit 38%|███▊ | 131/349 [12:41<21:19, 5.87s/it]Llama.generate: prefix-match hit 38%|███▊ | 132/349 [12:48<22:09, 6.13s/it]Llama.generate: prefix-match hit 38%|███▊ | 133/349 [12:54<22:25, 6.23s/it]Llama.generate: prefix-match hit 38%|███▊ | 134/349 [13:01<22:41, 6.33s/it]Llama.generate: prefix-match hit 39%|███▊ | 135/349 [13:07<22:41, 6.36s/it]Llama.generate: prefix-match hit 39%|███▉ | 136/349 [13:14<22:38, 6.38s/it]Llama.generate: prefix-match hit 39%|███▉ | 137/349 [13:20<22:44, 6.44s/it]Llama.generate: prefix-match hit 40%|███▉ | 138/349 [13:27<22:37, 6.43s/it]Llama.generate: prefix-match hit 40%|███▉ | 139/349 [13:33<22:45, 6.50s/it]Llama.generate: prefix-match hit 40%|████ | 140/349 [13:40<22:28, 6.45s/it]Llama.generate: prefix-match hit 40%|████ | 141/349 [13:46<22:31, 6.50s/it]Llama.generate: prefix-match hit 41%|████ | 142/349 [13:51<20:59, 6.08s/it]Llama.generate: prefix-match hit 41%|████ | 143/349 [13:56<19:30, 5.68s/it]Llama.generate: prefix-match hit 41%|████▏ | 144/349 [14:02<19:34, 5.73s/it]Llama.generate: prefix-match hit 42%|████▏ | 145/349 [14:08<20:09, 5.93s/it]Llama.generate: prefix-match hit 42%|████▏ | 146/349 [14:13<18:53, 5.58s/it]Llama.generate: prefix-match hit 42%|████▏ | 147/349 [14:18<17:49, 5.29s/it]Llama.generate: prefix-match hit 42%|████▏ | 148/349 [14:23<17:38, 5.27s/it]Llama.generate: prefix-match hit 43%|████▎ | 149/349 [14:30<18:52, 5.66s/it]Llama.generate: prefix-match hit 43%|████▎ | 150/349 [14:36<19:27, 5.87s/it]Llama.generate: prefix-match hit 43%|████▎ | 151/349 [14:43<20:06, 6.09s/it]Llama.generate: prefix-match hit 44%|████▎ | 152/349 [14:49<20:32, 6.25s/it]Llama.generate: prefix-match hit 44%|████▍ | 153/349 [14:56<20:33, 6.29s/it]Llama.generate: prefix-match hit 44%|████▍ | 154/349 [15:02<20:45, 6.39s/it]Llama.generate: prefix-match hit 44%|████▍ | 155/349 [15:09<20:35, 6.37s/it]Llama.generate: prefix-match hit 45%|████▍ | 156/349 [15:15<20:23, 6.34s/it]Llama.generate: prefix-match hit 45%|████▍ | 157/349 [15:21<20:17, 6.34s/it]Llama.generate: prefix-match hit 45%|████▌ | 158/349 [15:25<17:41, 5.56s/it]Llama.generate: prefix-match hit 46%|████▌ | 159/349 [15:31<18:32, 5.86s/it]Llama.generate: prefix-match hit 46%|████▌ | 160/349 [15:38<18:54, 6.00s/it]Llama.generate: prefix-match hit 46%|████▌ | 161/349 [15:44<19:20, 6.17s/it]Llama.generate: prefix-match hit 46%|████▋ | 162/349 [15:51<19:29, 6.25s/it]Llama.generate: prefix-match hit 47%|████▋ | 163/349 [15:58<19:49, 6.40s/it]Llama.generate: prefix-match hit 47%|████▋ | 164/349 [16:04<19:46, 6.41s/it]Llama.generate: prefix-match hit 47%|████▋ | 165/349 [16:11<19:49, 6.46s/it]Llama.generate: prefix-match hit 48%|████▊ | 166/349 [16:17<19:44, 6.47s/it]Llama.generate: prefix-match hit 48%|████▊ | 167/349 [16:24<19:37, 6.47s/it]Llama.generate: prefix-match hit 48%|████▊ | 168/349 [16:30<19:28, 6.45s/it]Llama.generate: prefix-match hit 48%|████▊ | 169/349 [16:32<15:29, 5.17s/it]Llama.generate: prefix-match hit 49%|████▊ | 170/349 [16:39<16:40, 5.59s/it]Llama.generate: prefix-match hit 49%|████▉ | 171/349 [16:45<17:15, 5.82s/it]Llama.generate: prefix-match hit 49%|████▉ | 172/349 [16:52<17:46, 6.03s/it]Llama.generate: prefix-match hit 50%|████▉ | 173/349 [16:58<18:11, 6.20s/it]Llama.generate: prefix-match hit 50%|████▉ | 174/349 [17:04<18:07, 6.21s/it]Llama.generate: prefix-match hit 50%|█████ | 175/349 [17:11<18:20, 6.32s/it]Llama.generate: prefix-match hit 50%|█████ | 176/349 [17:17<18:19, 6.35s/it]Llama.generate: prefix-match hit 51%|█████ | 177/349 [17:23<17:43, 6.18s/it]Llama.generate: prefix-match hit 51%|█████ | 178/349 [17:30<17:49, 6.26s/it]Llama.generate: prefix-match hit 51%|█████▏ | 179/349 [17:36<17:59, 6.35s/it]Llama.generate: prefix-match hit 52%|█████▏ | 180/349 [17:43<17:55, 6.36s/it]Llama.generate: prefix-match hit 52%|█████▏ | 181/349 [17:48<17:24, 6.21s/it]Llama.generate: prefix-match hit 52%|█████▏ | 182/349 [17:54<16:37, 5.97s/it]Llama.generate: prefix-match hit 52%|█████▏ | 183/349 [18:00<16:56, 6.12s/it]Llama.generate: prefix-match hit 53%|█████▎ | 184/349 [18:07<17:22, 6.32s/it]Llama.generate: prefix-match hit 53%|█████▎ | 185/349 [18:11<15:17, 5.59s/it]Llama.generate: prefix-match hit 53%|█████▎ | 186/349 [18:16<14:59, 5.52s/it]Llama.generate: prefix-match hit 54%|█████▎ | 187/349 [18:23<15:47, 5.85s/it]Llama.generate: prefix-match hit 54%|█████▍ | 188/349 [18:29<16:09, 6.02s/it]Llama.generate: prefix-match hit 54%|█████▍ | 189/349 [18:36<16:31, 6.19s/it]Llama.generate: prefix-match hit 54%|█████▍ | 190/349 [18:42<16:34, 6.25s/it]Llama.generate: prefix-match hit 55%|█████▍ | 191/349 [18:49<16:43, 6.35s/it]Llama.generate: prefix-match hit 55%|█████▌ | 192/349 [18:55<16:39, 6.37s/it]Llama.generate: prefix-match hit 55%|█████▌ | 193/349 [19:02<16:29, 6.34s/it]Llama.generate: prefix-match hit 56%|█████▌ | 194/349 [19:06<14:38, 5.67s/it]Llama.generate: prefix-match hit 56%|█████▌ | 195/349 [19:12<15:06, 5.89s/it]Llama.generate: prefix-match hit 56%|█████▌ | 196/349 [19:15<12:33, 4.92s/it]Llama.generate: prefix-match hit 56%|█████▋ | 197/349 [19:22<13:50, 5.46s/it]Llama.generate: prefix-match hit 57%|█████▋ | 198/349 [19:28<14:29, 5.76s/it]Llama.generate: prefix-match hit 57%|█████▋ | 199/349 [19:33<14:11, 5.68s/it]Llama.generate: prefix-match hit 57%|█████▋ | 200/349 [19:37<12:14, 4.93s/it]Llama.generate: prefix-match hit 58%|█████▊ | 201/349 [19:42<12:37, 5.12s/it]Llama.generate: prefix-match hit 58%|█████▊ | 202/349 [19:47<12:37, 5.15s/it]Llama.generate: prefix-match hit 58%|█████▊ | 203/349 [19:52<12:07, 4.99s/it]Llama.generate: prefix-match hit 58%|█████▊ | 204/349 [19:58<13:04, 5.41s/it]Llama.generate: prefix-match hit 59%|█████▊ | 205/349 [20:05<13:50, 5.77s/it]Llama.generate: prefix-match hit 59%|█████▉ | 206/349 [20:11<14:12, 5.96s/it]Llama.generate: prefix-match hit 59%|█████▉ | 207/349 [20:18<14:36, 6.17s/it]Llama.generate: prefix-match hit 60%|█████▉ | 208/349 [20:24<14:37, 6.23s/it]Llama.generate: prefix-match hit 60%|█████▉ | 209/349 [20:31<14:48, 6.35s/it]Llama.generate: prefix-match hit 60%|██████ | 210/349 [20:37<14:43, 6.36s/it]Llama.generate: prefix-match hit 60%|██████ | 211/349 [20:41<12:32, 5.45s/it]Llama.generate: prefix-match hit 61%|██████ | 212/349 [20:46<12:01, 5.27s/it]Llama.generate: prefix-match hit 61%|██████ | 213/349 [20:52<12:40, 5.59s/it]Llama.generate: prefix-match hit 61%|██████▏ | 214/349 [20:59<13:14, 5.88s/it]Llama.generate: prefix-match hit 62%|██████▏ | 215/349 [21:05<13:28, 6.03s/it]Llama.generate: prefix-match hit 62%|██████▏ | 216/349 [21:10<12:40, 5.72s/it]Llama.generate: prefix-match hit 62%|██████▏ | 217/349 [21:17<13:10, 5.99s/it]Llama.generate: prefix-match hit 62%|██████▏ | 218/349 [21:23<13:18, 6.09s/it]Llama.generate: prefix-match hit 63%|██████▎ | 219/349 [21:30<13:38, 6.30s/it]Llama.generate: prefix-match hit 63%|██████▎ | 220/349 [21:33<11:20, 5.28s/it]Llama.generate: prefix-match hit 63%|██████▎ | 221/349 [21:36<10:07, 4.74s/it]Llama.generate: prefix-match hit 64%|██████▎ | 222/349 [21:42<10:48, 5.11s/it]Llama.generate: prefix-match hit 64%|██████▍ | 223/349 [21:48<11:31, 5.49s/it]Llama.generate: prefix-match hit 64%|██████▍ | 224/349 [21:54<11:17, 5.42s/it]Llama.generate: prefix-match hit 64%|██████▍ | 225/349 [22:00<11:53, 5.75s/it]Llama.generate: prefix-match hit 65%|██████▍ | 226/349 [22:07<12:13, 5.97s/it]Llama.generate: prefix-match hit 65%|██████▌ | 227/349 [22:11<11:19, 5.57s/it]Llama.generate: prefix-match hit 65%|██████▌ | 228/349 [22:16<10:35, 5.25s/it]Llama.generate: prefix-match hit 66%|██████▌ | 229/349 [22:22<11:10, 5.59s/it]Llama.generate: prefix-match hit 66%|██████▌ | 230/349 [22:29<11:41, 5.89s/it]Llama.generate: prefix-match hit 66%|██████▌ | 231/349 [22:35<11:51, 6.03s/it]Llama.generate: prefix-match hit 66%|██████▋ | 232/349 [22:39<10:24, 5.34s/it]Llama.generate: prefix-match hit 67%|██████▋ | 233/349 [22:44<10:14, 5.30s/it]Llama.generate: prefix-match hit 67%|██████▋ | 234/349 [22:49<10:03, 5.24s/it]Llama.generate: prefix-match hit 67%|██████▋ | 235/349 [22:54<09:28, 4.98s/it]Llama.generate: prefix-match hit 68%|██████▊ | 236/349 [23:00<09:58, 5.30s/it]Llama.generate: prefix-match hit 68%|██████▊ | 237/349 [23:06<10:36, 5.68s/it]Llama.generate: prefix-match hit 68%|██████▊ | 238/349 [23:13<11:03, 5.98s/it]Llama.generate: prefix-match hit 68%|██████▊ | 239/349 [23:19<11:14, 6.13s/it]Llama.generate: prefix-match hit 69%|██████▉ | 240/349 [23:24<10:09, 5.59s/it]Llama.generate: prefix-match hit 69%|██████▉ | 241/349 [23:30<10:31, 5.85s/it]Llama.generate: prefix-match hit 69%|██████▉ | 242/349 [23:36<10:29, 5.89s/it]Llama.generate: prefix-match hit 70%|██████▉ | 243/349 [23:41<09:48, 5.55s/it]Llama.generate: prefix-match hit 70%|██████▉ | 244/349 [23:46<09:19, 5.33s/it]Llama.generate: prefix-match hit 70%|███████ | 245/349 [23:52<09:52, 5.70s/it]Llama.generate: prefix-match hit 70%|███████ | 246/349 [23:58<10:06, 5.89s/it]Llama.generate: prefix-match hit 71%|███████ | 247/349 [24:04<09:43, 5.72s/it]Llama.generate: prefix-match hit 71%|███████ | 248/349 [24:10<10:04, 5.99s/it]Llama.generate: prefix-match hit 71%|███████▏ | 249/349 [24:17<10:09, 6.10s/it]Llama.generate: prefix-match hit 72%|███████▏ | 250/349 [24:22<09:44, 5.90s/it]Llama.generate: prefix-match hit 72%|███████▏ | 251/349 [24:29<09:56, 6.09s/it]Llama.generate: prefix-match hit 72%|███████▏ | 252/349 [24:35<09:41, 5.99s/it]Llama.generate: prefix-match hit 72%|███████▏ | 253/349 [24:40<09:07, 5.70s/it]Llama.generate: prefix-match hit 73%|███████▎ | 254/349 [24:46<09:19, 5.89s/it]Llama.generate: prefix-match hit 73%|███████▎ | 255/349 [24:52<09:28, 6.05s/it]Llama.generate: prefix-match hit 73%|███████▎ | 256/349 [24:57<08:44, 5.64s/it]Llama.generate: prefix-match hit 74%|███████▎ | 257/349 [25:04<09:05, 5.92s/it]Llama.generate: prefix-match hit 74%|███████▍ | 258/349 [25:10<09:17, 6.12s/it]Llama.generate: prefix-match hit 74%|███████▍ | 259/349 [25:17<09:22, 6.25s/it]Llama.generate: prefix-match hit 74%|███████▍ | 260/349 [25:23<09:22, 6.32s/it]Llama.generate: prefix-match hit 75%|███████▍ | 261/349 [25:28<08:34, 5.84s/it]Llama.generate: prefix-match hit 75%|███████▌ | 262/349 [25:31<07:19, 5.06s/it]Llama.generate: prefix-match hit 75%|███████▌ | 263/349 [25:37<07:42, 5.38s/it]Llama.generate: prefix-match hit 76%|███████▌ | 264/349 [25:44<08:05, 5.71s/it]Llama.generate: prefix-match hit 76%|███████▌ | 265/349 [25:50<08:24, 6.00s/it]Llama.generate: prefix-match hit 76%|███████▌ | 266/349 [25:57<08:27, 6.11s/it]Llama.generate: prefix-match hit 77%|███████▋ | 267/349 [26:04<08:36, 6.30s/it]Llama.generate: prefix-match hit 77%|███████▋ | 268/349 [26:10<08:31, 6.31s/it]Llama.generate: prefix-match hit 77%|███████▋ | 269/349 [26:16<08:31, 6.39s/it]Llama.generate: prefix-match hit 77%|███████▋ | 270/349 [26:23<08:24, 6.39s/it]Llama.generate: prefix-match hit 78%|███████▊ | 271/349 [26:29<08:19, 6.41s/it]Llama.generate: prefix-match hit 78%|███████▊ | 272/349 [26:36<08:15, 6.43s/it]Llama.generate: prefix-match hit 78%|███████▊ | 273/349 [26:42<08:07, 6.41s/it]Llama.generate: prefix-match hit 79%|███████▊ | 274/349 [26:49<08:09, 6.53s/it]Llama.generate: prefix-match hit 79%|███████▉ | 275/349 [26:55<07:58, 6.47s/it]Llama.generate: prefix-match hit 79%|███████▉ | 276/349 [26:59<06:44, 5.55s/it]Llama.generate: prefix-match hit 79%|███████▉ | 277/349 [27:05<07:00, 5.83s/it]Llama.generate: prefix-match hit 80%|███████▉ | 278/349 [27:12<07:07, 6.01s/it]Llama.generate: prefix-match hit 80%|███████▉ | 279/349 [27:15<05:57, 5.11s/it]Llama.generate: prefix-match hit 80%|████████ | 280/349 [27:21<06:20, 5.51s/it]Llama.generate: prefix-match hit 81%|████████ | 281/349 [27:27<06:33, 5.79s/it]Llama.generate: prefix-match hit 81%|████████ | 282/349 [27:34<06:45, 6.05s/it]Llama.generate: prefix-match hit 81%|████████ | 283/349 [27:39<06:16, 5.71s/it]Llama.generate: prefix-match hit 81%|████████▏ | 284/349 [27:43<05:36, 5.18s/it]Llama.generate: prefix-match hit 82%|████████▏ | 285/349 [27:49<05:56, 5.57s/it]Llama.generate: prefix-match hit 82%|████████▏ | 286/349 [27:56<06:06, 5.82s/it]Llama.generate: prefix-match hit 82%|████████▏ | 287/349 [28:02<06:14, 6.04s/it]Llama.generate: prefix-match hit 83%|████████▎ | 288/349 [28:09<06:09, 6.06s/it]Llama.generate: prefix-match hit 83%|████████▎ | 289/349 [28:15<06:16, 6.28s/it]Llama.generate: prefix-match hit 83%|████████▎ | 290/349 [28:19<05:32, 5.64s/it]Llama.generate: prefix-match hit 83%|████████▎ | 291/349 [28:26<05:39, 5.85s/it]Llama.generate: prefix-match hit 84%|████████▎ | 292/349 [28:32<05:46, 6.09s/it]Llama.generate: prefix-match hit 84%|████████▍ | 293/349 [28:39<05:45, 6.16s/it]Llama.generate: prefix-match hit 84%|████████▍ | 294/349 [28:43<05:12, 5.69s/it]Llama.generate: prefix-match hit 85%|████████▍ | 295/349 [28:50<05:18, 5.89s/it]Llama.generate: prefix-match hit 85%|████████▍ | 296/349 [28:55<05:05, 5.77s/it]Llama.generate: prefix-match hit 85%|████████▌ | 297/349 [28:59<04:23, 5.06s/it]Llama.generate: prefix-match hit 85%|████████▌ | 298/349 [29:05<04:38, 5.47s/it]Llama.generate: prefix-match hit 86%|████████▌ | 299/349 [29:08<03:59, 4.80s/it]Llama.generate: prefix-match hit 86%|████████▌ | 300/349 [29:14<04:12, 5.15s/it]Llama.generate: prefix-match hit 86%|████████▌ | 301/349 [29:21<04:24, 5.52s/it]Llama.generate: prefix-match hit 87%|████████▋ | 302/349 [29:27<04:34, 5.84s/it]Llama.generate: prefix-match hit 87%|████████▋ | 303/349 [29:34<04:36, 6.02s/it]Llama.generate: prefix-match hit 87%|████████▋ | 304/349 [29:40<04:40, 6.22s/it]Llama.generate: prefix-match hit 87%|████████▋ | 305/349 [29:46<04:20, 5.93s/it]Llama.generate: prefix-match hit 88%|████████▊ | 306/349 [29:52<04:21, 6.07s/it]Llama.generate: prefix-match hit 88%|████████▊ | 307/349 [29:58<04:11, 5.99s/it]Llama.generate: prefix-match hit 88%|████████▊ | 308/349 [30:04<04:09, 6.10s/it]Llama.generate: prefix-match hit 89%|████████▊ | 309/349 [30:11<04:09, 6.24s/it]Llama.generate: prefix-match hit 89%|████████▉ | 310/349 [30:15<03:35, 5.52s/it]Llama.generate: prefix-match hit 89%|████████▉ | 311/349 [30:21<03:42, 5.85s/it]Llama.generate: prefix-match hit 89%|████████▉ | 312/349 [30:28<03:41, 5.99s/it]Llama.generate: prefix-match hit 90%|████████▉ | 313/349 [30:34<03:43, 6.19s/it]Llama.generate: prefix-match hit 90%|████████▉ | 314/349 [30:41<03:44, 6.40s/it]Llama.generate: prefix-match hit 90%|█████████ | 315/349 [30:48<03:38, 6.44s/it]Llama.generate: prefix-match hit 91%|█████████ | 316/349 [30:54<03:34, 6.51s/it]Llama.generate: prefix-match hit 91%|█████████ | 317/349 [30:59<03:13, 6.03s/it]Llama.generate: prefix-match hit 91%|█████████ | 318/349 [31:07<03:22, 6.54s/it]Llama.generate: prefix-match hit 91%|█████████▏| 319/349 [31:14<03:17, 6.58s/it]Llama.generate: prefix-match hit 92%|█████████▏| 320/349 [31:20<03:13, 6.66s/it]Llama.generate: prefix-match hit 92%|█████████▏| 321/349 [31:27<03:02, 6.52s/it]Llama.generate: prefix-match hit 92%|█████████▏| 322/349 [31:33<02:54, 6.47s/it]Llama.generate: prefix-match hit 93%|█████████▎| 323/349 [31:40<02:49, 6.53s/it]Llama.generate: prefix-match hit 93%|█████████▎| 324/349 [31:44<02:27, 5.89s/it]Llama.generate: prefix-match hit 93%|█████████▎| 325/349 [31:48<02:06, 5.27s/it]Llama.generate: prefix-match hit 93%|█████████▎| 326/349 [31:55<02:11, 5.71s/it]Llama.generate: prefix-match hit 94%|█████████▎| 327/349 [32:02<02:13, 6.06s/it]Llama.generate: prefix-match hit 94%|█████████▍| 328/349 [32:08<02:08, 6.11s/it]Llama.generate: prefix-match hit 94%|█████████▍| 329/349 [32:14<02:04, 6.20s/it]Llama.generate: prefix-match hit 95%|█████████▍| 330/349 [32:22<02:04, 6.57s/it]Llama.generate: prefix-match hit 95%|█████████▍| 331/349 [32:28<01:57, 6.52s/it]Llama.generate: prefix-match hit 95%|█████████▌| 332/349 [32:37<02:02, 7.22s/it]Llama.generate: prefix-match hit 95%|█████████▌| 333/349 [32:42<01:44, 6.54s/it]Llama.generate: prefix-match hit 96%|█████████▌| 334/349 [32:47<01:34, 6.28s/it]Llama.generate: prefix-match hit 96%|█████████▌| 335/349 [32:51<01:18, 5.59s/it]Llama.generate: prefix-match hit 96%|█████████▋| 336/349 [32:57<01:14, 5.73s/it]Llama.generate: prefix-match hit 97%|█████████▋| 337/349 [33:04<01:11, 5.98s/it]Llama.generate: prefix-match hit 97%|█████████▋| 338/349 [33:11<01:08, 6.18s/it]Llama.generate: prefix-match hit 97%|█████████▋| 339/349 [33:18<01:03, 6.36s/it]Llama.generate: prefix-match hit 97%|█████████▋| 340/349 [33:24<00:58, 6.46s/it]Llama.generate: prefix-match hit 98%|█████████▊| 341/349 [33:30<00:50, 6.32s/it]Llama.generate: prefix-match hit 98%|█████████▊| 342/349 [33:37<00:44, 6.40s/it]Llama.generate: prefix-match hit 98%|█████████▊| 343/349 [33:43<00:38, 6.39s/it]Llama.generate: prefix-match hit 99%|█████████▊| 344/349 [33:50<00:32, 6.47s/it]Llama.generate: prefix-match hit 99%|█████████▉| 345/349 [33:56<00:25, 6.46s/it]Llama.generate: prefix-match hit 99%|█████████▉| 346/349 [33:59<00:15, 5.23s/it]Llama.generate: prefix-match hit 99%|█████████▉| 347/349 [34:05<00:11, 5.65s/it]Llama.generate: prefix-match hit 100%|█████████▉| 348/349 [34:12<00:05, 5.97s/it]Llama.generate: prefix-match hit 100%|██████████| 349/349 [34:16<00:00, 5.43s/it]Llama.generate: prefix-match hit 100%|██████████| 349/349 [34:23<00:00, 5.91s/it]
CPU times: user 33min 1s, sys: 41.8 s, total: 33min 43s Wall time: 34min 23s
data # Processed by Model to extract Key Events Using Promt #1
Date | News | Open | High | Low | Close | Volume | Label | Key Events | |
---|---|---|---|---|---|---|---|---|---|
0 | 2019-01-02 | The tech sector experienced a significant dec... | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | Topic 1:\n Apple's Q1 revenue warning lea... |
1 | 2019-01-02 | Apple lowered its fiscal Q1 revenue guidance ... | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | Topic 1:\n Apple - Lowered fiscal Q1 reve... |
2 | 2019-01-02 | Apple cut its fiscal first quarter revenue fo... | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | 1. Topic 1: Apple Inc.\n - Keywords: A... |
3 | 2019-01-02 | This news article reports that yields on long... | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | 1. Global Economy: Weak economic data from Chi... |
4 | 2019-01-02 | Apple's revenue warning led to a decline in U... | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | Topic 1:\n Apple's Underperformance in Q1... |
... | ... | ... | ... | ... | ... | ... | ... | ... | ... |
344 | 2019-04-30 | Media mogul Oprah Winfrey, known for influenc... | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 | Topic 1:\n Oprah Winfrey's potential endo... |
345 | 2019-04-30 | European shares fell on Tuesday, with banks u... | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 | 1. Topic 1: European Shares / Stock Markets\n ... |
346 | 2019-04-30 | This article reports that the S&P 500 reached... | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 | 1. S&P 500: Reached record high close on Tuesd... |
347 | 2019-04-30 | The Federal Reserve is anticipated to keep in... | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 | 1. Federal Reserve: anticipated to keep intere... |
348 | 2019-04-30 | In the first quarter, South Korea's Samsung E... | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | 0 | 1. Topic: Samsung Electronics\n Summar... |
349 rows × 9 columns
Update dataframe to include all Positive, Negative and Neutral data.
def add_event_columns(df):
"""
Add positive, negative, and neutral columns based on Label values.
Parameters:
df (pandas.DataFrame): DataFrame containing a 'Label' column with values -1, 0, 1
Returns:
pandas.DataFrame: DataFrame with three new columns: positive, negative, neutral
"""
# Initialize new columns with empty strings
df['positive'] = ''
df['negative'] = ''
df['neutral'] = ''
# Fill columns based on Label values
df.loc[df['Label'] == 1, 'positive'] = 'positive_event'
df.loc[df['Label'] == -1, 'negative'] = 'negative_event'
df.loc[df['Label'] == 0, 'neutral'] = 'neutral_event'
return df
# Apply the transformation to your dataframe
data = add_event_columns(data)
# Display first 5 rows in their entirety for a quick examination
print("First 5 rows:")
print(data.head())
print("\n" + "="*50 + "\n") # Separator
# Display last 5 rows in their entirety for quick examination
print("Last 5 rows:")
print(data.tail())
First 5 rows: Date News Open High Low Close Volume Label Key Events positive negative neutral 0 2019-01-02 The tech sector experienced a significant decline in the aftermarket following Apple's Q1 revenue warning. Notable suppliers, including Skyworks, Broadcom, Lumentum, Qorvo, and TSMC, saw their stocks drop in response to Apple's downward revision of its revenue expectations for the quarter, previously announced in January. 41.740002 42.244999 41.482498 40.246914 130672400 -1 Topic 1:\n Apple's Q1 revenue warning leads to tech sector decline\n\n Keywords: Apple, Q1 revenue warning, tech sector, significant decline, aftermarket\n\n Topic 2:\n Notable suppliers affected by Apple's revised quarterly expectations\n\n Keywords: Notable suppliers, Apple, downward revision, quarterly expectations, Skyworks, Broadcom, Lumentum, Qorvo, TSMC, stocks, drop. negative_event 1 2019-01-02 Apple lowered its fiscal Q1 revenue guidance to $84 billion from earlier estimates of $89-$93 billion due to weaker than expected iPhone sales. The announcement caused a significant drop in Apple's stock price and negatively impacted related suppliers, leading to broader market declines for tech indices such as Nasdaq 10 41.740002 42.244999 41.482498 40.246914 130672400 -1 Topic 1:\n Apple - Lowered fiscal Q1 revenue guidance ($84 billion) due to weaker than expected iPhone sales.\n\n Summary: Apple revised its financial projection for the first quarter, reducing the estimated revenue from $89-$93 billion to $84 billion, primarily attributed to decreased iPhone sales. negative_event 2 2019-01-02 Apple cut its fiscal first quarter revenue forecast from $89-$93 billion to $84 billion due to weaker demand in China and fewer iPhone upgrades. CEO Tim Cook also mentioned constrained sales of Airpods and Macbooks. Apple's shares fell 8.5% in post market trading, while Asian suppliers like Hon 41.740002 42.244999 41.482498 40.246914 130672400 -1 1. Topic 1: Apple Inc.\n - Keywords: Apple, revenue forecast, fiscal first quarter\n 2. Topic 2: China\n - Keywords: weaker demand, China\n 3. Topic 3: iPhone\n - Keywords: fewer upgrades, iPhone\n 4. Topic 4: CEO Tim Cook\n - Keywords: mentioned, constrained sales\n 5. Topic 5: Airpods\n - Keywords: constrained sales\n 6. Topic 6: Macbooks\n - Keywords: constrained sales\n 7. Topic 7: Stock Market\n - Keywords: Apple's negative_event 3 2019-01-02 This news article reports that yields on long-dated U.S. Treasury securities hit their lowest levels in nearly a year on January 2, 2019, due to concerns about the health of the global economy following weak economic data from China and Europe, as well as the partial U.S. government shutdown. Apple 41.740002 42.244999 41.482498 40.246914 130672400 -1 1. Global Economy: Weak economic data from China and Europe causing concern.\n 2. Long-dated U.S. Treasury securities: Yields hit lowest levels in nearly a year.\n 3. U.S. Government Shutdown: Partially causing economic uncertainty.\n\nOutput: ["Global Economy (China, Europe)", "Long-term US Treasury Bonds"] negative_event 4 2019-01-02 Apple's revenue warning led to a decline in USD JPY pair and a gain in Japanese yen, as investors sought safety in the highly liquid currency. Apple's underperformance in Q1, with forecasted revenue of $84 billion compared to analyst expectations of $91.5 billion, triggered risk aversion mood in markets 41.740002 42.244999 41.482498 40.246914 130672400 -1 Topic 1:\n Apple's Underperformance in Q1\n \n Keywords: Apple, underperformance, Q1, revenue\n\n Summary: Apple reported lower-than-expected revenue for the first quarter, with a forecasted amount of $84 billion compared to analyst expectations of $91.5 billion.\n\n Topic 2:\n Investor Reaction and Market Movements\n\n Keywords: investors, risk aversion, markets, USD JPY pair, Japanese yen\n\n Summary: Investors reacted to Apple's underperformance by seeking safety in the highly liquid Japanese yen, leading to a decline in the USD JPY pair negative_event ================================================== Last 5 rows: Date News Open High Low Close Volume Label Key Events positive negative neutral 344 2019-04-30 Media mogul Oprah Winfrey, known for influencing millions with her opinions on diets and books, is considering which Democratic presidential candidate to endorse in 2020. She told the Hollywood Reporter she's "quietly figuring out where I'm going to use my voice" and will make a clear announcement 50.764999 50.849998 49.7775 48.70879 186139600 -1 Topic 1:\n Oprah Winfrey's potential endorsement for Democratic presidential candidate (2020)\n\n Keywords: Oprah Winfrey, Democratic presidential candidate, endorsement, 2020. negative_event 345 2019-04-30 European shares fell on Tuesday, with banks underperforming amid a decline in China's manufacturing activity and awaiting euro zone economic growth numbers. The pan-European STOXX 600 index dropped 0.7% while major indices fell except London's FTSE 100. Danske Bank plunged 50.764999 50.849998 49.7775 48.70879 186139600 -1 1. Topic 1: European Shares / Stock Markets\n - Keywords: European shares, pan-European STOXX 600 index, major indices, dropped\n\n 2. Topic 2: Banks\n - Keywords: banks, underperforming\n\n 3. Topic 3: China's Manufacturing Activity\n - Keywords: decline in China's manufacturing activity\n\n 4. Topic 4: Euro Zone Economic Growth Numbers\n - Keywords: awaiting euro zone economic growth numbers\n\n 5. Topic 5: Danske Bank\n - Keywords: Danske Bank, plunged\n negative_event 346 2019-04-30 This article reports that the S&P 500 reached another record high close on Tuesday, marking its best four-month stretch since late 2010. Apple's strong quarterly results and positive earnings forecast helped ease concerns about the bull run's sustainability, despite a revenue miss from Google parent Alphabet. The 50.764999 50.849998 49.7775 48.70879 186139600 -1 1. S&P 500: Reached record high close on Tuesday, best four-month stretch since late 2010.\n 2. Stock Market: S&P 500 setting new records.\n 3. Apple: Strong quarterly results and positive earnings forecast.\n 4. Tech Companies: Apple's performance, Google parent Alphabet missed revenue expectations.\n 5. Economy: Bull run sustainability concerns eased.\n\n Summary:\n 1. S&P 500 sets new records in the stock market.\n 2. Apple reports strong financial performance and positive earnings forecast.\n 3. Tech companies' financial results impact the economy. negative_event 347 2019-04-30 The Federal Reserve is anticipated to keep interest rates unchanged in their upcoming meeting, with a likelihood of a rate cut expected later this year. The Fed Chairman's press conference may provide significant market impact as investors seek insights on economic growth and inflation. Apple's earnings report exceeded expectations, leading to a post-market surge in shares, while 50.764999 50.849998 49.7775 48.70879 186139600 -1 1. Federal Reserve: anticipated to keep interest rates unchanged, likelihood of rate cut expected later this year\n 2. Apple: earnings report exceeded expectations, post-market surge in shares.\n\n Summary:\n 1. Federal Reserve: interest rates (unchanged, potential rate cut)\n 2. Apple: earnings report (exceeded expectations), shares (post-market surge). negative_event 348 2019-04-30 In the first quarter, South Korea's Samsung Electronics reported its weakest profit in over two years due to falls in chip prices and slowing demand for display panels. The tech giant expects improved results in the second half of 2019, driven by a pickup in memory chip and smartphone sales. However, memory chip 50.764999 50.849998 49.7775 48.70879 186139600 0 1. Topic: Samsung Electronics\n Summary: South Korean tech company reported weakest profit in over two years due to falls in chip prices and slowing demand for display panels. Expects improved results in H2 2019 from memory chip and smartphone sales.\n\n 2. Topic: Samsung Electronics Profit\n Summary: Weakest profit reported by Samsung Electronics in over two years due to decreased chip prices and reduced demand for display panels.\n\n 3. Topic: Chip Prices\n Summary: Decline in chip prices negatively impacted Samsung Electronics' profits.\n\n 4. Topic: Display Panels\n Summary neutral_event
data # Examine the Label data (sentiment) was also placed in corresponding columns for Positive, Negative and Neutral sentiment.
Date | News | Open | High | Low | Close | Volume | Label | Key Events | positive | negative | neutral | |
---|---|---|---|---|---|---|---|---|---|---|---|---|
0 | 2019-01-02 | The tech sector experienced a significant decline in the aftermarket following Apple's Q1 revenue warning. Notable suppliers, including Skyworks, Broadcom, Lumentum, Qorvo, and TSMC, saw their stocks drop in response to Apple's downward revision of its revenue expectations for the quarter, previously announced in January. | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | Topic 1:\n Apple's Q1 revenue warning leads to tech sector decline\n\n Keywords: Apple, Q1 revenue warning, tech sector, significant decline, aftermarket\n\n Topic 2:\n Notable suppliers affected by Apple's revised quarterly expectations\n\n Keywords: Notable suppliers, Apple, downward revision, quarterly expectations, Skyworks, Broadcom, Lumentum, Qorvo, TSMC, stocks, drop. | negative_event | ||
1 | 2019-01-02 | Apple lowered its fiscal Q1 revenue guidance to | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | Topic 1:\n Apple - Lowered fiscal Q1 revenue guidance ( | negative_event | ||
2 | 2019-01-02 | Apple cut its fiscal first quarter revenue forecast from | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | 1. Topic 1: Apple Inc.\n - Keywords: Apple, revenue forecast, fiscal first quarter\n 2. Topic 2: China\n - Keywords: weaker demand, China\n 3. Topic 3: iPhone\n - Keywords: fewer upgrades, iPhone\n 4. Topic 4: CEO Tim Cook\n - Keywords: mentioned, constrained sales\n 5. Topic 5: Airpods\n - Keywords: constrained sales\n 6. Topic 6: Macbooks\n - Keywords: constrained sales\n 7. Topic 7: Stock Market\n - Keywords: Apple's | negative_event | ||
3 | 2019-01-02 | This news article reports that yields on long-dated U.S. Treasury securities hit their lowest levels in nearly a year on January 2, 2019, due to concerns about the health of the global economy following weak economic data from China and Europe, as well as the partial U.S. government shutdown. Apple | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | 1. Global Economy: Weak economic data from China and Europe causing concern.\n 2. Long-dated U.S. Treasury securities: Yields hit lowest levels in nearly a year.\n 3. U.S. Government Shutdown: Partially causing economic uncertainty.\n\nOutput: ["Global Economy (China, Europe)", "Long-term US Treasury Bonds"] | negative_event | ||
4 | 2019-01-02 | Apple's revenue warning led to a decline in USD JPY pair and a gain in Japanese yen, as investors sought safety in the highly liquid currency. Apple's underperformance in Q1, with forecasted revenue of | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | Topic 1:\n Apple's Underperformance in Q1\n \n Keywords: Apple, underperformance, Q1, revenue\n\n Summary: Apple reported lower-than-expected revenue for the first quarter, with a forecasted amount of | negative_event | ||
5 | 2019-01-02 | Apple CEO Tim Cook discussed the company's Q1 warning on CNBC, attributing US-China trade tensions as a factor. Despite not mentioning iPhone unit sales specifically, Cook indicated Apple may comment on them again. Services revenue is projected to exceed $10.8 billion in Q1. Cook also addressed the lack of | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | 0 | 1. Topic: Apple Q1 Earnings Warning\n - Keywords: Apple, Q1 earnings, warning\n - Summary: Apple CEO Tim Cook discussed the company's Q1 financial performance on CNBC, mentioning US-China trade tensions as a contributing factor.\n\n 2. Topic: US-China Trade Tensions\n - Keywords: US, China, trade tensions\n - Summary: The ongoing trade dispute between the United States and China was identified by Apple CEO Tim Cook as having an impact on the company's Q1 earnings.\n\n 3. Topic: Apple Services Revenue\n - Keywords: Apple, services revenue, Q | neutral_event | ||
6 | 2019-01-02 | Roku Inc has announced plans to offer premium video channels on a subscription basis through its free streaming service, The Roku Channel. Partners include CBS Corp's Showtime, Lionsgate's Starz, and Viacom Inc's Noggin. This model follows Amazon's successful Channels business, which generated an estimated | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | 1 | 1. Topic: Roku Inc\n Summary: Roku announces subscription-based premium video channels on The Roku Channel.\n\n 2. Topic: The Roku Channel\n Summary: Roku's free streaming service to offer premium video channels on a subscription basis.\n\n 3. Topic: CBS Corp, Showtime\n Summary: CBS Corp's Showtime partners with Roku for subscription-based content on The Roku Channel.\n\n 4. Topic: Lionsgate, Starz\n Summary: Lionsgate's Starz also partners with Roku for premium video channels on The Roku Channel.\n\n 5. Topic: Vi | positive_event | ||
7 | 2019-01-02 | Wall Street saw modest gains on Wednesday but were threatened by fears of a global economic slowdown following Apple's shocking revenue forecast cut, blaming weak demand in China. The tech giant's suppliers and S&P 500 futures also suffered losses. Reports of decelerating factory activity in China and the euro zone | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | 1. Topic 1: Apple's Revenue Forecast Cut\n - Keywords: Apple, revenue forecast, shocking\n - Summary: Apple announced a significant reduction in its revenue expectations due to weak demand in China.\n\n 2. Topic 2: Global Economic Slowdown Fears\n - Keywords: global economic slowdown, fears\n - Summary: Concerns about a potential global economic slowdown emerged following Apple's announcement and reports of decelerating factory activity in China and the euro zone.\n\n 3. Topic 3: Weak Demand in China\n - Keywords: weak demand, China\n - Summary: The news highlights the | negative_event | ||
8 | 2019-01-02 | Apple's fiscal first quarter revenue came in below analysts' estimates at around | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | Topic 1: Apple's Fiscal First Quarter Revenue\n - Below estimated range of | negative_event | ||
9 | 2019-01-02 | Apple Inc. lowered its quarterly sales forecast for the fiscal first quarter, underperforming analysts' expectations due to slowing Chinese economy and trade tensions. The news sent Apple shares tumbling and affected Asia-listed suppliers like Hon Hai Precision Industry Co Ltd, Taiwan Semiconductor Manufacturing Company, and LG Innot | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | 1. Topic 1: Apple Inc.\n - Event: Lowered quarterly sales forecast\n - Keywords: Apple, sales forecast, fiscal first quarter\n\n 2. Topic 2: Chinese economy\n - Event: Slowing economy affecting Apple's performance\n - Keywords: Chinese economy\n\n 3. Topic 3: Trade tensions\n - Event: Impacting Apple's sales and causing concern for suppliers\n - Keywords: Trade tensions\n\n 4. Topic 4: Analysts' expectations\n - Event: Underperforming analysts' forecasts\n - Keywords: Analysts, expectations\n\n 5. | negative_event | ||
10 | 2019-01-02 | The Australian dollar experienced significant volatility on Thursday, plunging to multi-year lows against major currencies due to automated selling, liquidity issues, and a drought of trades. The largest intra-day falls in the Aussie's history occurred amid violent movements in AUD/JPY and AUD/ | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | 0 | 1. Australian dollar: Experienced significant volatility and plunged to multi-year lows against major currencies.\n 2. Automated selling: Contributed to the Aussie's decline due to algorithmic trading.\n 3. Liquidity issues: Limited availability of buyers or sellers in the market affected the Aussie's value.\n 4. Drought of trades: Insufficient trading activity exacerbated the Aussie's volatility and price drops.\n 5. Key events: Significant falls in AUD/JPY and AUD/ currency pairs occurred, causing the Australian dollar to reach multi-year lows.\n\n Summary of | neutral_event | ||
11 | 2019-01-02 | In early Asian trading on Thursday, the Japanese yen surged as the U.S. dollar and Australian dollar collapsed in thin markets due to massive stop loss sales triggered by Apple's earnings warning of sluggish iPhone sales in China and risk aversion. The yen reached its lowest levels against the U.S. dollar since March | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | 1. Currencies: Japanese Yen, US Dollar, Australian Dollar\n 2. Events: Early Asian trading on Thursday, Massive stop loss sales, Apple's earnings warning, Sluggish iPhone sales in China, Risk aversion\n 3. Keywords: Trading, Japanese Yen, US Dollar, Australian Dollar, Collapsed, Thin Markets, Stop Loss Sales, Apple, Earnings Warning, Sluggish iPhone Sales, China, Risk Aversion\n 4. Topics:\n a. Currency Markets: Massive currency fluctuations due to Apple's earnings warning and risk aversion.\n b. Apple Inc.: Earnings report | negative_event | ||
12 | 2019-01-02 | The dollar fell from above 109 to 106.67 after Apple's revenue warning, while the 10-year Treasury yield also dropped to 2.61%. This followed money flowing into US government paper. Apple's shares and U.S. stock index futures declined, with the NAS | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | 1. Currency markets: The dollar experienced a decrease from above 109 to 106.67.\n 2. Apple: Revenue warning led to a decline in the dollar and 10-year Treasury yield.\n 3. Stock market: US stock index futures declined following Apple's announcement.\n 4. Interest rates: The 10-year Treasury yield dropped to 2.61%.\n 5. Money flow: Money moved into US government paper.\n\n Summary:\n - Currency markets: Dollar depreciation\n - Company: Apple\n - Industry: Technology\n - Financial markets: Stock index futures, | negative_event | ||
13 | 2019-01-02 | RBC Capital maintains its bullish stance on Apple, keeping its Outperform rating and $220 price target. However, analyst Amit Daryanani warns of ongoing iPhone demand concerns, which could impact pricing power and segmentation efforts if severe. He suggests potential capital allocation adjustments if the stock underperforms for several quarters | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | 0 | Topic 1: Apple Inc.\n Summary: RBC Capital maintains a bullish stance on Apple with an Outperform rating and $220 price target, but analyst Amit Daryanani raises concerns over ongoing iPhone demand, which could impact pricing power and segmentation efforts if severe.\n\n Topic 2: iPhone Demand\n Summary: Ongoing concerns exist regarding the demand for iPhones, which could negatively affect Apple's pricing power and segmentation efforts according to analyst Amit Daryanani.\n\n Topic 3: Pricing Power\n Summary: Analyst Amit Daryanani suggests that potential pricing power issues may arise for Apple due to ongoing | neutral_event | ||
14 | 2019-01-03 | Oil prices dropped on Thursday as investor sentiment remained affected by China's economic slowdown and turmoil in stock and currency markets. US WTI Crude Oil fell by | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | Topic 1:\n Event: Oil prices dropped\n Subjects: Oil prices, Investor sentiment\n Keywords: fell, WTI Crude Oil, | negative_event | ||
15 | 2019-01-03 | In this news article, investors' concerns about a slowing Chinese and global economy, amplified by Apple's revenue warning, led to a significant surge in the Japanese yen. The yen reached its biggest one-day rise in 20 months, with gains of over 4% versus the dollar. This trend was driven by automated | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Chinese and global economy slowdown: Concerns about a decelerating Chinese and global economy were expressed by investors.\n 2. Apple's revenue warning: Apple reported lower-than-expected revenue, adding to the economic uncertainty.\n 3. Japanese yen appreciation: The Japanese yen experienced a significant surge due to these concerns, reaching its largest one-day increase in 20 months.\n 4. Currency gains versus dollar: The yen saw over 4% gains against the US dollar.\n 5. Automated trading: The trend was driven by automated trading systems responding to the economic news.\n\n Summary of topics:\n 1. Chinese and global economy slowdown | negative_event | ||
16 | 2019-01-03 | In Asia, gold prices rose to over six-month highs on concerns of a global economic slowdown and stock market volatility. Apple lowered its revenue forecast for the first quarter, leading Asian stocks to decline and safe haven assets like gold and Japanese yen to gain. Data showed weakened factory activity in Asia, particularly China, adding to | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 1 | 1. Global Economic Slowdown: Rise in gold prices due to concerns of a slowing global economy.\n 2. Stock Market Volatility: Asian stocks declining due to Apple's revenue forecast lowering.\n 3. Safe Haven Assets: Gold and Japanese yen gaining value as investors seek safety during economic uncertainty.\n 4. Weakened Factory Activity: Particularly in China, indicated by data showing a decrease in factory activity. | positive_event | ||
17 | 2019-01-03 | Fears of a global economic slowdown led to a decline in the US dollar on Thursday, as the yen gained ground due to its status as a safe haven currency. The USD index slipped below 96, and USD JPY dropped to 107.61, while the yen strengthened by 4.4%. | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | Topic 1:\n Global Economic Slowdown\n \n Summary:\n Fears of a global economic slowdown were expressed in financial markets on Thursday, leading to a decline in the US dollar and an increase in the value of the Japanese yen.\n\n Topic 2:\n US Dollar Decline\n \n Summary:\n The US dollar experienced a decline in value on Thursday due to concerns over the global economic climate.\n\n Topic 3:\n Safe Haven Currency (Japanese Yen)\n \n Summary:\n The Japanese yen gained ground as investors sought out safe haven currencies during market uncertainty caused by fears of a global economic slowdown | neutral_event | ||
18 | 2019-01-03 | In Thursday trading, long-term US Treasury yields dropped significantly below 2.6%, reaching levels not seen in over a year, as investors shifted funds from stocks to bonds following Apple's warning of decreased revenue due to emerging markets and China's impact on corporate profits, with the White House advisor adding to concerns of earnings down | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | Topic 1:\n - Long-term US Treasury yields dropping below 2.6%\n - Investors shifting funds from stocks to bonds\n \n Summary: Significant decrease in long-term US Treasury yields, leading investors to move their funds from stocks to bonds.\n\n Topic 2:\n - Apple's warning of decreased revenue\n - Emerging markets and China's impact on corporate profits\n\n Summary: Apple announces decreased revenue due to challenges in emerging markets and China, affecting corporate profits.\n\n Topic 3:\n - White House advisor adding to concerns of earnings down\n\n Summary: The White House advisor's | negative_event | ||
19 | 2019-01-03 | Gold prices have reached their highest level since mid-June, with the yellow metal hitting | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | Topic 1:\n Gold Prices: Reached highest level since mid-June at | neutral_event | ||
20 | 2019-01-03 | Wedbush analyst Daniel Ives lowered his price target for Apple from | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Apple Inc.\n 2. iPhone sales\n 3. Potential stagnation or decline\n 4. Price target reduction (from | negative_event | ||
21 | 2019-01-03 | Oil prices rebounded on Thursday due to dollar weakness, signs of output cuts by Saudi Arabia, and weaker fuel oil margins leading Riyadh to lower February prices for heavier crude grades sold to Asia. The Organization of the Petroleum Exporting Countries (OPEC) led by Saudi Arabia and other producers | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 1 | 1. Topic 1: Oil Prices\n - Keywords: oil prices, rebounded, Thursday\n\n 2. Topic 2: Dollar Weakness\n - Keywords: dollar weakness\n\n 3. Topic 3: Output Cuts by Saudi Arabia\n - Keywords: output cuts, Saudi Arabia\n\n 4. Topic 4: Signs of Production Reduction\n - Keywords: signs, production reduction\n\n 5. Topic 5: Weaker Fuel Oil Margins\n - Keywords: weaker fuel oil margins\n\n 6. Topic 6: Lower February Prices for Heavier Crude Grades | positive_event | ||
22 | 2019-01-03 | This news article reports on the impact of Apple's Q1 revenue warning on several tech and biotech stocks. Sesen Bio (SESN) and Prana Biotechnology (PRAN) saw their stock prices drop by 28% and 11%, respectively, following the announcement. Mellanox Technologies (ML | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | 1. Topic: Apple's Q1 Revenue Warning\n - Key Events: Apple issued a warning about lower-than-expected revenue for Q1 2019.\n - Summary: Apple's financial performance announcement led to stock price drops in several tech companies.\n\n 2. Topic: Sesen Bio (SESN)\n - Key Events: The biotech company experienced a significant decrease in stock price (28%).\n - Summary: Sesen Bio was affected by the broader market reaction to Apple's revenue warning.\n\n 3. Topic: Prana Biotechnology (PRAN)\n - Key Events: The biotech company | neutral_event | ||
23 | 2019-01-03 | Gold prices reached within | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | 1. Topics: Gold prices, Safe-haven assets, Weak stock markets, Slumping dollar, COMEX gold futures\n 2. Summaries:\n a. Gold prices approached $1,300 due to investor demand for safe-haven assets caused by weak stock markets and a declining dollar.\n b. The U.S. stock market experienced a 2% decrease, contributing to the increased interest in gold.\n c. Apple issued a rare profit warning, further unsettling investors and driving them towards gold as a safer investment option.\n d. COMEX gold futures settled at an undisclosed price following these events. | neutral_event | ||
24 | 2019-01-03 | The FDIC Chair, Jelena McWilliams, expressed no concern over market volatility affecting the U.S banking system due to banks' ample capital. She also mentioned a review of the CAMELS rating system used to evaluate bank health for potential inconsistencies and concerns regarding forum shopping. This review comes from industry | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. FDIC Chair Jelena McWilliams: expressing no concern over market volatility, reviewing CAMELS rating system, mentioning forum shopping\n 2. FDIC Chair: addressing market volatility impact on U.S banking system, initiating CAMELS rating system review, discussing forum shopping concerns\n 3. Jelena McWilliams: expressing reassurance over banking system stability, leading CAMELS rating system evaluation, raising forum shopping issue\n 4. Market volatility: affecting U.S banking system, causing concern for FDIC Chair\n 5. FDIC Chair's reassurance: regarding market volatility impact on U.S | negative_event | ||
25 | 2019-01-03 | Apple cut its quarterly revenue forecast for the first time in over 15 years due to weak iPhone sales in China, representing around 20% of Apple's revenue. This marks a significant downturn during Tim Cook's tenure and reflects broader economic concerns in China exacerbated by trade tensions with the US. U | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | Topic 1:\n Apple: The tech company reduced its quarterly revenue forecast for the first time in over 15 years due to weak iPhone sales.\n\n Topic 2:\n Tim Cook: Apple's CEO during this significant downturn.\n\n Topic 3:\n China: A major market for Apple, accounting for around 20% of its revenue, experiencing economic concerns and trade tensions with the US.\n\n Topic 4:\n Weak iPhone sales: The primary reason behind Apple's revenue forecast reduction.\n\n Topic 5:\n Trade tensions between China and the US: Exacerbating broader economic concerns in China, | negative_event | ||
26 | 2019-01-03 | Goldman analyst Rod Hall lowered his price target for Apple from | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | Topic 1: Apple Inc.\n - Price target lowered by Goldman analyst Rod Hall for Apple from | neutral_event | ||
27 | 2019-01-03 | Delta Air Lines lowered its fourth-quarter revenue growth forecast to a range of 3% from the previous estimate of 3% to 5%. Earnings per share are now expected to be | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | 1. Delta Air Lines: Lowered fourth-quarter revenue growth forecast to a range of 3%\n 2. Earnings per share: Expected to be | neutral_event | ||
28 | 2019-01-03 | Apple's profit warning has significantly impacted the stock market and changed the outlook for interest rates. The chance of a rate cut in May has increased to 15-16% from just 3%, according to Investing com's Fed Rate Monitor Tool. There is even a 1% chance of two cuts in May. | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | Topic 1:\n Apple's profit warning\n\n Summary: Apple issued a profit warning that negatively affected the stock market and increased the likelihood of interest rate cuts by the Federal Reserve. | negative_event | ||
29 | 2019-01-03 | The White House advisor, Kevin Hassett, stated that a decline in Chinese economic growth would negatively impact U.S. firm profits but recover once a trade deal is reached between Washington and Beijing. He also noted that Asian economies, including China, have been experiencing significant slowdowns since last spring due to U.S. tariffs | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Topics:\n - White House advisor (Kevin Hassett)\n - Chinese economic growth\n - U.S. firm profits\n - Trade deal between Washington and Beijing\n - Asian economies\n - Significant slowdowns\n - US tariffs\n\n 2. Summarized Topics:\n - White House advisor Kevin Hassett discusses potential negative impact of Chinese economic slowdown on U.S. firm profits, but anticipates recovery post-trade deal.\n - Asian economies, including China, undergo significant slowdowns due to US tariffs since last spring. | negative_event | ||
30 | 2019-01-03 | The White House economic adviser, Kevin Hassett, warned that more companies could face earnings downgrades due to ongoing trade negotiations between the U.S. and China, leading to a decline in oil prices on Thursday. WTI crude fell 44 cents to $44.97 a barrel, while Brent crude inched | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Topic: Trade Negotiations between US and China\n - Keywords: trade negotiations, US, China\n - Summary: Ongoing trade discussions between the US and China are causing concerns for potential earnings downgrades among companies, leading to a decline in oil prices.\n\n 2. Topic: Oil Prices\n - Keywords: oil prices, WTI crude, Brent crude\n - Summary: The price of both WTI crude and Brent crude experienced a decrease due to the trade negotiations between the US and China. | negative_event | ||
31 | 2019-01-03 | Japanese stocks suffered significant losses on the first trading day of 2019, with the Nikkei 225 and Topix indices both falling over 3 percent. Apple's revenue forecast cut, citing weak iPhone sales in China, triggered global growth concerns and sent technology shares tumbling. The S&P 50 | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Event: Significant losses for Japanese stocks on the first trading day of 2019\n 2. Topics: Japanese stocks, Nikkei 225, Topix indices\n 3. Keywords: losses, significant, Japanese stocks, Nikkei 225, Topix indices\n\n 1. Event: Apple's revenue forecast cut due to weak iPhone sales in China\n 2. Topics: Apple, revenue forecast, weak iPhone sales, China\n 3. Keywords: Apple, revenue forecast, weak sales, China\n\n 1. Event: Global growth concerns triggered by Apple's announcement\n 2. Topics: Global growth, concerns, Apple | negative_event | ||
32 | 2019-01-03 | Investors withdrew a record $98 billion from U.S. stock funds in December, with fears of aggressive monetary policy and an economic slowdown driving risk reduction. The S&P 500 fell 9% last month, with some seeing declines as a buying opportunity. Apple's warning of weak iPhone sales added | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Topic 1: Investor Behavior and Stock Market\n * Keywords: investors, withdrew, record amount, U.S. stock funds, fears, aggressive monetary policy, economic slowdown, risk reduction\n * Summary: Investors pulled out a significant amount from U.S. stock funds due to concerns over monetary policy and an economic downturn.\n\n 2. Topic 2: S&P 500 Performance\n * Keywords: S&P 500, fell, 9%, declines\n * Summary: The S&P 500 experienced a decline of 9% in December.\n\n 3. Topic | negative_event | ||
33 | 2019-01-03 | Apple's Q1 revenue guidance cut, resulting from weaker demand in China, led to an estimated | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Apple's Q1 revenue guidance: Apple has revised its expected revenue for the first quarter.\n 2. Weaker demand in China: Decreased consumer interest in Apple products in China.\n 3. Estimated paper loss for Berkshire Hathaway: A potential financial loss of | negative_event | ||
34 | 2019-01-03 | This news article reports that a cybersecurity researcher, Wish Wu, planned to present at the Black Hat Asia hacking conference on how to bypass Apple's Face ID biometric security on iPhones. However, his employer, Ant Financial, which operates Alipay and uses facial recognition technologies including Face ID, asked him to withdraw | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | 1. Acybersecurity researcher named Wish Wu\n 2. Planned to present at the Black Hat Asia hacking conference\n 3. Topic: Bypassing Apple's Face ID biometric security\n 4. Employer: Ant Financial\n 5. Uses facial recognition technologies including Face ID\n\n Summary: A cybersecurity researcher, Wish Wu, intended to discuss bypassing Apple's Face ID security at the Black Hat Asia conference. His employer, Ant Financial, which employs facial recognition technology, requested he withdraw from the presentation. | neutral_event | ||
35 | 2019-01-03 | OPEC's production cuts faced uncertainty as oil prices were influenced by volatile stock markets, specifically due to Apple's lowered revenue forecast and global economic slowdown fears. US WTI and Brent crude both saw gains, but these were checked by stock market declines. Shale production is expected to continue impacting the oil market in | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | 1. OPEC Production Cuts: Uncertainty due to oil price fluctuations influenced by volatile stock markets.\n 2. Stock Markets: Apple's lowered revenue forecast and global economic slowdown fears causing declines, affecting oil prices.\n 3. Oil Prices: WTI and Brent crude saw gains but were checked by stock market declines.\n 4. Shale Production: Continued impact on the oil market.\n\nOutput:\n[1] OPEC Production Cuts: Uncertainty due to volatile stock markets.\n[2] Stock Markets: Apple's lowered revenue forecast and global economic slowdown causing declines.\n[3] Oil Prices: | neutral_event | ||
36 | 2019-01-03 | Warren Buffett's Berkshire Hathaway suffered significant losses in the fourth quarter due to declines in Apple, its largest common stock investment. Apple cut its revenue forecast, causing a 5-6% decrease in Berkshire's Class A shares. The decline resulted in potential unrealized investment losses and could push Berk | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | 1. Topic: Berkshire Hathaway (BH) and its investments\n 2. Event: Suffered significant losses in the fourth quarter\n 3. Keywords: Berkshire Hathaway, losses, fourth quarter\n 4. Topic: Apple Inc.\n 5. Event: Cut revenue forecast, caused decrease in BH's Class A shares\n 6. Keywords: Apple, revenue forecast, decreased shares\n 7. Topic: Unrealized investment losses\n 8. Event: Potential losses due to Apple's decline\n 9. Keywords: unrealized investment losses\n 10. Topic: Berkshire Hathaway Class | neutral_event | ||
37 | 2019-01-03 | This news article reports that on Thursday, the two-year Treasury note yield dropped below the Federal Reserve's effective rate for the first time since 2008. The market move suggests investors believe the Fed will not be able to continue tightening monetary policy. The drop in yields was attributed to a significant decline in U.S | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Subjects/Entities: Two-year Treasury note yield, Federal Reserve, effective rate, investors, monetary policy\n 2. Key Events/Actions: Two-year Treasury note yield drops below Federal Reserve's effective rate for the first time since 2008, Investors believe Fed will not be able to continue tightening monetary policy\n 3. Relevant Keywords: Two-year Treasury note yield, Federal Reserve, effective rate, investors, monetary policy, drop, yields, decline, U.S., market move, suggest, unable, continue, tightening\n 4. Summarized Topics:\n a. Two-year Treasury note yield dropping below Federal | negative_event | ||
38 | 2019-01-03 | The U.S. and China will hold their first face-to-face trade talks since agreeing to a 90-day truce in their trade war last month. Deputy U.S. Trade Representative Jeffrey Gerrish will lead the U.S. delegation for negotiations on Jan. 7 and 8, | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 1 | 1. Topic: U.S.-China Trade Talks\n 2. Summary: The United States and China are set to hold their initial trade negotiations following a 90-day truce in their ongoing trade war. Deputy U.S. Trade Representative Jeffrey Gerrish will head the American delegation during the talks scheduled for January 7 and 8. | positive_event | ||
39 | 2019-01-03 | Investors bought gold in large quantities due to concerns over a global economic slowdown, increased uncertainty in the stock market, and potential Fed rate hikes. The precious metal reached its highest price since June, with gold ETF holdings also seeing significant increases. Factors contributing to this demand include economic downturn, central bank policy mistakes, and | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 1 | 1. Global Economic Slowdown: Investors bought gold due to concerns over a slowing global economy.\n 2. Uncertainty in the Stock Market: Increased uncertainty in the stock market led investors to buy gold as a safe-haven asset.\n 3. Potential Fed Rate Hikes: Anticipation of Federal Reserve interest rate hikes also contributed to gold demand.\n 4. Highest Gold Price since June: The price of gold reached its highest level since June due to these factors.\n 5. Significant Increases in Gold ETF Holdings: Investors also saw significant increases in gold ETF holdings, further indicating increased demand for the precious metal.\n 6. Economic | positive_event | ||
40 | 2019-01-03 | Delta Air Lines Inc reported lower-than-expected fourth quarter unit revenue growth, citing weaker than anticipated late bookings and increased competition. The carrier now expects total revenue per available seat mile to rise about 3 percent in the period, down from its earlier forecast of 3.5 percent growth. Fuel prices are also expected to | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | 1. Delta Air Lines Inc: Aviation industry, Airline company\n 2. Lower-than-expected fourth quarter unit revenue growth: Financial performance, Revenue growth\n 3. Weaker than anticipated late bookings: Travel demand, Booking trends\n 4. Increased competition: Market conditions, Competition\n 5. Total revenue per available seat mile: Airline industry metric, Revenue growth\n 6. Expected to rise about 3 percent in the period: Financial forecast, Growth rate\n 7. Down from its earlier forecast of 3.5 percent growth: Revised expectations, Decrease in growth rate\n 8. Fuel prices: Energy sector, Cost factor\n | neutral_event | ||
41 | 2019-01-03 | U.S. stocks experienced significant declines on Thursday as the S&P 500 dropped over 2%, the Dow Jones Industrial Average fell nearly 3%, and the Nasdaq Composite lost approximately 3% following a warning of weak revenue from Apple and indications of slowing U.S. factory activity, raising concerns | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. **Stocks:** Declines in U.S. stocks on Thursday. Specifically mentioned were the S&P 500, Dow Jones Industrial Average, and Nasdaq Composite.\n 2. **Market Indices:** Significant drops in these indices: S&P 500 (over 2%), Dow Jones Industrial Average (nearly 3%), and Nasdaq Composite (approximately 3%).\n 3. **Apple:** Weak revenue warning from this tech company influenced the stock market decline.\n 4. **Factory Activity:** Indications of slowing U.S. factory activity also contributed to concerns in the stock market.\n | negative_event | ||
42 | 2019-01-04 | President Trump expressed optimism over potential trade talks with China, citing China's current economic weakness as a potential advantage for the US. This sentiment was echoed by recent reports of weakened demand for Apple iPhones in China, raising concerns about the overall health of the Chinese economy. The White House is expected to take a strong stance in | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 0 | 1. Trade talks between China and the US: President Trump expressed optimism, citing China's economic weakness as an advantage.\n 2. Chinese economy: Weakened demand for Apple iPhones raises concerns about overall health.\n 3. White House stance: Expected to take a strong position in trade negotiations.\n\n In summary: Trade negotiations between the US and China, with focus on the Chinese economy's current state and potential impact on Apple sales. | neutral_event | ||
43 | 2019-01-04 | Qualcomm secured a court order in Germany banning the sale of some iPhone models due to patent infringement, leading Apple to potentially remove these devices from its stores. However, third-party resellers like Gravis continue selling the affected iPhones. This is the third major effort by Qualcomm to ban Apple's iPhones glob | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 0 | 1. Topic 1:\n Keywords: Qualcomm, court order, Germany, iPhone models, patent infringement, sale ban\n Summary: Qualcomm obtained a court order in Germany prohibiting the sale of certain iPhone models due to patent violations.\n\n 2. Topic 2:\n Keywords: Apple, potentially, remove, devices, stores\n Summary: Apple may withdraw the affected iPhone models from its retail outlets as a result of the court order.\n\n 3. Topic 3:\n Keywords: third-party resellers, Gravis, continue selling\n Summary: Despite the sale ban, third-party vendors like Gravis persist in offering | neutral_event | ||
44 | 2019-01-04 | Oil prices rose on Friday in Asia as China confirmed trade talks with the U.S., with WTI gaining 0.7% to | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 0 | 1. Topic 1: Oil Prices\n - Keywords: rose, Asia, WTI, Brent, barrel, gained\n - Summary: Oil prices increased in Asia on Friday due to positive news regarding US-China trade talks. Both WTI and Brent saw a 0.7% rise, with WTI reaching | neutral_event | ||
45 | 2019-01-04 | Gold prices surged past the psychologically significant level of $1,300 per ounce in Asia on Friday due to growing concerns over a potential global economic downturn. The rise in gold was attributed to weak PMI data from China and Apple's reduced quarterly sales forecast. Investors viewed gold as a safe haven asset amidst | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | -1 | 1. Topic: Gold Prices\n Summary: Gold prices surged past $1,300 per ounce in Asia due to economic downturn concerns and weak PMI data from China, as well as Apple's reduced sales forecast.\n\n 2. Topic: Economic Downturn Concerns\n Summary: Growing concerns over a potential global economic downturn contributed to the rise in gold prices.\n\n 3. Topic: Weak PMI Data (China)\n Summary: Weak PMI data from China was a significant factor in the surge of gold prices.\n\n 4. Topic: Safe Haven Asset\n Summary: Investors viewed gold as | negative_event | ||
46 | 2019-01-04 | In an internal memo, Huawei's Chen Lifang reprimanded two employees for sending a New Year greeting on the company's official Twitter account using an iPhone instead of a Huawei device. The incident caused damage to the brand and was described as a "blunder" in the memo. The mistake occurred due to | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 0 | 1. Huawei: A Chinese technology company\n 2. Chen Lifang: Huawei executive\n 3. Employees: Unnamed individuals working for Huawei\n 4. New Year greeting: A message wishing a happy new year\n 5. Official Twitter account: Huawei's social media presence\n 6. iPhone: Apple's smartphone brand\n 7. Blunder: An error or mistake causing negative consequences\n\n Topics:\n 1. Huawei: Company faces PR issue due to employee using an iPhone for New Year greeting on official Twitter account.\n 2. Chen Lifang: Executive reprimands employees for using iPhone instead | neutral_event | ||
47 | 2019-01-04 | This news article reports on the positive impact of trade war talks between Beijing and Washington on European stock markets, specifically sectors sensitive to the trade war such as carmakers, industrials, mining companies, and banking. Stocks rallied with mining companies leading the gains due to copper price recovery. Bayer shares climbed despite a potential ruling restricting | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 1 | 1. Trade war talks between Beijing and Washington\n 2. European stock markets\n 3. Sectors sensitive to trade war: carmakers, industrials, mining companies, banking\n 4. Stocks rallied\n 5. Mining companies led gains\n 6. Copper price recovery\n 7. Bayer shares climbed despite potential ruling restriction. | positive_event | ||
48 | 2019-01-04 | Amazon has sold over 100 million devices with its Alexa digital assistant, according to The Verge. The company is cautious about releasing hardware sales figures and did not disclose holiday numbers for the Echo Dot. Over 150 products feature Alexa, and more than 28,000 smart home | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 0 | 1. Amazon: The e-commerce giant\n 2. Alexa digital assistant: Amazon's voice assistant technology\n 3. Over 100 million devices sold: Significant sales figure for Alexa-enabled devices\n 4. The Verge: Source of the information\n 5. Over 150 products: Number of products with Alexa integration\n 6. More than 28,000 smart home devices: Extensive range of compatible smart home devices\n\nSummary:\nAmazon's Alexa digital assistant has sold over 100 million devices, according to The Verge. Over 150 products and more than 28,000 smart home | neutral_event | ||
49 | 2019-01-04 | The Supreme Court will review Broadcom's appeal in a shareholder lawsuit over the 2015 acquisition of Emulex. The case hinges on whether intent to defraud is required for such lawsuits, and the decision could extend beyond the Broadcom suit. An Emulex investor filed a class action lawsuit | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | -1 | Topic 1:\n Supreme Court Review of Broadcom's Appeal in Emulex Shareholder Lawsuit\n\n Summary: The Supreme Court will examine Broadcom's appeal in a shareholder lawsuit concerning the 2015 acquisition of Emulex. This case centers around the question of whether intent to defraud is necessary for such lawsuits, and its outcome may have wider implications beyond the Broadcom suit itself.\n\n Topic 2:\n Emulex Investor Files Class Action Lawsuit against Broadcom\n\n Summary: An investor in Emulex initiated a class action lawsuit against Broadcom following the completion of Broadcom's acquisition of Emulex in | negative_event | ||
50 | 2019-01-04 | The Chinese central bank announced a fifth reduction in the required reserve ratio (RRR) for banks, freeing up approximately 116.5 billion yuan for new lending. This follows mounting concerns about China's economic health amid slowing domestic demand and U.S. tariffs on exports. Premier Li Keqiang | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 0 | 1. Chinese central bank\n 2. Fifth reduction in Required Reserve Ratio (RRR) for banks\n 3. Approximately 116.5 billion yuan freed up for new lending\n 4. Economic concerns in China\n 5. Slowing domestic demand\n 6. U.S. tariffs on exports\n\nTopics:\n- Chinese central bank policy\n- Required Reserve Ratio (RRR) reduction\n- New lending and economic stimulus\n- Concerns about China's economy\n- Domestic demand slowdown\n- US tariffs on Chinese exports | neutral_event | ||
51 | 2019-01-04 | The stock market rebounded strongly on Friday following positive news about US-China trade talks, a better-than-expected jobs report, and dovish comments from Federal Reserve Chairman Jerome Powell. The Dow Jones Industrial Average rose over 746 points, with the S&P 500 and Nasdaq Com | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 1 | 1. US-China Trade Talks: Positive developments in trade negotiations between the United States and China.\n 2. Stock Market: The market experienced a significant rebound on Friday.\n 3. Dow Jones Industrial Average, S&P 500, Nasdaq Composite: Specific stock market indices that showed gains.\n 4. Rise over 746 points (Dow Jones), better-than-expected jobs report: Significant increases in these economic indicators.\n 5. Dovish comments from Federal Reserve Chairman Jerome Powell: The Fed Chair's remarks suggested a more accommodative monetary policy stance.\n\n Summary of Topics:\n 1 | positive_event | ||
52 | 2019-01-07 | Sprint and Samsung plan to release 5G smartphones in nine U.S. cities this summer, with Atlanta, Chicago, Dallas, Houston, Kansas City, Los Angeles, New York City, Phoenix, and Washington D.C. being the initial locations. Rival Verizon also announced similar plans for the first half of 20 | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 1 | 5G Smartphones Release: Sprint and Samsung to launch in Atlanta, Chicago, Dallas, Houston, Kansas City, Los Angeles, New York City, Phoenix, Washington D.C. this summer.\n \n Topics:\n 1. Sprint\n 2. Samsung\n 3. 5G smartphones\n 4. Release\n 5. Nine U.S. cities\n 6. Atlanta\n 7. Chicago\n 8. Dallas\n 9. Houston\n 10. Kansas City\n 11. Los Angeles\n 12. New York City\n 13. Phoenix\n 14. Washington D.C.\n \n Summary: Sprint | positive_event | ||
53 | 2019-01-07 | AMS, an Austrian tech company listed in Switzerland and a major supplier to Apple, has developed a light and infrared proximity sensor that can be placed behind a smartphone's screen. This allows for a larger display area by reducing the required space for sensors. AMS provides optical sensors for 3D facial recognition features on Apple | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 0 | Topic 1:\n Company: AMS (Austrian Micro Systems)\n Location: Austrian tech company listed in Switzerland\n Role: Major supplier to Apple\n Event: Developed a new sensor technology\n Description: Created a light and infrared proximity sensor\n Functionality: Allows for larger display area by reducing sensor space\n Keywords: AMS, Austrian tech company, Swiss-listed, major supplier, Apple, developed, sensor, light, infrared, proximity, larger display area\n\n Topic 2:\n Company: AMS\n Product: Optical sensors\n Role: Provides for 3D facial recognition features on Apple devices. | neutral_event | ||
54 | 2019-01-07 | Deutsche Bank upgraded Vivendi's Universal Music Group valuation from €20 billion to €29 billion, surpassing the market cap of Vivendi at €28.3 billion. The bank anticipates music streaming revenue to reach €21 billion in 2023 and identifies potential suitors for | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 0 | 1. Deutsche Bank upgrades Universal Music Group's valuation: €29 billion\n 2. DB surpasses Vivendi's market cap with new UMG evaluation: €28.3 billion\n 3. Anticipated music streaming revenue in 2023: €21 billion\n 4. Potential suitors identified for Universal Music Group. | neutral_event | ||
55 | 2019-01-07 | Amazon's stock is predicted to surge by over 20% by the end of this year, according to a new report from Pivotal Research. Senior analyst Brian Wieser initiated coverage on the stock with a buy rating and a year-end price target of $1,920. The growth potential for Amazon lies primarily in | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 1 | 1. Amazon's stock predicted surge: 20% increase by end of year\n 2. New report from Pivotal Research\n 3. Buy rating and year-end price target: | positive_event | ||
56 | 2019-01-07 | AMS, an Austrian sensor specialist, is partnering with Chinese software maker Face to develop new 3D facial recognition features for smartphones. This move comes as AMS aims to reduce its dependence on Apple and boost its battered shares. AMS provides optical sensors for Apple's 3D facial recognition feature on iPhones, | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 1 | 1. Topic: AMS (Austrian sensor specialist)\n - Key events: Partnering with Chinese software maker Face, developing new 3D facial recognition features for smartphones\n - Summary: AMS collaborates with Face to create advanced facial recognition technology for mobile devices as part of their business diversification strategy.\n\n 2. Topic: Apple\n - Key events: Previous partnership with AMS for 3D facial recognition feature on iPhones\n - Summary: Apple is a former business partner of AMS, having utilized their optical sensors for the implementation of 3D facial recognition technology in iPhones.\n\n 3. Topic: Chinese software maker Face\n - | positive_event | ||
57 | 2019-01-07 | Geely, China's most successful carmaker, forecasts flat sales for 2019 due to economic slowdown and cautious consumers. In 2018, it posted a 20% sales growth, but missed its target of 1.58 million cars by around 5%. Sales dropped 44 | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 0 | 1. **Geely**: A Chinese automaker and the country's most successful carmaker.\n 2. **Sales**: The number of vehicles sold by Geely in a given year.\n 3. **Flat sales for 2019**: Geely expects no growth or increase in sales for the year 2019.\n 4. **Economic slowdown**: A decrease in economic activity and growth, affecting consumer spending and demand for cars.\n 5. **Cautious consumers**: Consumers who are hesitant to make large purchases due to economic uncertainty or personal financial concerns.\n 6. **20% sales growth in 2018**: Ge | neutral_event | ||
58 | 2019-01-07 | China is making sincere efforts to address U.S. concerns and resolve the ongoing trade war, including lowering taxes on automobile imports and implementing a law banning forced technology transfers. However, Beijing cannot and should not dismantle its governance model as some in Trump's administration have demanded. Former Goldman Sachs China | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 0 | 1. Trade war between China and the U.S.\n 2. China addressing U.S. concerns: lowering taxes on automobile imports, banning forced technology transfers.\n 3. Key events: China making efforts to resolve trade war, implementing policy changes.\n 4. Relevant keywords: trade war, China, U.S., addressing concerns, tax cuts, automobile imports, technology transfers, policy changes.\n 5. Summary topics: Trade War Resolution, China's Policy Changes. | neutral_event | ||
59 | 2019-01-07 | Stock index futures indicate a slightly lower open on Wall Street Monday, as investors remain cautious amid lack of progress in U.S.-China trade talks and political risks from the ongoing government shutdown. Dow futures were flat, S&P 500 dipped 0.13%, while Nasdaq 10 | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 0 | 1. Topics:\n a. Stock market (Wall Street, Dow futures, S&P 500, Nasdaq 100)\n b. Trade talks between U.S. and China\n c. Political risks\n d. Government shutdown\n\n 2. Summarized Topics:\n a. Stock market: Indicates a slightly lower open on Wall Street due to cautious investor sentiment amid trade talks stalemate and government shutdown.\n b. Trade talks: Lack of progress between U.S. and China continues to influence the stock market negatively.\n c. Political risks: Ongoing government shutdown adds to | neutral_event | ||
60 | 2019-01-07 | Qualcomm, a leading chipmaker, has announced an expansion of its lineup of car computing chips into three tiers - entry-level, Performance, Premiere, and Paramount. This move is aimed at catering to various price points in the automotive market, similar to its smartphone offerings. The company has reported a backlog | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 0 | 1. Qualcomm: A leading chipmaker\n 2. Expansion of car computing chips lineup\n - Three tiers: Entry-level, Performance, Premiere, Paramount\n 3. Catering to different price points in the automotive market\n 4. Similar strategy to smartphone offerings\n 5. Reported backlog (implied business growth)\n\nTopics:\n1. Qualcomm\n2. Chipmaker\n3. Car computing chips\n4. Expansion\n5. Three tiers\n6. Entry-level\n7. Performance\n8. Premiere\n9. Paramount\n10. Automotive market\n11. Price points\n12. | neutral_event | ||
61 | 2019-01-07 | The stock market showed minimal changes at the open as investors await trade talks progress between the U.S. and China. The S&P 500 dropped 0.04%, Dow lost 0.23%, but Nasdaq gained 0.2%. The ISM services index, expected to be released at 1 | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 0 | 1. Topics:\n a. Stock market (S&P 500, Dow, Nasdaq)\n b. Trade talks between U.S. and China\n c. ISM services index\n\n 2. Summaries:\n a. Stock market: Minimal changes at the open; S&P 500 dropped slightly, Dow lost more, while Nasdaq gained.\n b. Trade talks: Investors await progress between U.S. and China.\n c. ISM services index: Expected release. | neutral_event | ||
62 | 2019-01-08 | The article suggests that some economists believe the US economy may have reached its peak growth rate, making the euro a potentially bullish investment. The EUR/USD exchange rate has held steady despite weak Eurozone data due to dollar weakness and stagnant interest rate expectations in Europe. However, concerns over economic growth are emerging due to sell | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | -1 | 1. US Economy: Some economists suggest the US economy may have reached peak growth rate.\n 2. Euro: A potentially bullish investment due to US dollar weakness and stagnant interest rates in Europe.\n 3. EUR/USD Exchange Rate: Has held steady despite weak Eurozone data.\n 4. Dollar Weakness: Contributing factor to the Euro's stability.\n 5. Stagnant Interest Rates in Europe: Another contributing factor to the Euro's stability.\n 6. Economic Growth Concerns: Emerging due to sell-off in European stocks and weak Eurozone data.\n\nSummary:\nUS Economy, Euro, EUR | negative_event | ||
63 | 2019-01-08 | The Chinese smartphone market, the world's largest, saw a decline of 12-15.5 percent in shipments last year with December experiencing a 17 percent slump, according to China Academy of Information and Communications Technology (CAICT) and market research firm Canalys. This follows a 4 percent drop in ship | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | 0 | 1. Topic: Chinese Smartphone Market\n 2. Summary: The Chinese smartphone market, the world's largest, experienced a significant decline in shipments last year with a 12-15.5% decrease. December saw an even larger slump of 17%. (Sources: CAICT, Canalys)\n\n News Articles: Tesla Inc. is recalling nearly 363,000 vehicles in the United States due to a potential fire risk from a faulty power window switch, according to documents filed with the National Highway Traffic Safety Administration.\n\n 1. Topic: Tesla Recall\n 2. Summary: Tesla is recalling approximately | neutral_event | ||
64 | 2019-01-08 | Austrian tech firm AT S lowered its revenue growth forecast for 2018/19 due to weak demand from smartphone makers and the automotive industry. The company now anticipates a 3% increase in sales from last year's €991.8 million, down from its previous projection of a 6- | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | 0 | 1. Subjects: Austrian tech firm AT S, smartphone makers, automotive industry\n 2. Events: Lowered revenue growth forecast, weak demand from smartphone makers and the automotive industry\n 3. Keywords: Austrian tech firm AT S, revenue growth, sales, 2018/19, €991.8 million, smartphone makers, automotive industry, weak demand\n 4. Topics:\n - Austrian tech firm AT S experiencing reduced sales growth in 2018/19\n - Weak market conditions from smartphone manufacturers affecting the company's revenue\n - Automotive industry also contributing to decreased demand for | neutral_event | ||
65 | 2019-01-08 | The stock markets in Asia surged during morning trade on Wednesday, following reports of progress in U. S - China trade talks. Negotiators extended talks for a third day and reportedly made strides on purchases of U. S goods and services. However, structural issues such as intellectual property rights remain unresolved. President Trump is eager to strike | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | 1 | 1. Topic 1: U.S-China Trade Talks\n - Keywords: trade talks, negotiators, progress, purchases of US goods and services\n - Summary: The U.S and China are engaged in trade negotiations, with reports indicating progress being made on potential purchases of American goods and services.\n\n 2. Topic 2: Stock Markets in Asia\n - Keywords: stock markets, Asia, surged, morning trade, Wednesday\n - Summary: The stock markets in Asia experienced growth during morning trade on a Wednesday, likely due to positive news regarding U.S-China trade talks.\n\n 3. Topic 3: President Trump\n - | positive_event | ||
66 | 2019-01-08 | Mercedes Benz sold over 2.31 million passenger cars in 2018, making it the top selling premium automotive brand for the third year in a row. However, analysts question how long German manufacturers can dominate the luxury car industry due to the shift towards electric and self-driving cars. Tesla, with | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | 1 | 1. Mercedes Benz: Top selling premium automotive brand in 2018 with over 2.31 million passenger car sales (third year in a row)\n 2. German manufacturers: Dominate the luxury car industry\n 3. Shift towards electric and self-driving cars: Potential challenge for German manufacturers\n 4. Mercedes Benz, German manufacturers: Automotive industry, Sales figures\n 5. Electric and self-driving cars: Emerging technology trends\n 6. Tesla: Competitor in the automotive industry, Focus on electric and self-driving cars | positive_event | ||
67 | 2019-01-08 | The S&P 500 reached a three-week high on Tuesday, driven by gains in Apple, Amazon, Facebook, and industrial shares. Investors are optimistic about a potential deal between the US and China to end their trade war. The S&P 500 has rallied over 9% since late December | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | 1 | 1. Topic 1: S&P 500 - Stock market index reaching three-week high\n Keywords: S&P 500, stock market index, three-week high\n\n 2. Topic 2: Apple, Amazon, Facebook - Tech companies with gains\n Keywords: Apple, Amazon, Facebook, tech companies, gains\n\n 3. Topic 3: Industrial shares - Sector experiencing growth\n Keywords: industrial shares, sector, growth\n\n 4. Topic 4: US-China trade war - Potential deal to end conflict\n Keywords: US, China, trade war, potential deal\n\n 5. Top | positive_event | ||
68 | 2019-01-08 | The stock market continued its rally on Tuesday, with the Dow Jones Industrial Average, S&P 500, and Nasdaq Composite all posting gains. Optimism over progress in trade talks between the US and China was a major contributor to the market's positive sentiment, with reports suggesting that both parties are narrowing their differences ahead | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | 1 | 1. Topic: Stock Market Rally\n - Keywords: stock market, rally, Dow Jones Industrial Average, S&P 500, Nasdaq Composite\n\n 2. Topic: Trade Talks between US and China\n - Keywords: trade talks, US, China, narrowing differences | positive_event | ||
69 | 2019-01-08 | Roku's stock dropped by 5% on Tuesday following Citron Research's reversal of its long position, labeling the company as uninvestable. This change in stance came after Apple announced partnerships with Samsung to offer iTunes services on some Samsung TVs, potentially impacting Roku's user base growth. | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | -1 | 1. Topic 1: Roku's Stock\n * Event: Dropped by 5%\n * Keywords: Roku, stock, dropped\n\n 2. Topic 2: Citron Research\n * Event: Reversed long position\n * Keywords: Citron Research, reversed, long position\n\n 3. Topic 3: Apple\n * Event: Announced partnerships\n * Keywords: Apple, announced, partnerships\n\n 4. Topic 4: Samsung\n * Event: Offering iTunes services on some TVs\n * Keywords: Samsung, offering, iTunes, services\n\n | negative_event | ||
70 | 2019-01-08 | The Chinese authorities are expected to release a statement following the conclusion of U. S. trade talks in Beijing, with both sides signaling progress toward resolving the conflict that has roiled markets. Chinese Vice Premier Liu He, who is also the chief economic adviser to Chinese President Xi Jinping, made an appearance at the negotiations and is | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | 1 | 1. U.S.-China Trade Talks: The Chinese authorities are expected to release a statement after the conclusion of U.S. trade talks in Beijing. Both sides have signaled progress towards resolving the conflict that has impacted markets.\n Keywords: U.S., China, trade talks, Beijing, statement, progress, resolution, markets.\n\n Summary: The news headline discusses the anticipated Chinese response following U.S. trade negotiations in Beijing, with both parties indicating advancements towards resolving their ongoing trade conflict and its market implications. | positive_event | ||
71 | 2019-01-10 | Xiaomi Co-founder Lei Jun remains optimistic about the future of his smartphone company despite a recent share slump that erased $6 billion in market value. The Chinese tech firm is shifting its focus to the high end and expanding into Europe, while shunning the US market. Xiaomi aims to elevate its Red | 56.267502 | 57.055000 | 56.049999 | 54.932766 | 139223200 | 0 | 1. Xiaomi: The Chinese tech company mentioned in the news article.\n 2. Xiaomi's Co-founder Lei Jun: The individual named in the headline, expressing optimism about the future of Xiaomi.\n 3. Share slump: A significant decline in Xiaomi's stock market value.\n 4. High end: Xiaomi's new focus on producing high-end smartphones.\n 5. Europe: The region where Xiami is expanding its business.\n 6. US market: The market that Xiaomi is shunning.\n 7. Red Mi: A product or brand of Xiaomi.\n\nTopics | neutral_event | ||
72 | 2019-01-10 | The European Commission has launched an investigation into Nike's tax treatment in the Netherlands, expressing concerns that the company may have received an unfair advantage through royalty payment structures. The EU executive has previously probed tax schemes in Belgium, Gibraltar, Luxembourg, Ireland, and the Netherlands, with countries ordered to recover taxes from benefici | 56.267502 | 57.055000 | 56.049999 | 54.932766 | 139223200 | 0 | 1. **Topic 1:** European Commission Investigation\n * Keywords: European Commission, investigation, Nike\n * Summary: The European Commission has initiated an investigation into Nike's tax treatment in the Netherlands.\n\n 2. **Topic 2:** Tax Treatment in the Netherlands\n * Keywords: Nike, tax treatment, Netherlands\n * Summary: Nike is under scrutiny for its tax practices in the Netherlands.\n\n 3. **Topic 3:** Unfair Advantage through Royalty Payments\n * Keywords: unfair advantage, royalty payments, Nike\n * Summary: The European Commission suspects that Nike may have received an unfair advantage through | neutral_event | ||
73 | 2019-01-10 | Taiwan's Foxconn, a major Apple supplier, reported an 8.3% decline in December revenue to TWD 619.3 billion ($20.1 billion), marking its first monthly revenue dip since February. The fall was due to weak demand for consumer electronics. In 2018, Foxconn | 56.267502 | 57.055000 | 56.049999 | 54.932766 | 139223200 | 0 | 1. Company: Foxconn (Taiwan's Foxconn, a major Apple supplier)\n 2. Industry: Consumer electronics\n 3. Key Events: Reported an 8.3% decline in December revenue, first monthly revenue dip since February\n 4. Reasons for Decline: Weak demand for consumer electronics\n 5. Topics: Foxconn, revenue decline, weak demand, consumer electronics\n \nOutput: ["Foxconn": "A major Apple supplier experienced a revenue decline in December due to weak consumer electronics demand."] | neutral_event | ||
74 | 2019-01-10 | Starting tomorrow, JD.com will offer reduced prices on some Apple iPhone 8 and 8 Plus models by approximately 600 yuan and 800 yuan respectively. These price drops, amounting to a savings of around | 56.267502 | 57.055000 | 56.049999 | 54.932766 | 139223200 | 1 | Topic 1:\n - JD.com\n - Price reduction\n - Apple iPhone 8\n - Approximately 600 yuan discount\n \n Topic 2:\n - JD.com\n - Price reduction\n - Apple iPhone 8 Plus\n - Approximately 800 yuan discount\n \n Topic 3:\n - JD.com\n - Sales promotion\n - Apple iPhone 8 and 8 Plus\n - Savings of around | positive_event | ||
75 | 2019-01-10 | Cummins, Inc. (CMI) announced that Pat Ward, its long-term Chief Financial Officer (CFO), will retire after 31 years of service on March 31, 2019. Mark Smith, who has served as Vice President of Financial Operations since 2014, will succeed Ward, | 56.267502 | 57.055000 | 56.049999 | 54.932766 | 139223200 | 0 | Topic 1:\n Company: Cummins, Inc. (CMI)\n Event: Announcement of retirement\n Subjects: Pat Ward, Chief Financial Officer (CFO), Mark Smith, Vice President of Financial Operations\n Keywords: retirement, Pat Ward, CFO, Mark Smith, Vice President, Financial Operations, succession. | neutral_event | ||
76 | 2019-01-10 | The Federal Reserve Chairman, Jerome Powell, maintained his patient stance on monetary policy but raised concerns about the balance sheet reduction. He indicated that the Fed's balance sheet would be substantially smaller, indicating the continuation of the balance sheet wind down operation. Despite this, Powell reassured investors of a slower pace on interest rate h | 56.267502 | 57.055000 | 56.049999 | 54.932766 | 139223200 | -1 | 1. Federal Reserve\n 2. Jerome Powell\n 3. Monetary policy\n 4. Patient stance\n 5. Balance sheet reduction\n 6. Substantially smaller balance sheet\n 7. Continuation of balance sheet wind down operation\n 8. Interest rate hikes\n 9. Slower pace\n\nTopics:\n1. Federal Reserve's monetary policy and stance\n2. Jerome Powell's comments on balance sheet reduction\n3. Size and continuation of the balance sheet wind down operation\n4. Potential interest rate hikes and slower pace. | negative_event | ||
77 | 2019-01-11 | Wall Street experienced a decline after the opening bell on Friday, following five consecutive days of gains. The S&P 500 dropped 13 points or 0.54%, with the Dow decreasing 128 points or 0.54%, and the Nasdaq Composite losing 37 points or | 62.384998 | 63.982498 | 62.290001 | 62.571354 | 151125200 | 0 | 1. Topic: Stock Market (Wall Street, S&P 500, Dow, Nasdaq Composite)\n 2. Event: Decline after five consecutive days of gains\n 3. Summary: The stock market, specifically Wall Street and its indices (S&P 500, Dow, Nasdaq Composite), experienced a decline following five straight days of growth. | neutral_event | ||
78 | 2019-01-11 | Several Chinese retailers, including Alibaba-backed Suning and JD.com, have drastically reduced iPhone prices due to weak sales in China, which prompted Apple's recent revenue warning. Discounts for the latest XR model range from 800 to 1,200 yuan. These price | 62.384998 | 63.982498 | 62.290001 | 62.571354 | 151125200 | -1 | 1. Topic 1: Chinese Retailers (Suning, JD.com)\n 2. Topic 2: Apple\n 3. Topic 3: iPhone Sales (weak sales in China)\n 4. Topic 4: Price Reductions (800-1,200 yuan for latest XR model)\n 5. Event: Chinese retailers have significantly lowered the prices of iPhones due to weak sales in China, causing Apple to issue a revenue warning. | negative_event | ||
79 | 2019-01-11 | Green Dot, GDOT, is a bank holding company with a wide distribution network and impressive growth. Its product offerings include bank accounts, debit and credit cards, with a focus on perks. The firm's platform business, "banking as a service," powers offerings for partners such as Apple Pay Cash, Walmart Money | 62.384998 | 63.982498 | 62.290001 | 62.571354 | 151125200 | 1 | 1. Green Dot (GDOT) - A bank holding company with growth and wide distribution network.\n 2. Product offerings - Bank accounts, debit and credit cards.\n 3. Focus - Perks and platform business.\n 4. Platform business description - "Banking as a service," powers offerings for partners.\n\nSummary:\n- Green Dot (GDOT)\n- Banking services and growth\n- Product offerings: bank accounts, debit/credit cards\n- Focus on perks\n- Platform business: "banking as a service"\n- Partners: Apple Pay Cash, Walmart Money. | positive_event | ||
80 | 2019-01-11 | US stock futures declined on Friday as disappointing holiday sales and revenue cuts from various companies raised concerns about a potential recession. The S&P 500, Dow Jones Industrial Average, and Nasdaq 100 fell, with the Fed's possible policy pause and optimistic trade talks failing to offset these negative factors. | 62.384998 | 63.982498 | 62.290001 | 62.571354 | 151125200 | -1 | Topic 1:\n US Stock Markets (S&P 500, Dow Jones Industrial Average, Nasdaq 100)\n \n Summary: US stock markets experienced declines on Friday due to disappointing holiday sales and revenue cuts from multiple companies.\n\n Topic 2:\n Holiday Sales\n \n Summary: Disappointing holiday sales were a significant factor in the decline of US stock markets.\n\n Topic 3:\n Companies (Revenue Cuts)\n \n Summary: Various companies announced revenue cuts, contributing to concerns about a potential recession and negatively impacting US stock markets.\n\n Topic 4: | negative_event | ||
81 | 2019-01-11 | Apple's NASDAQ AAPL stock declined by 0.52% in premarket trade Friday due to price cuts of iPhone models in China, but the company is set to launch three new iPhone models this year. Johnson & Johnson's NYSE JNJ stock edged forward after raising prescription drug prices. Starbucks | 62.384998 | 63.982498 | 62.290001 | 62.571354 | 151125200 | 0 | 1. Apple: Price cuts of iPhone models in China leading to a 0.52% decline in NASDAQ AAPL stock, with the company set to launch three new iPhone models this year.\n 2. Johnson & Johnson: Prescription drug price increase resulting in a slight forward movement for NYSE JNJ stock.\n 3. Apple (iPhone): Price cuts, premarket trade decline, NASDAQ AAPL stock, new iPhone models.\n 4. Johnson & Johnson: Prescription drugs, price increase, NYSE JNJ stock. | neutral_event | ||
82 | 2019-01-11 | Apple is reportedly set to release three new iPhone models this year, featuring new camera setups including triple rear cameras for the premium model and dual cameras for the others. The move comes after weak sales, particularly in China, led retailers to cut prices on the XR model. Amid sluggish sales, Apple opted to stick with | 62.384998 | 63.982498 | 62.290001 | 62.571354 | 151125200 | 0 | 1. New iPhone models release: Apple is reportedly releasing three new iPhone models this year with different camera setups (triple rear cameras for premium model and dual cameras for others).\n 2. Sales performance: Weak sales, particularly in China, led retailers to cut prices on the XR model.\n 3. Company response: Amid sluggish sales, Apple opted to stick with releasing new iPhone models.\n\nTopics:\n1. New iPhone models release\n2. Sales performance (China)\n3. Company response | neutral_event | ||
83 | 2019-01-14 | The U.S. stock market declined on Monday as concerns over a global economic slowdown intensified following unexpected drops in China's exports and imports, with tech stocks suffering the most significant losses. The Philadelphia SE Semiconductor Index fell 1.6 percent, while the technology sector dropped 0.9 percent, dragging down the | 37.712502 | 37.817501 | 37.305000 | 36.254131 | 129756800 | -1 | 1. Topic: Global Economic Slowdown\n - Keywords: economic slowdown, China's exports, China's imports\n - Summary: Concerns over a global economic slowdown intensified following unexpected drops in China's exports and imports.\n\n 2. Topic: U.S. Stock Market Decline\n - Keywords: U.S. stock market, declined, tech stocks\n - Summary: The U.S. stock market declined, with tech stocks suffering the most significant losses.\n\n 3. Topic: Philadelphia SE Semiconductor Index\n - Keywords: Philadelphia SE Semiconductor Index, fell 1.6 percent\n - | negative_event | ||
84 | 2019-01-14 | The weak Chinese trade data led to a halt in Europe's four-day stock market rally on Monday, with technology and luxury goods sectors bearing the brunt of selling. Luxury retailers, including LVMH, Hermes, Kering, Moncler, and Pandora, dropped between 1% and 7%, while Bur | 37.712502 | 37.817501 | 37.305000 | 36.254131 | 129756800 | -1 | 1. Topic: Chinese Trade Data\n Summary: Weak Chinese trade data was the cause of a halt in Europe's stock market rally.\n\n 2. Topic: European Stock Market\n Summary: The European stock market experienced a halt in its four-day rally.\n\n 3. Topic: Technology and Luxury Goods Sectors\n Summary: These sectors were the most affected by selling during the stock market halt.\n\n 4. Topic: Luxury Retailers\n Summary: Specific luxury retailers, such as LVMH, Hermes, Kering, Moncler, and Pandora, experienced significant drops in their stocks (between 1% and | negative_event | ||
85 | 2019-01-14 | The Chinese auto market experienced its first contraction since the 1990s in 2018, with sales falling 2.8 percent to 28.1 million vehicles due to the phasing out of purchase tax cuts on smaller cars and the US-China trade war. Companies like Ford and Jaguar Land R | 37.712502 | 37.817501 | 37.305000 | 36.254131 | 129756800 | 0 | 1. Chinese auto market: The main subject of this news article is the Chinese auto market, which experienced a contraction in sales for the first time since the 1990s.\n 2. Sales: The key event described in the headline is the decline in sales, with a total of 28.1 million vehicles sold in 2018, representing a decrease of 2.8 percent compared to the previous year.\n 3. Purchase tax cuts on smaller cars: A reason for the contraction in sales mentioned in the headline is the phasing out of purchase tax cuts on smaller cars.\n 4. US-China trade war: Another factor contributing to the decline in sales | neutral_event | ||
86 | 2019-01-14 | Dialog Semiconductor reported fourth quarter revenue in line with guidance despite a decrease in iPhone sales at main customer Apple. The company's shares rose 4% as investors praised its resilience amid other Apple suppliers missing targets or slashing their forecasts. Around 75% of Dialog's business comes from power management chips supplied to | 37.712502 | 37.817501 | 37.305000 | 36.254131 | 129756800 | 1 | 1. Dialog Semiconductor Q4 revenue: In line with guidance, despite decrease in iPhone sales at main customer Apple.\n 2. Topics: Dialog Semiconductor, Quarterly revenue, Apple, iPhone sales.\n 3. Keywords: Dialog, Q4 revenue, Apple, iPhone sales, Guidance.\n 4. Summary: Dialog Semiconductor reported Q4 revenue in line with expectations despite a decrease in iPhone sales at their main customer, Apple.\n\n News Article 2: Tesla's Elon Musk said the electric carmaker will make its Autopilot advanced driver assistance system available to all of its vehicles this year, a move that could help the company | positive_event | ||
87 | 2019-01-14 | U.S. stocks declined after the close on Monday, with losses in Utilities, Healthcare, and Technology sectors leading the way. The Dow Jones Industrial Average fell 0.36%, while the S&P 500 index dropped 0.53%, and the NASDAQ Composite index declined 0.9 | 37.712502 | 37.817501 | 37.305000 | 36.254131 | 129756800 | -1 | 1. Topic 1: U.S. Stocks (Overall)\n - Key Events: Declined after close on Monday\n - Relevant Keywords: U.S. stocks, closed, Monday\n\n 2. Topic 2: Dow Jones Industrial Average\n - Key Events: Fell 0.36%\n - Relevant Keywords: Dow Jones Industrial Average, fell, 0.36%\n\n 3. Topic 3: S&P 500 index\n - Key Events: Dropped 0.53%\n - Relevant Keywords: S&P 500 index, dropped, 0. | negative_event | ||
88 | 2019-01-14 | This news article reports on the recent drop in crude oil prices, with a focus on China's weakening economy as a major factor. After a strong rally in January, crude oil prices fell due to concerns over decreasing exports and imports in China, which is the world's second-largest economy and a significant driver of | 37.712502 | 37.817501 | 37.305000 | 36.254131 | 129756800 | -1 | 1. Crude oil prices: A decrease in crude oil prices was reported in the news article.\n 2. China's economy: Weakening economy in China was identified as a major factor contributing to the drop in crude oil prices.\n 3. Exports and imports: Decreasing exports and imports in China were mentioned as concerns that led to the price drop.\n\n Summary of topics:\n 1. Crude oil prices decrease\n 2. Weakening Chinese economy\n 3. Decreasing exports and imports in China | negative_event | ||
89 | 2019-01-14 | The Dow Jones Industrial Average and S&P 500 ended lower on Monday as concerns over global growth weighed on tech stocks, while Citigroup's mixed fourth-quarter earnings report partially offset losses. The financial sector gained on Citigroup's strong earnings, but broader market gains were limited due to falling tech stocks. | 37.712502 | 37.817501 | 37.305000 | 36.254131 | 129756800 | 0 | 1. Topics:\n a. Dow Jones Industrial Average\n b. S&P 500\n c. Global growth concerns\n d. Tech stocks\n e. Citigroup\n f. Fourth-quarter earnings report\n g. Financial sector\n 2. Summarized Topics:\n a. Stock market (Dow Jones, S&P 500): Both indices ended with losses due to global growth concerns and falling tech stocks.\n b. Global growth: Uncertainties weighed on the markets, causing concern among investors.\n c. Tech stocks: Decline in tech stocks limited broader market gains.\n d. Citigroup | neutral_event | ||
90 | 2019-01-15 | The Lynx Equity Strategies analysts, KC Rajkumar and Jahanara Nissar, have reported hearing rumors that Apple may be considering cutting back on its self-driving vehicle program. This potential reversal could impact Services segment as the loss of this new growth vector might indicate stagnating iPhone sales, leading | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | -1 | 1. Apple: A tech company potentially making changes to its self-driving vehicle program.\n 2. Self-driving vehicle program: Apple's initiative in autonomous vehicles that could be subject to cuts.\n 3. Rumors: Unverified information suggesting a potential reversal in Apple's self-driving vehicle plans.\n 4. Lynx Equity Strategists analysts (KC Rajkumar and Jahanara Nissar): Individuals who have reported hearing rumors about Apple's self-driving vehicle program.\n 5. Services segment: A part of Apple's business that could be affected by the potential cutbacks in their self-driving vehicle program. | negative_event | ||
91 | 2019-01-15 | In a reversal for Qualcomm, a German court dismissed its patent lawsuit against Apple, stating that the patent in question was not violated. Qualcomm plans to appeal after winning a separate case in Munich in December that enabled it to enforce a ban on older iPhone sales. Apple is also facing a ban on some iPhones in China and | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | -1 | 1. Event: German court dismisses Qualcomm's patent lawsuit against Apple.\n 2. Topic 1: Qualcomm\n 3. Topic 2: German court\n 4. Topic 3: Patent lawsuit\n 5. Topic 4: Apple\n 6. Keywords: reversal, dismissed, patent, violation, Qualcomm, German court, lawsuit, Apple\n\n 1. Event: Qualcomm plans to appeal the dismissal of its patent lawsuit against Apple.\n 2. Topic 1: Qualcomm\n 3. Topic 2: Patent lawsuit\n 4. Topic 5: Appeal\n 5. Keywords: plans | negative_event | ||
92 | 2019-01-15 | TD Ameritrade, an Omaha-based brokerage firm, has partnered with Apple to allow customers to fund their accounts instantly using debit cards in Apple Pay digital wallets. This feature, which is the first of its kind in the industry, enables customers to transfer up to $10,000 per day and access | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | 0 | 1. TD Ameritrade: An Omaha-based brokerage firm\n 2. Apple: Tech company partnering with TD Ameritrade\n 3. Partnership: TD Ameritrade collaborating with Apple\n 4. Instant account funding: Customers can instantly fund their accounts\n 5. Debit cards: Payment method for instant funding\n 6. Apple Pay digital wallets: Specific payment platform used\n 7. Up to $10,000 per day: Maximum daily transfer limit\n 8. Access: Ability to use this feature for account transactions\n\nTopics:\n1. TD Ameritrade and Apple partnership\n2. Instant account funding using debit | neutral_event | ||
93 | 2019-01-15 | In summary, U.S stocks rose on Tuesday with technology and internet companies leading gains after Netflix announced a price increase for U.S subscribers and optimism towards Chinese economic stimulus. The S&P 500 communication services and technology indices surged. Despite disappointing earnings reports from major banks, the market was resilient | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | 1 | 1. Topics:\n a. U.S stocks rise\n b. Technology and internet companies\n c. Netflix price increase for US subscribers\n d. Chinese economic stimulus\n e. S&P 500 communication services index\n f. S&P 500 technology index\n g. Disappointing earnings reports from major banks\n h. Market resilience\n\n 2. Summarized Topics:\n a. Stock market growth: U.S stocks rose, with tech and internet companies leading the surge.\n b. Netflix price increase: Netflix announced a price hike for US subscribers.\n c. Chinese economic stim | positive_event | ||
94 | 2019-01-15 | In Tuesday trading, the Dow, S&P 500, and Nasdaq rose as tech stocks surged, led by Netflix's price increase. JPMorgan rebounded from weak earnings, while Wells Fargo struggled after mixed results and continued regulatory scrutiny. Stimulus measures in China eased investor concerns over | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | 0 | 1. Tech Stocks: Surge in tech stocks led by Netflix's price increase in the Dow, S&P 500, and Nasdaq.\n 2. Stock Market: Rise in the Dow, S&P 500, and Nasdaq during Tuesday trading.\n 3. JPMorgan: Rebound from weak earnings.\n 4. Wells Fargo: Struggled after mixed results and continued regulatory scrutiny.\n 5. China: Stimulus measures eased investor concerns. | neutral_event | ||
95 | 2019-01-15 | The U.S. Court of Appeals for the Federal Circuit upheld a | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | 0 | 1. Patent infringement case: The U.S. Court of Appeals upheld a judgment against Apple for | neutral_event | ||
96 | 2019-01-15 | Record-breaking online sales of | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | 1 | 1. Topic 1: Record-breaking online sales during the 2018 U.S. holiday season\n - Keywords: online sales, record-breaking, U.S. holiday season\n - Summary: A significant increase in online sales during the American holiday season, reaching a new record of $126 billion.\n\n 2. Topic 2: Year-over-year growth in online sales (up 16.5%)\n - Keywords: year-over-year growth, online sales, 16.5% increase\n - Summary: Online sales experienced a substantial growth of 16.5% compared to the previous year.\n\n 3 | positive_event | ||
97 | 2019-01-15 | Verizon announced that it will offer free Apple Music subscriptions with some of its top tier data plans, deepening its partnership with Apple. This move comes as Apple turns to its services segment for growth and has been partnering with rivals such as Samsung and Amazon. Last year, Verizon offered a six-month trial of Apple Music with its | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | -1 | 1. Partnership between Verizon and Apple: Verizon deepens partnership with Apple by offering free Apple Music subscriptions to some customers.\n 2. Apple's growth strategy: Apple focuses on its services segment for growth and forms alliances with rivals like Samsung, Amazon, and now Verizon. | negative_event | ||
98 | 2019-01-15 | Verizon has announced an expansion of its partnership with Apple Music, making it a built-in inclusion for Beyond Unlimited and Above Unlimited plan subscribers. Since last summer, new subscribers have received six months of free Apple Music service. Go Unlimited customers will continue to receive this offer, while those on other plans will pay $ | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | -1 | 1. Subjects/Entities: Verizon, Apple Music, Beyond Unlimited, Above Unlimited, Go Unlimited\n 2. Key Events: Partnership expansion between Verizon and Apple Music, Built-in inclusion for Beyond Unlimited and Above Unlimited subscribers, Offer of six months free Apple Music service for new subscribers, Continuation of offer for Go Unlimited customers, Payment required for other plan subscribers\n 3. Summarized Topics:\n a. Verizon-Apple Music Partnership Expansion\n b. Free Apple Music Service Offer for Beyond Unlimited and Above Unlimited Subscribers\n c. Continued Offer for Go Unlimited Customers\n | negative_event | ||
99 | 2019-01-15 | Netflix raised the prices of its standard, premium, and basic plans in the US for the first time since October 2017. The standard plan now costs | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | 1 | Topic 1:\n Netflix Price Increase\n \n Keywords: Netflix, price, increase, standard plan, premium plan, basic plan, US, monthly rate\n\n Summary: Netflix has raised the prices of its standard, premium, and basic plans in the United States for the first time since October 2017. The new monthly rates for the standard plan are | positive_event | ||
100 | 2019-01-15 | Belarus unveiled its world-first regulated tokenized securities exchange on Tuesday, enabling traders to buy shares and other assets using cryptocurrencies. The platform, developed by IT investment firms VP Capital and Larnabel Ventures, offers tokens that track the value of real assets like stocks in Apple Inc, gold, oil | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | 1 | 1. Belarus: This Eastern European country has launched a world-first regulated tokenized securities exchange.\n 2. Tokenized securities exchange: Belarus has introduced a new platform that enables buying shares and other assets using cryptocurrencies.\n 3. VP Capital and Larnabel Ventures: IT investment firms have developed the tokenized securities exchange in Belarus.\n 4. Cryptocurrencies: Traders can use digital currencies to buy tokens on this platform.\n 5. Real assets: Tokens on the exchange represent the value of real-world assets like stocks, gold, and oil.\n 6. Shares in Apple Inc: Specifically | positive_event | ||
101 | 2019-01-16 | Apple Inc. (AAPL) shares declined in postmarket trading after the technology giant announced it would cut back on hiring for some divisions due to fewer iPhone sales and missing revenue forecasts for the holiday quarter. Alcoa Corporation (AA) saw its stock fall despite reporting adjusted earnings that beat expectations; aluminum prices were lower than anticipated. | 38.270000 | 38.970001 | 38.250000 | 37.448109 | 122278800 | 0 | 1. Apple Inc. (AAPL): Hiring cuts, Fewer iPhone sales, Missing revenue forecasts for the holiday quarter.\n 2. Alcoa Corporation (AA): Adjusted earnings that beat expectations, Lower aluminum prices. | neutral_event | ||
102 | 2019-01-16 | In this news article, Paul Cretien discusses the FAANG stocks, which are Facebook, Apple, Amazon, Netflix, and Google. These stocks have strong performances and are highly correlated but offer various levels of price volatility. The best pair trading opportunity in 2018 was between Amazon and Netflix due to their high correlation | 38.270000 | 38.970001 | 38.250000 | 37.448109 | 122278800 | -1 | Topic 1: FAANG Stocks (Facebook, Apple, Amazon, Netflix, Google)\n Summary: Discussion on the performance of FAANG stocks with focus on Facebook, Apple, Amazon, Netflix, and Google. These tech companies offer varying levels of price volatility despite their strong correlation.\n\n Topic 2: Stock Market Performance (FAANG Stocks specifically)\n Summary: Description of the strong performances of FAANG stocks in the stock market.\n\n Topic 3: Correlation between Stocks (Amazon and Netflix)\n Summary: Mention of the high correlation between Amazon and Netflix stocks, which presented the best pair trading opportunity in 2018. | negative_event | ||
103 | 2019-01-16 | Apple CEO Tim Cook announced internal staffing adjustments in response to lower-than-expected iPhone sales and missed revenue forecasts during the holiday quarter. Sources familiar with the matter reported this news through Reuters and Bloomberg, stating that some divisions would be reducing hiring. Cook disclosed this information to employees in a recent meeting, following his | 38.270000 | 38.970001 | 38.250000 | 37.448109 | 122278800 | -1 | 1. Topic 1: Apple Inc.\n - Summary: Apple is the company mentioned in the news article.\n\n 2. Topic 2: Tim Cook (Apple CEO)\n - Summary: Tim Cook is the individual who made an announcement regarding staffing adjustments at Apple.\n\n 3. Topic 3: iPhone sales\n - Summary: Lower-than-expected iPhone sales are the reason for the internal staffing adjustments.\n\n 4. Topic 4: Revenue forecasts\n - Summary: Missed revenue forecasts during the holiday quarter also contributed to the staffing changes.\n\n 5. Topic 5: Staffing adjustments\n | negative_event | ||
104 | 2019-01-16 | Veteran producer Jason Katims is leaving Universal TV to join Apple for a multiyear deal. His production company, True Jack Productions, will remain at Universal until the summer. Katims has created shows like "Parenthood" and "Roswell," and had writing-production credits on "Friday Night Lights" and " | 38.270000 | 38.970001 | 38.250000 | 37.448109 | 122278800 | 0 | 1. Topic: Jason Katims' Career Move\n - Keywords: Jason Katims, Universal TV, Apple, multiyear deal, True Jack Productions, leaving, joining\n\n 2. Topic: Katims' Production Company at Universal\n - Keywords: True Jack Productions, Universal TV, remaining until summer\n\n 3. Topic: Katims' Previous Work in Television\n - Keywords: Parenthood, Roswell, Friday Night Lights (writing-production credits) | neutral_event | ||
105 | 2019-01-16 | Apple CEO Tim Cook informed employees of planned hiring cuts for some divisions following disappointing iPhone sales and missed revenue forecasts during the holiday quarter. The exact divisions have not been identified, but AI teams will continue expanding at a strong pace. Hiring reductions will not impact new office openings in Austin or LA for video content production. | 38.270000 | 38.970001 | 38.250000 | 37.448109 | 122278800 | -1 | Topic 1:\n Apple - Disappointing iPhone sales and missed revenue forecasts during the holiday quarter leading to planned hiring cuts for some divisions.\n\n Summary: Apple is experiencing poor sales performance with the iPhone, resulting in the need to reduce staff in certain areas. The specific divisions have not been announced but AI teams are exempt from these cuts and expansion will continue.\n\n Topic 2:\n Apple - New office openings in Austin and LA for video content production will not be affected by hiring reductions.\n\n Summary: Apple's new office expansions in Austin and LA for video content production will proceed as planned despite the company-wide hiring cuts. | negative_event | ||
106 | 2019-01-17 | This news article reports that China's top government-linked think tank, the Chinese Academy of Social Sciences (CASS), criticized foreign companies such as Apple, Amazon, Nike, Siemens, ABB, and Subaru for not correctly referring to Hong Kong and Taiwan as part of China in a report. The companies were accused of | 38.549999 | 39.415001 | 38.314999 | 37.670460 | 119284800 | 0 | 1. China's top government-linked think tank, CASS, criticizes foreign companies: Topic - Chinese Academy of Social Sciences (CASS)\n 2. Companies accused of incorrectly referring to Hong Kong and Taiwan: Topics - Hong Kong, Taiwan\n 3. Specific companies named: Apple, Amazon, Nike, Siemens, ABB, Subaru\n 4. Infraction described as not correctly referring to these regions as part of China.\n\nSummary:\nThe Chinese Academy of Social Sciences (CASS) criticized several foreign companies for incorrectly referring to Hong Kong and Taiwan as separate entities instead of acknowledging them as part of China. The named companies are Apple, Amazon, Nike | neutral_event | ||
107 | 2019-01-17 | Belarus introduced a new platform enabling investors to buy real assets such as shares, gold, using cryptocurrencies. Bitcoin slipped while Ethereum rose, and other digital coins also traded lower. The platform plans to issue 10,000 tokens representing traditional financial instruments, with current offerings including gold, oil, metals | 38.549999 | 39.415001 | 38.314999 | 37.670460 | 119284800 | 0 | Topic 1: Belarus introduces cryptocurrency platform for buying real assets\n - Belarus launches new investment platform\n - Platform allows purchase of shares, gold, etc. using cryptocurrencies\n\n Topic 2: Cryptocurrency market trends\n - Bitcoin slips\n - Ethereum rises\n - Other digital coins trade lower\n\n Topic 3: Belarus platform to issue tokens for traditional financial instruments\n - Offerings include gold, oil, metals\n - 10,000 tokens to be issued initially | neutral_event | ||
108 | 2019-01-18 | In a German court ruling, Apple has been banned from using part of a press release stating iPhones were available through carriers and resellers in Germany. The ruling followed a patent dispute between Apple and Qualcomm, which led to the ban on iPhone 7 and 8 sales at Apple retail stores in December. The court found that the press | 39.375000 | 39.470001 | 38.994999 | 37.902481 | 135004000 | 0 | 1. Apple: The tech company involved in the legal dispute.\n 2. German court: The judicial body that handed down the ruling.\n 3. Patent dispute: A legal disagreement between Apple and Qualcomm regarding intellectual property rights.\n 4. iPhone 7 and 8: Specific models of Apple's smartphones affected by the sales ban.\n 5. Press release: A communication document issued by Apple announcing availability of iPhones through carriers and resellers in Germany.\n 6. Ban on sales: The restriction imposed on selling iPhone 7 and 8 at Apple retail stores due to the court ruling.\n\nTopics:\n1. Apple\n2. German court\n | neutral_event | ||
109 | 2019-01-18 | U.S. futures rose on Friday following reports that U.S. and Chinese officials discussed the possibility of lifting some tariffs, improving investor sentiment. U.S. Treasury Secretary Steven Mnuchin suggested offering a rollback during upcoming trade talks scheduled for Jan. 30. The S&P 500 | 39.375000 | 39.470001 | 38.994999 | 37.902481 | 135004000 | 1 | 1. Topics:\n - U.S. and China trade negotiations\n - Tariffs\n - U.S. and Chinese officials\n - Trade talks (scheduled for Jan. 30)\n - Investor sentiment\n\n 2. Summarized topics:\n - Improving US-China trade relations\n - Potential tariff reduction\n - Upcoming trade talks\n - Positive investor sentiment\n\n Output: ["Improving US-China trade relations", "Potential tariff reduction", "Upcoming trade talks", "Positive investor sentiment"] | positive_event | ||
110 | 2019-01-18 | Foxconn, Apple's biggest iPhone assembler, has let go around 50,000 contract workers in China earlier than usual this year. The scale of the cuts is not necessarily deeper than previous years but significantly earlier. It's unusual to ask assembly line workers to leave before the end of the year. Foxconn was | 39.375000 | 39.470001 | 38.994999 | 37.902481 | 135004000 | 0 | 1. Topic: Foxconn\n Summary: Foxconn, Apple's biggest iPhone assembler, undergoes early workforce reduction, letting go approximately 50,000 contract workers in China.\n\n 2. Topic: Apple\n Summary: Apple's supplier, Foxconn, initiates early termination of contracts for around 50,000 assembly line workers.\n\n 3. Topic: iPhone assembler\n Summary: Foxconn, a significant iPhone assembler, dismisses approximately 50,000 contract workers earlier than usual in China.\n\n 4. Topic: Workforce reduction\n Summary: Around 50 | neutral_event | ||
111 | 2019-01-18 | In the article, two Japanese electronics companies, Nidec and Yaskawa Electric, announced profit decline warnings due to the US-China trade war. Nidec's profit outlook was cut by a quarter because of weak demand from China and smartphone markets. Yaskawa Electric also lowered its annual operating profit for the second | 39.375000 | 39.470001 | 38.994999 | 37.902481 | 135004000 | -1 | 1. Event: Japanese electronics companies, Nidec and Yaskawa Electric, announce profit decline warnings\n 2. Topic 1: US-China trade war\n - Keywords: trade war, US, China\n 3. Topic 2: Weak demand from China\n - Keywords: weak demand, China\n 4. Topic 3: Smartphone markets\n - Keywords: smartphone markets\n 5. Event: Nidec cuts profit outlook by a quarter\n - Keywords: profit outlook, cut, quarter\n 6. Event: Yaskawa Electric lowers annual operating profit for the second time\n - Keywords: annual operating | negative_event | ||
112 | 2019-01-22 | The Swiss National Bank (SNB) governor, Andrea Maechler, stated that negative interest rates and foreign currency market intervention are necessary to prevent a strong Swiss franc from causing deflation in the country. She emphasized that price stability is the bank's mandate, and the exchange rate significantly impacts monetary conditions and inflation. Switzerland, | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | -1 | 1. Topic 1: Swiss National Bank (SNB)\n 2. Topic 2: Andrea Maechler (SNB governor)\n 3. Topic 3: Negative interest rates\n 4. Topic 4: Foreign currency market intervention\n 5. Topic 5: Strong Swiss franc\n 6. Topic 6: Deflation\n 7. Topic 7: Price stability\n 8. Event: SNB governor's statement\n 9. Summary: The Swiss National Bank, under the leadership of its governor Andrea Maechler, has acknowledged the need for negative interest rates and foreign currency market intervention to prevent a strong Swiss franc from causing | negative_event | ||
113 | 2019-01-22 | The Dow, S&P 500, and Nasdaq experienced significant losses on Tuesday despite White House economic adviser Lawrence Kudlow denying reports that trade talks between the U.S. and China had been canceled. The International Monetary Fund's bearish outlook on global growth and weak existing home sales data also | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | -1 | 1. Stock Markets: The Dow, S&P 500, and Nasdaq experienced losses.\n 2. Trade Talks: Reports of cancellation denied by White House economic adviser Lawrence Kudlow.\n 3. Global Growth: IMF's bearish outlook.\n 4. Existing Home Sales: Weak data.\n\n Summary:\n 1. Stock Markets: Significant losses for the Dow, S&P 500, and Nasdaq.\n 2. Trade Talks: Status uncertain following White House denial of cancellation reports.\n 3. Global Economy: IMF's pessimistic view on growth | negative_event | ||
114 | 2019-01-22 | IBM's stock price increased after hours due to better-than-expected earnings and revenue, with its cloud computing business contributing positively. | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 0 | Topic 1:\n IBM (Company)\n \n Key Events:\n - Better-than-expected earnings\n - Increase in stock price after hours\n \n Summary:\n IBM reported better-than-expected earnings, leading to an increase in its stock price during after-hours trading. | neutral_event | ||
115 | 2019-01-22 | Huawei is expanding its presence in Europe with the launch of the new Honor View20 smartphone, which offers advanced camera features at a lower price point than rivals Samsung and Apple. The phone includes a 48 mega pixel camera that combines multiple images into one high-quality photo, as well as a second camera for | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 1 | 1. Huawei: A Chinese tech company expanding its presence in Europe.\n 2. Europe: A continent where Huawei is increasing its market share.\n 3. New Honor View20 smartphone: The specific product being launched by Huawei.\n 4. Advanced camera features: Innovative technology offered by the new phone.\n 5. Lower price point: Competitive pricing strategy compared to Samsung and Apple.\n 6. Samsung and Apple: Rival tech companies in the smartphone market.\n\n Summary:\n 1. Huawei's European expansion with the launch of the new Honor View20 smartphone.\n 2. Advanced camera features and competitive pricing for the | positive_event | ||
116 | 2019-01-22 | Foxconn, the world's largest contract manufacturer for Apple iPhones, is trying to recruit more than 50,000 employees across its China campuses in Q1 2019 amid reports of mass layoffs. Last week, the Nikkei reported that Foxconn had let go around 50,0 | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 0 | 1. Topic: Foxconn\n Keywords: world's largest contract manufacturer, Apple iPhones, recruitment, China campuses, Q1 2019\n\n 2. Topic: Mass Layoffs at Foxconn\n Keywords: Foxconn, let go, around 50,000 employees, China, reports. | neutral_event | ||
117 | 2019-01-22 | Amazon is launching its long-awaited direct fulfillment and delivery network in Brazil after facing complications from the country's complex tax system and logistics. Starting Tuesday, Amazon will directly sell over 800 suppliers' merchandise, including L'Oreal and Black & Decker, totaling 320,0 | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 1 | 1. Topic: Amazon's expansion in Brazil\n - Key events: Launching direct fulfillment and delivery network, selling merchandise from over 800 suppliers\n - Relevant keywords: Amazon, Brazil, expansion, direct fulfillment, delivery network, merchandise, suppliers\n\n 2. Topic: Amazon's challenges in Brazil\n - Key events: Facing complications from tax system and logistics\n - Relevant keywords: Amazon, Brazil, challenges, tax system, logistics\n\n 3. Topic: Amazon's partnership with L'Oreal and Black & Decker\n - Key events: Selling merchandise from these suppliers\n - | positive_event | ||
118 | 2019-01-22 | Tesla is considering Tianjin Lishen as a potential battery supplier for its new Shanghai electric car factory, but no agreement has been reached yet. The companies are still negotiating details such as the size of the order and the battery cell size required by Tesla. Lishen had previously quoted Tesla for batteries, but no agreement was signed | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 0 | Topic 1:\n - Tesla\n - Considering Tianjin Lishen as a potential battery supplier\n - Negotiating details of possible agreement\n\n Summary: Tesla is in negotiations with Tianjin Lishen regarding a potential battery supply deal for its new Shanghai electric car factory. The specifics of the agreement, including order size and battery cell size, are still under discussion. Tesla had previously received a quote from Lishen but no agreement was reached at that time. | neutral_event | ||
119 | 2019-01-22 | TomTom, a Dutch digital mapping company, agreed to sell its fleet management business to Bridgestone for €910 million. The sale comes as TomTom faces competition from Google, which has entered the market and struck deals with Renault and Volvo. Despite concerns over future uncertainty, CEO Harold Goddijn plans to keep the remaining | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 1 | 1. Company: TomTom\n 2. Industry: Digital mapping\n 3. Event 1: Agreed to sell fleet management business\n 4. Topic A: TomTom sells fleet management business\n 5. Buyer: Bridgestone\n 6. Price: €910 million\n 7. Reason for sale: Faces competition from Google\n 8. Companies mentioned: TomTom, Bridgestone, Google, Renault, Volvo\n 9. Keywords: sell, fleet management business, Bridgestone, €910 million, competition, Google, Renault, Volvo. | positive_event | ||
120 | 2019-01-22 | Japan Display shares surged on reports of potential funding from Taiwan's TPK Holding and China's Silk Road Fund, in exchange for a 30% stake. Discussions were described as advanced, with the company previously denying similar reports. The Apple supplier has faced losses due to competition from Chinese rivals and slow smart | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 1 | 1. Topic 1: Japan Display\n - Japanese display manufacturer\n - Stock surged\n - Received potential funding\n\n 2. Topic 2: TPK Holding (Taiwan) and China's Silk Road Fund\n - Potential investors\n - Offered funding in exchange for a stake\n - Taiwanese company and Chinese fund\n\n 3. Topic 3: Apple Supplier\n - Japan Display is an Apple supplier\n - Faced losses\n - Competition from Chinese rivals\n\n 4. Topic 4: Stake\n - 30% stake to be given in exchange for funding\n\n 5. | positive_event | ||
121 | 2019-01-22 | The White House reportedly rejected a scheduled meeting with Chinese officials this week due to disagreements over intellectual property rules, causing cautious trading in Asian stocks. China's Shanghai Composite and Shenzhen Component saw minimal changes, while the Hang Seng Index edged higher. The U.S. denied cancelling the meeting | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 0 | 1. Topics:\n a. White House\n b. Chinese officials\n c. Intellectual property rules\n d. Scheduled meeting\n e. Asian stocks (Shanghai Composite, Shenzhen Component, Hang Seng Index)\n f. Cautious trading\n\n 2. Summarized Topics:\n a. White House cancels/rejects meeting with Chinese officials over intellectual property disputes\n b. Asian stocks react with cautious trading following news of US-China meeting cancellation\n c. Minimal changes in Shanghai Composite and Shenzhen Component, Hang Seng Index edges higher. | neutral_event | ||
122 | 2019-01-23 | Trump expressed optimism about ongoing trade negotiations with China, stating that the U.S. was doing well and that China wants to make a deal. However, Trump also threatened to increase tariffs on Chinese imports unless China addresses intellectual property concerns and other trade issues. The White House economic adviser believes a deal could be reached by March 1, | 38.537498 | 38.785000 | 37.924999 | 37.201569 | 92522400 | 0 | 1. Topics:\n - Trade negotiations between U.S. and China\n - Intellectual property concerns\n - Tariffs on Chinese imports\n - Potential deal between U.S. and China\n\n 2. Summarized topics:\n - Ongoing trade talks between the U.S. and China\n - Trump's optimism about negotiations\n - Threat of increased tariffs on Chinese goods\n - Intellectual property issues in trade discussions\n - Potential deal by March 1. | neutral_event | ||
123 | 2019-01-23 | Texas Inquiries reported fourth-quarter earnings exceeding analysts' expectations, but missed revenue forecasts due to weak global smartphone sales. The company expects lower first-quarter earnings and revenue, leading to a slight increase in share price during after-hours trading. TI earned | 38.537498 | 38.785000 | 37.924999 | 37.201569 | 92522400 | -1 | 1. Company: Texas Inquiries\n 2. Earnings: fourth-quarter earnings exceeded analysts' expectations\n 3. Revenue: missed revenue forecasts\n 4. Reason for missed revenue: weak global smartphone sales\n 5. Future expectations: lower first-quarter earnings and revenue\n 6. Market reaction: slight increase in share price during after-hours trading\n\nTopics:\n1. Texas Inquiries\n2. Earnings report\n3. Analysts' expectations exceeded\n4. Revenue forecast missed\n5. Weak global smartphone sales\n6. Lower first-quarter earnings and revenue\n7. Market reaction: share price | negative_event | ||
124 | 2019-01-23 | FireEye's stock price surged after Baird added it to their "Fresh Picks" list, citing a recent decline in shares and confident 2019 guidance. With an outperform rating and $23 price target, analysts expect a strong year for the cybersecurity company's major products like Man | 38.537498 | 38.785000 | 37.924999 | 37.201569 | 92522400 | 1 | 1. Topic: FireEye\n Summary: Cybersecurity company mentioned in news article.\n\n 2. Topic: Stock Price\n Summary: Surged after being added to Baird's "Fresh Picks" list.\n\n 3. Topic: Baird\n Summary: Financial services firm that added FireEye to their list.\n\n 4. Topic: "Fresh Picks"\n Summary: List maintained by Baird with potential investment opportunities.\n\n 5. Topic: Recent decline in shares\n Summary: Reason given for the addition of FireEye to the list.\n\n 6. Topic: Confident | positive_event | ||
125 | 2019-01-23 | IBM, Procter & Gamble, United Technologies, and Comcast stocks surged in premarket trade on Wednesday due to better-than-expected fourth quarter results and raised full year profit guidance or forecasts. Capital One and Kimberly Clark stocks declined as they reported earnings below analysts' estimates. Apple stock rose amid a report | 38.537498 | 38.785000 | 37.924999 | 37.201569 | 92522400 | 1 | 1. IBM, Procter & Gamble, United Technologies, and Comcast: These companies experienced surges in premarket trade due to better-than-expected fourth quarter results and improved full year profit guidance or forecasts.\n 2. Capital One and Kimberly Clark: These companies reported earnings below analysts' estimates, resulting in stock declines.\n 3. IBM, Procter & Gamble, United Technologies, Comcast (Topic: Companies)\n - Surged in premarket trade (Event: Stock market activity)\n - Better-than-expected fourth quarter results (Event: Financial performance)\n - Improved full year profit guidance or forecasts (Event: Business out | positive_event | ||
126 | 2019-01-23 | In 2018, Google and Facebook broke their previous records for annual lobbying expenditures. Google spent | 38.537498 | 38.785000 | 37.924999 | 37.201569 | 92522400 | 0 | 1. Topic 1: Google and Facebook's Lobbying Activities\n - Keywords: Google, Facebook, lobbying, annual expenditures, Q4, CEO Sundar Pichai, testimony before Congress\n - Summary: In 2018, both Google and Facebook increased their lobbying expenses compared to the previous year. Google spent | neutral_event | ||
127 | 2019-01-24 | Apple, under new leadership in Project Titan, has let go over 200 team members from its autonomous vehicle unit. The dismissals were anticipated internally and Doug Field, an Apple veteran and former Tesla engineering VP, is now co-leading the project with Bob Mansfield. Affected employees are reportedly moving to | 38.527500 | 38.619999 | 37.935001 | 36.906708 | 101766000 | 0 | 1. Apple: The tech company undergoing leadership changes in its autonomous vehicle unit, Project Titan.\n 2. Project Titan: Apple's autonomous vehicle project experiencing layoffs and new leadership with Doug Field and Bob Mansfield.\n 3. Autonomous vehicles: A key aspect of Project Titan that has resulted in dismissals of over 200 team members.\n 4. Doug Field: An Apple veteran and former Tesla engineering VP who is now co-leading Project Titan with Bob Mansfield.\n 5. Bob Mansfield: Another Apple executive who is co-leading Project Titan alongside Doug Field.\n 6. Layoffs: The dismissal of over 2 | neutral_event | ||
128 | 2019-01-24 | The U.S. and China are far from resolving their trade disputes, but there's a possibility they will reach an agreement before the March 1 deadline, according to U.S. Commerce Secretary Wilbur Ross. A Chinese delegation of 30 members is set to visit Washington next week for trade talks. Ross downplay | 38.527500 | 38.619999 | 37.935001 | 36.906708 | 101766000 | 1 | 1. Trade disputes between the U.S. and China\n 2. Potential agreement before March 1 deadline\n 3. Upcoming trade talks with a Chinese delegation (30 members) in Washington D.C.\n 4. Wilbur Ross's optimism about reaching an agreement\n\n Summary:\n 1. Ongoing trade disputes between the U.S. and China\n 2. Anticipated negotiations for potential agreement\n 3. Upcoming trade talks with Chinese delegation in Washington D.C. | positive_event | ||
129 | 2019-01-24 | Starbucks, which introduced Europe's coffee culture to Americans, is facing pressure from Wall Street to replicate success in China. Despite opening stores at a rate of nearly 600 per year, sales growth has slowed due to an economic downturn and the US-China trade war. Same store sales in China were up only | 38.527500 | 38.619999 | 37.935001 | 36.906708 | 101766000 | 0 | 1. Topic: Starbucks\n 2. Event: Facing pressure from Wall Street to replicate success in China\n 3. Keywords: Starbucks, Wall Street, China, success, replicate\n\n 1. Topic: Economic downturn in China\n 2. Event: Slowing sales growth due to economic conditions\n 3. Keywords: Economic downturn, sales growth, China\n\n 1. Topic: US-China trade war\n 2. Event: Impact on Starbucks sales in China\n 3. Keywords: US-China trade war, impact, China, sales | neutral_event | ||
130 | 2019-01-25 | Mastercard, a U.S. payments card company listed on NYSE as MA, is still determined to apply for a bankcard clearing license in China despite voluntarily withdrawing an application in 2018. The company aims to present another application soon, as American Express became the first U.S. card network to gain direct access | 38.869999 | 39.532501 | 38.580002 | 38.129673 | 134142000 | 0 | 1. Mastercard: A U.S. payments card company listed on NYSE (New York Stock Exchange) with the ticker symbol MA.\n 2. China: The country where Mastercard is seeking a bankcard clearing license.\n 3. Bankcard clearing license: The type of license Mastercard is applying for in China.\n 4. Voluntarily withdrew application (in 2018): An action taken by Mastercard in the past regarding their previous application for a bankcard clearing license in China.\n 5. American Express: A U.S. card network that has gained direct access to China's market.\n\nTopics:\n- Mastercard\n- NYSE (New | neutral_event | ||
131 | 2019-01-25 | Mastercard continues its pursuit of a bankcard clearing license in China, with plans to submit another application soon. The company previously applied in 2017 but withdrew voluntarily. American Express recently became the first US card network to gain direct access to China's payments network, bypassing UnionPay's monopoly. Master | 38.869999 | 39.532501 | 38.580002 | 38.129673 | 134142000 | 0 | 1. Topic: Mastercard's pursuit of a bankcard clearing license in China\n - Keywords: Mastercard, China, bankcard clearing license\n\n 2. Topic: Mastercard's previous application attempt in 2017\n - Keywords: Mastercard, application, 2017\n\n 3. Topic: American Express gaining direct access to China's payments network\n - Keywords: American Express, direct access, China, payments network\n\n 4. Topic: UnionPay's monopoly in China's payments network\n - Keywords: UnionPay, monopoly, China, payments network\n\nOutput:\n[\n | neutral_event | ||
132 | 2019-01-25 | The Indian Cellular and Electronics Association (ICEA) representing major smartphone makers such as Apple, Samsung, Oppo, and Foxconn, among others, submitted a 174-page document to the government calling for increased export credits on devices, tariff cuts on machinery imports, and other measures aimed at making India a | 38.869999 | 39.532501 | 38.580002 | 38.129673 | 134142000 | 1 | 1. Topic: Indian Cellular and Electronics Association (ICEA) Submission to Government\n - ICEA, major smartphone makers (Apple, Samsung, Oppo, Foxconn), submission to government\n - Request for increased export credits on devices, tariff cuts on machinery imports, other measures\n - Goal: Making India a competitive manufacturing hub\n\n News Articles: The European Union (EU) has launched legal action against the United States over subsidies given to Boeing, accusing Washington of breaking international rules and distorting competition with Airbus.\n\n 1. Topic: EU vs US - Legal Action over Subsidies for Boeing and Air | positive_event | ||
133 | 2019-01-28 | Caterpillar Inc reported lower-than-expected fourth quarter earnings and full year 2019 outlook due to weak demand in China's construction business. The company's shares fell by 5%, pulling down U.S. stock futures. Despite attempts to ease investor concerns during the October earnings call, recent | 38.947498 | 39.082500 | 38.415001 | 37.776810 | 104768400 | -1 | 1. Company: Caterpillar Inc\n 2. Industry: Construction equipment\n 3. Region: China\n 4. Event 1: Lower-than-expected fourth quarter earnings\n 5. Event 2: Weak demand in China's construction business\n 6. Event 3: Negative full year 2019 outlook\n 7. Impact: Shares fell by 5%\n 8. Consequence: Pulled down U.S. stock futures\n 9. Keywords: Caterpillar, earnings, China, construction business, weak demand, negative outlook, shares, U.S. stock futures.\n \nSummary:\n | negative_event | ||
134 | 2019-01-28 | Apple reported spending over $60 billion with around 9,000 U.S. component suppliers and companies in 2018, marking a more than 10% increase from the previous year. Since 2011, Apple has generated or supported over 2 million jobs across all 50 states in | 38.947498 | 39.082500 | 38.415001 | 37.776810 | 104768400 | 1 | 1. Apple's spending with U.S. suppliers and companies: Apple reportedly spent over | positive_event | ||
135 | 2019-01-28 | Apple is expected to report lower-than-projected fiscal first quarter earnings, with revenue falling significantly due to disappointing iPhone sales in China. This follows China's emergence as a major challenge for Apple due to trade tensions and competition from lower-priced smartphones from competitors like Huawei, Samsung, and others. Harley | 38.947498 | 39.082500 | 38.415001 | 37.776810 | 104768400 | 0 | 1. Apple: A technology company expected to report lower-than-projected fiscal first quarter earnings.\n 2. Fiscal first quarter earnings: Apple's financial performance for the initial quarter of its fiscal year.\n 3. Lower-than-projected: Apple's earnings not meeting the previously set expectations.\n 4. Revenue: The total amount of money a company earns from its business activities.\n 5. Significantly: A substantial decrease in revenue.\n 6. Disappointing iPhone sales: Unsatisfactory sales figures for Apple's iPhone product line.\n 7. China: A major market where iPhone sales have underperformed.\n 8. Trade t | neutral_event | ||
136 | 2019-01-28 | In 2018, China's smartphone shipments declined 14% YoY to 396 million units, with Q4 experiencing a 15% YoY drop and seven consecutive quarters of decline. Huawei and Vivo were the only top five vendors to experience growth in 201 | 38.947498 | 39.082500 | 38.415001 | 37.776810 | 104768400 | -1 | 1. Topic 1: China's smartphone market\n - Keywords: China, smartphone, shipments, decline, YoY\n - Summary: In 2018, China's smartphone market experienced a 14% year-over-year (YoY) decrease in shipments, reaching 396 million units. The fourth quarter of the year saw an even steeper drop of 15% YoY. This marked the seventh consecutive quarter of decline for the Chinese smartphone market.\n\n 2. Topic 2: Huawei and Vivo's growth in China's smartphone market\n - Keywords: Hua | negative_event | ||
137 | 2019-01-29 | Gold hit a seven-month high on Tuesday, as investors sought safety amid upcoming major macro events, including Brexit votes, US Federal Reserve decision, and Sino-US trade talks, as well as tech earnings and weak economic data. The metal broke through $1,300 an ounce due to uncertainties surrounding US- | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | -1 | 1. Topic 1: Gold Prices\n - Keywords: Gold, seven-month high, investors, safety, $1,300 an ounce\n - Summary: Gold prices reached a seven-month high due to investor demand for safety amid upcoming major macro events and economic uncertainties.\n\n 2. Topic 2: Macro Events\n - Keywords: Brexit votes, US Federal Reserve decision, Sino-US trade talks\n - Summary: Several major macro events are upcoming, including Brexit votes, US Federal Reserve decision, and Sino-US trade talks, causing investor uncertainty and gold price increases.\n\n 3. Topic 3 | negative_event | ||
138 | 2019-01-29 | CVS Health's insurer, Aetna, announced a new health app for Apple Watches on Tuesday. The app, called Attain, uses an individual's medical history to set personalized health goals and rewards customers with subsidies or gift cards for meeting them. Aetna had to enter into a business associate agreement to | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | 0 | 1. Topic 1: Aetna (Company)\n - Announced new health app for Apple Watches\n - Named "Attain"\n - Uses medical history for personalized health goals\n - Offers subsidies or gift cards as rewards\n\n 2. Topic 2: CVS Health (Company) (Related to Aetna)\n\n 3. Topic 3: Apple Watches\n - New platform for Aetna's health app "Attain"\n\n 4. Topic 4: Health Apps\n - Aetna's new offering, Attain, is an example of this technology\n\n 5 | neutral_event | ||
139 | 2019-01-29 | Apple will release a software patch this week to fix a FaceTime bug that lets users hear audio from recipients before they accept video calls. The issue, which can also broadcast video and audio, affects iPhone users and was first reported by Reuters. Apple's group FaceTime service has been temporarily taken offline due to the ongoing problem. | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | 0 | Topic 1:\n Apple: The tech company that will release a software patch to fix a FaceTime bug.\n Software Patch: An update intended to resolve the FaceTime issue.\n FaceTime Bug: A flaw in Apple's group video calling service that allows users to hear audio and see video before accepting calls.\n\n Topic 2:\n iPhone Users: Individuals who are affected by the FaceTime bug on their devices.\n Group FaceTime Service: Apple's video conferencing platform with the reported issue.\n Temporarily Offline: The current status of the group FaceTime service due to the ongoing problem.\n First Reported: The event when Re | neutral_event | ||
140 | 2019-01-29 | Apple, Aetna, and CVS are collaborating on a new health app called Attain. The app offers customized fitness challenges with rewards, including a free Apple Watch Series 3 for participants who don't already own one. Users must meet fitness goals over 24 months to pay off the watch. The companies started developing the | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | 0 | 1. Collaboration between Apple, Aetna, and CVS on new health app "Attain"\n 2. Customized fitness challenges with rewards (Apple Watch Series 3)\n 3. Fitness goals over a period of 24 months to pay off the watch\n \nTopics:\n1. Apple, Aetna, CVS collaboration\n2. New health app "Attain"\n3. Customized fitness challenges\n4. Rewards (Apple Watch Series 3)\n5. Fitness goals and payment plan | neutral_event | ||
141 | 2019-01-29 | Corning defied the trend of weak results in the phone and chip industry, reporting higher-than-expected revenue and profit for Q4. The surge in demand from telecom companies investing in 5G networks led to a 26% increase in sales for its optical communications division, which is on track to exceed its 202 | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | 1 | 1. Company: Corning\n 2. Industry: Phone and chip\n 3. Financial Performance: Higher-than-expected revenue and profit for Q4\n 4. Key Events: Reported financial results, defied industry trend of weak results\n 5. Topics:\n a. Corning's financial performance\n b. Phone and chip industry trends\n c. 5G networks investment\n d. Telecom companies demand\n e. Corning's optical communications division sales growth | positive_event | ||
142 | 2019-01-29 | The price of gold reached an eight-month high, driven by anticipation for clues on U.S monetary policy from Federal Reserve Chairman Jerome Powell's news conference. Gold is up 2.4% this year and heading towards a fourth consecutive monthly increase due to prospects of fewer rate hikes and slower global growth amid the | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | 1 | 1. Topic: Gold Prices\n - Summary: Gold prices reached an eight-month high, with a 2.4% increase year-to-date and potential for a fourth consecutive monthly rise due to anticipation of monetary policy clues from Jerome Powell and prospects of fewer rate hikes and slower global growth.\n\n 2. Topic: U.S Monetary Policy\n - Summary: Anticipation for clues on U.S monetary policy from Federal Reserve Chairman Jerome Powell's news conference influenced the price of gold, with potential implications for interest rates and economic conditions. | positive_event | ||
143 | 2019-01-29 | In after hours trading, Apple's shares rose despite a rare revenue decline due to weak iPhone sales, particularly in China. The tech giant reported earnings of | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | -1 | 1. Main subjects or entities: Apple, shares, after hours trading, revenue decline, iPhone sales, China, tech giant, earnings, second quarter\n 2. Key events or actions: Apple's shares rose in after hours trading despite a rare revenue decline. The decline was due to weak iPhone sales, particularly in China. Apple reported earnings of | negative_event | ||
144 | 2019-01-29 | Apple reported stronger-than-expected earnings for Q1 2023, with GAAP EPS coming in at | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | 0 | 1. Topic: Apple's Q1 2023 Earnings\n - Keywords: Apple, earnings, Q1 2023, GAAP EPS, | neutral_event | ||
145 | 2019-01-29 | 3M, the Minnesota-based manufacturing company, issued a revenue warning due to weak demand in China. The slowdown affects its automotive and electronics businesses, causing a reduction in sales growth projections from 2% to 1-4%. This is driven by customer demand issues in China. Other major US companies like Apple and Cater | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | 0 | 3M: Revenue warning due to weak demand in China, affecting automotive and electronics businesses, reducing sales growth projection from 2% to 1-4%, caused by customer demand issues.\n\nTopics:\n1. 3M\n2. Minnesota-based manufacturing company\n3. Revenue warning\n4. Weak demand\n5. China\n6. Automotive business\n7. Electronics business\n8. Sales growth projection reduction\n9. Customer demand issues. | neutral_event | ||
146 | 2019-01-30 | Apple banned Facebook from its business app program after discovering the social media giant was using it to track teenagers' web browsing habits without proper authorization. Facebook's Research app, which collected data via virtual private network software, violated Apple's agreement, leading to Facebook's removal from the program. The ban does not affect Facebook | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Subjects/Entities: Apple, Facebook, Facebook's Research app\n 2. Key Events: Apple discovered Facebook tracking teenagers' web browsing habits without authorization, Facebook violated Apple's agreement, Apple banned Facebook from its business app program, Facebook removed from the program\n 3. Summarized Topics:\n - Apple and Facebook: Dispute over data collection practices\n - Facebook Research App: Collection of teenagers' web browsing data without authorization, Violation of Apple's agreement, Ban from Apple's business app program | neutral_event | ||
147 | 2019-01-30 | AMD reported in-line earnings but missed revenue estimates, causing shares to surge 16%. Some analysts remain cautious about the company's outlook for the fiscal first quarter due to expected slow growth. Apple reported earnings ahead of estimates, with strong revenue growth from all other products and services, suggesting iPhone sales may have bottomed, eas | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. AMD: Earnings report, In-line results, Missed revenue estimates, Shares surge\n Topics: AMD earnings, Revenue miss, Stock price increase\n\n Summary: AMD reported earnings that met expectations but fell short on revenue, leading to a 16% surge in shares. Some analysts remain cautious about the company's prospects for Q1 due to anticipated slow growth.\n\n 2. Apple: Earnings report, Beat estimates, Strong revenue growth, iPhone sales\n Topics: Apple earnings, Revenue growth, Potential iPhone sales recovery\n\n Summary: Apple reported earnings that surpassed expectations and showed strong revenue growth across all product and service categories, suggesting | neutral_event | ||
148 | 2019-01-30 | Google is reportedly operating a research app, Screenwise Meter, which bypasses app store regulations using an Enterprise Certificate. The app invites users to monitor data in exchange for gift cards. Similar actions led Apple to revoke Facebook's certificate, potentially causing disruptions. Google's use of this method could result in Apple rev | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Subjects: Google, Apple, Facebook, Research App (Screenwise Meter)\n 2. Events: Google reportedly operating a research app, App bypasses app store regulations, Apple revoked Facebook's certificate, Potential disruptions, Google's use of Enterprise Certificate\n 3. Keywords: Google, Research App, Screenwise Meter, App Store Regulations, Enterprise Certificate, Apple, Facebook, Gift Cards, Revoked Certificate, Disruptions\n 4. Topics:\n a. Google and its research app, Screenwise Meter\n b. Violation of app store regulations by Google's research app\n c. Apple's response to Google | neutral_event | ||
149 | 2019-01-30 | In Apple's Q1 earnings call, CFO Luca Maestri announced the company is on track to double its FY16 Services revenue by FY20. This growth is attributed to a larger percentage of the installed base paying for at least one service. The Q1 Services margin was 62.8%, higher than | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Apple's Q1 earnings: Topic - Apple's financial performance\n 2. CFO Luca Maestri: Topic - Apple's executive leadership\n 3. Q1 earnings call: Topic - Corporate communications event\n 4. FY16 Services revenue: Topic - Previous year's services revenue\n 5. Doubling FY16 Services revenue by FY20: Topic - Revenue growth target\n 6. Installed base: Topic - Apple user base\n 7. Paying for at least one service: Topic - Subscription model\n 8. Q1 Services margin: Topic - Financial performance of Apple's services | neutral_event | ||
150 | 2019-01-30 | Apple's Q4 earnings report showed better-than-expected results, with some weakness already priced in due to the pre-announcement revenue cut. Analysts at Morgan Stanley and JPMorgan remain overweight on the stock, with the latter noting that investor focus should return to the Services opportunity following a downside correction on | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Apple: The tech company released its Q4 earnings report, displaying better-than-expected results despite some weakness due to a pre-announcement revenue reduction.\n 2. Earnings Report: Apple presented financial results for its fourth quarter that surpassed expectations, albeit with anticipated weakness factored in.\n 3. Morgan Stanley and JPMorgan: Analysts from these firms maintain a bullish stance on Apple's stock, emphasizing the potential of the Services sector following a correction.\n 4. Stock: The value of Apple shares is under scrutiny due to its strong earnings report and the shift in investor focus towards the Services opportunity.\n 5. Q4 Earnings | neutral_event | ||
151 | 2019-01-30 | The IDC reported a decline in global smartphone shipments for Q4, down 5% YoY to 375.4 million units, marking the fifth consecutive quarter of decreases. Samsung (KS 005930) and Apple (AAPL) led with market shares of 18. | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | -1 | 1. Topic 1: Global smartphone shipments\n - Event: Decline in Q4 global smartphone shipments\n - Keywords: Global, smartphone shipments, decline\n\n 2. Topic 2: IDC report\n - Event: Reported a decrease in global smartphone shipments for Q4\n - Keywords: IDC, report\n\n 3. Topic 3: Market shares\n - Event: Samsung and Apple led the market with the highest shares\n - Keywords: Market shares, Samsung, Apple\n\n 4. Topic 4: Year-over-year decrease (YoY)\n - Event: Global smartphone | negative_event | ||
152 | 2019-01-30 | LG Display reported stronger profits in Q4 due to increased sales of high-end wearable screens, but warned of weaker panel prices in 2019 amid global economic uncertainty and U.S.-China trade tensions. Operating profit for the quarter was 279 billion won, an increase from 44 billion | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | -1 | 1. Company: LG Display\n 2. Industry: Display manufacturing\n 3. Topic 1: Stronger profits in Q4\n - Keywords: Profits, Quarter 4\n 4. Topic 2: Increased sales of high-end wearable screens\n - Keywords: Sales, High-end wearable screens\n 5. Topic 3: Global economic uncertainty\n - Keywords: Economic uncertainty\n 6. Topic 4: U.S.-China trade tensions\n - Keywords: Trade tensions, US-China\n 7. Topic 5: Weaker panel prices in 2019\n - Key | negative_event | ||
153 | 2019-01-30 | European stocks rose on Wednesday as positive news about demand from China outweighed concerns over Brexit. LVMH reported record revenue for 2018, driven by double-digit growth in spending by Chinese customers. The results boosted shares of LVMH and rivals Hermes, Kering, and Burberry. U | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 1 | 1. Topics:\n a. European stocks\n b. China\n c. Positive news\n d. Demand from China\n e. Brexit\n f. LVMH\n g. Record revenue\n h. Double-digit growth\n i. Spending by Chinese customers\n j. Shares of LVMH and rivals (Hermes, Kering, Burberry)\n\n 2. Summarized Topics:\n a. European stocks rise on positive China news, Brexit concerns\n b. LVMH reports record revenue from Chinese spending growth\n c. Chinese demand boosts shares of LVMH and rivals (H | positive_event | ||
154 | 2019-01-30 | China's manufacturing sector contracted for the second consecutive month in January, with the official Purchasing Managers Index (PMI) edging up marginally to 49.5 from 49.4 in December. The reading was below the 50 mark that separates growth from contraction. Weakness came from | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. China's manufacturing sector: Experienced contraction for two consecutive months (January and December)\n 2. Purchasing Managers Index (PMI): Officially reported a marginal increase to 49.5 in January, still below the 50 mark indicating growth\n 3. Weakness: Observed in China's manufacturing sector, with specific causes not mentioned in the headline.\n\nSummary:\n1. China's manufacturing sector contraction (January and December)\n2. PMI: Increased slightly to 49.5 in January\n3. Weakness: Present in China's manufacturing sector. | neutral_event | ||
155 | 2019-01-30 | Alibaba, the Chinese e-commerce giant and second most valuable public company in Asia, reported its slowest revenue growth since 2016, totaling 117.3 billion yuan ($17.47 billion) for Q3, missing analyst estimates due to China's slowing economy and trade tensions | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | Topic 1:\n ------------------\n Alibaba\n Chinese e-commerce giant\n Second most valuable public company in Asia\n \n Key Events:\n - Reported Q3 revenue\n - Revenue growth was the slowest since 2016\n - Totaled 117.3 billion yuan ( | neutral_event | ||
156 | 2019-01-30 | The Dow Jones Industrial Average, S&P 500, and Nasdaq Composite experienced significant gains on Wednesday due to a dovish Federal Reserve stance and upbeat earnings reports from companies like Apple and Boeing. The Fed indicated it would remain patient in regards to future interest rate adjustments. The tech sector was boosted by | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | -1 | 1. Stock Market: The Dow Jones Industrial Average, S&P 500, and Nasdaq Composite experienced gains on Wednesday.\n 2. Federal Reserve: The Fed indicated a dovish stance, signaling patience regarding future interest rate adjustments.\n 3. Tech Sector: The tech sector was boosted by upbeat earnings reports from companies like Apple and Boeing. | negative_event | ||
157 | 2019-01-30 | Google and Facebook disenabled their research apps, Screenwise Meter for Google and Research App for Facebook, from Apple's developer enterprise program following criticism from privacy experts. The apps were mistakenly distributed through this program instead of the usual app stores. Google apologized for the error. Apple did not comment on the matter. | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | Topic 1:\n Google and Facebook: Two tech companies involved in the disabling of their research apps.\n\n Keywords: Google, Facebook, tech companies, research apps.\n\n Summary: Tech companies Google and Facebook had to disable their respective research apps, Screenwise Meter for Google and Research App for Facebook, due to distribution through Apple's enterprise program instead of usual app stores.\n\n Topic 2:\n Disabling of Research Apps: Action taken by Google and Facebook in response to criticism from privacy experts.\n\n Keywords: disabling, research apps, criticism, privacy experts.\n\n Summary: In response to criticism from privacy experts, both Google and Facebook took the action | neutral_event | ||
158 | 2019-01-30 | New York authorities are investigating Apple for not warning consumers in a timely manner about a FaceTime bug that allowed iPhone users to hear audio from others' phones before accepting video calls. The probe also covers Apple's slow response, as reports indicate a consumer alerted the company of the issue over a week before the feature was disabled. The bug | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Subjects: New York authorities, Apple, iPhone users, FaceTime\n 2. Events: Investigation, Notification delay, Disabling of the feature\n 3. Keywords: Probe, Timely manner, Warning, Consumer alert, Slow response, FaceTime bug, Audio, Video calls\n 4. Topics:\n - New York authorities investigating Apple for delayed notification about a FaceTime bug\n - Apple's slow response to the reported issue\n - FaceTime bug allowing audio access before accepting video calls\n \nOutput: ["New York authorities investigation into Apple's delayed notification of FaceTime bug", "Apple's slow response to FaceTime bug report"] | neutral_event | ||
159 | 2019-01-30 | Apple plans to cut prices of some flagship iPhones to boost sales, particularly in overseas markets like China where the U.S. dollar has risen significantly against local currencies, making Apple's products pricier than rivals. This marks only the second time in iPhone history that prices will be lowered. The move comes after | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Apple: A tech company planning to reduce prices of some flagship iPhones.\n 2. Flagship iPhones: Specific models of Apple's smartphones that will have price reductions.\n 3. Boost sales: An objective of Apple to increase the number of units sold.\n 4. Overseas markets: Regions outside of the company's home country where the price cuts are targeted, specifically China.\n 5. Dollar: The US currency that has risen significantly against local currencies in overseas markets.\n 6. Pricier than rivals: A situation where Apple's products become more expensive compared to competitors due to currency fluctuations.\n 7. | neutral_event | ||
160 | 2019-01-30 | Didi Chuxing, a Chinese ride-hailing firm backed by Uber, Apple, SoftBank, and others, is considering cutting up to 20% of headcount in some departments, primarily support services like marketing and HR. No final decision has been made. The move comes as part of an organizational overhaul aimed | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Company: Didi Chuxing\n 2. Industry: Chinese ride-hailing firm\n 3. Investors: Uber, Apple, SoftBank\n 4. Topics:\n a. Potential layoffs: Up to 20% of headcount in some departments\n b. Departments affected: Support services (marketing and HR)\n c. Reason for cuts: Organizational overhaul\n Summary: Didi Chuxing, a Chinese ride-hailing firm backed by Uber, Apple, and SoftBank, is considering layoffs in support services departments as part of an organizational overhaul. Potential cuts could affect up to 2 | neutral_event | ||
161 | 2019-01-30 | Facebook is facing backlash from Apple following the revelation that the social media giant used a research app to gather user data, in violation of Apple's privacy guidelines. The app, which was distributed under a developer program meant for employee-only apps, paid users up to $20 a month for their data. Apple has revoked Facebook | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Topic 1: Facebook\n 2. Topic 1: Apple\n 3. Topic 1: Privacy guidelines violation\n 4. Topic 1: Research app\n 5. Topic 1: User data collection\n 6. Event 1: Facebook used a research app to gather user data\n 7. Event 1: Violation of Apple's privacy guidelines\n 8. Event 1: Apple revoked Facebook's app access\n 9. Keywords: Facebook, Apple, Privacy guidelines, Research app, User data, Collection, Violation.\n\n Summary: Facebook faced backlash from Apple for using a research app to gather user data in violation | neutral_event | ||
162 | 2019-01-30 | Peter Jackson, the director of "Lord of the Rings," is making a movie about The Beatles using previously unseen studio footage from their final album recording sessions in January 1969. This project marks the 50th anniversary since their last live performance together. Jackson will utilize over 50 hours of never-re | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Topic: Peter Jackson\n - Director of "Lord of the Rings"\n - Creating a movie about The Beatles\n\n 2. Topic: The Beatles\n - Musical group\n - Final album recording sessions in January 1969\n - Unseen studio footage\n - 50th anniversary since their last live performance\n\n 3. Key Events:\n - Peter Jackson is making a movie about The Beatles\n - Uses previously unseen studio footage from their final album recording sessions\n - Project marks the 50th anniversary since their last live performance\n\n 4. Summary:\n - Director Peter Jackson is creating | neutral_event | ||
163 | 2019-01-31 | Kanye West and Tidal's corporate parent have resolved a lawsuit accusing them of fraudulently inducing fans to subscribe to Tidal by tweeting that his album "The Life of Pablo" could only be obtained there. The plaintiff, Justin Baker Rhett, claimed the tweet was false as the album later | 41.527500 | 42.250000 | 41.139999 | 40.227589 | 162958400 | 0 | 1. **Lawsuit**: Kanye West and Tidal's corporate parent have resolved a lawsuit.\n 2. **Plaintiff (Justin Baker Rhett)**: Accused Kanye West and Tidal of fraudulently inducing fans to subscribe to Tidal.\n 3. **Alleged Infringement**: Tweet claiming "The Life of Pablo" could only be obtained on Tidal was false.\n 4. **Topic 1 - Lawsuit**: Lawsuit over allegations of fraudulent inducement regarding Tidal subscription and Kanye West's album.\n 5. **Topic 2 - Plaintiff (Justin Baker Rhett)**: | neutral_event | ||
164 | 2019-01-31 | The UAE, through a hacking team of American mercenaries, reportedly targeted governments and individuals in rival countries as well as American citizens, according to a Reuters investigation. However, the UAE's Minister of State for Foreign Affairs Anwar Gargash denied targeting friendly countries or American citizens in a cyberprogram called Project | 41.527500 | 42.250000 | 41.139999 | 40.227589 | 162958400 | 0 | 1. UAE: The United Arab Emirates is the main subject of this news article.\n 2. Hacking team of American mercenaries: A group of mercenaries from America are the agents involved in the reported activities.\n 3. Targeted governments and individuals: The entities that were targeted by the hacking team are not explicitly stated, but they can be inferred to be from rival countries.\n 4. Rival countries: Countries that have opposing interests or conflict with the UAE.\n 5. American citizens: Individuals who hold citizenship in the United States.\n 6. Cyberprogram called Project: A covert operation or program carried out by the UAE using | neutral_event | ||
165 | 2019-01-31 | The United Arab Emirates (UAE) denied on Thursday targeting friendly countries or American citizens with its cyberspying program, Project Raven. Reuters reported that the program, which involved a group of American intelligence contractors, targeted governments, dissidents, and human rights activists of rival nations, as well as embassy | 41.527500 | 42.250000 | 41.139999 | 40.227589 | 162958400 | 0 | 1. UAE: The United Arab Emirates\n 2. Cyberspying program: Project Raven\n 3. Denial: UAE denies targeting friendly countries or American citizens\n 4. Targeted entities: governments, dissidents, human rights activists of rival nations, embassies\n 5. Keywords: UAE, cyberspying program, Project Raven, denial, governments, dissidents, human rights activists, embassies\n\nSummary:\n- The UAE denied targeting friendly countries or American citizens with its cyber espionage program, Project Raven.\n- Reports from Reuters indicated that the program involved a group of American intelligence contract | neutral_event | ||
166 | 2019-02-01 | Apple acknowledged a privacy flaw in its FaceTime chat software that allowed users to hear others before they answered the call. The issue was discovered by a 14-year-old boy and his mother, who faced difficulties in reporting it to Apple for nine days. Apple turned off the group chat feature and promised a fix. New York's governor | 38.722500 | 39.712502 | 38.557499 | 38.168350 | 148158800 | 0 | 1. Topic 1: Apple FaceTime privacy flaw\n * Description: Apple acknowledged a privacy issue in their FaceTime chat software that allowed users to hear others before they answered the call.\n * Keywords: Apple, FaceTime, privacy flaw, hear others, before answering\n\n 2. Topic 2: Discovery of the issue\n * Description: The issue was discovered by a 14-year-old boy and his mother.\n * Keywords: discovered, 14-year-old boy, mother\n\n 3. Topic 3: Reporting the issue to Apple\n * Description: They faced difficulties in reporting it to Apple for nine days.\n | neutral_event | ||
167 | 2019-02-01 | Foxconn Technology announced on Friday that it will proceed with building a Gen 6 fab facility in Wisconsin, following conversations between its chairman and U.S. President Donald Trump. The $10 billion campus, which was the largest investment for a foreign company in U.S. history when announced in 2017, faced criticism and uncertainty | 38.722500 | 39.712502 | 38.557499 | 38.168350 | 148158800 | 1 | Topic 1:\n - Foxconn Technology\n - Building a Gen 6 fab facility\n - Wisconsin\n \n Summary: Foxconn Technology plans to construct a Gen 6 fabrication facility in Wisconsin. | positive_event | ||
168 | 2019-02-01 | A Chinese court sentenced a Didi Chuxing driver, Zhong Yuan, to death for raping and killing a female passenger last year. The brutal crime sparked public and government criticism of the ride-hailing company, prompting it to suspend its carpool service Hitch and overhaul its business with stricter | 38.722500 | 39.712502 | 38.557499 | 38.168350 | 148158800 | -1 | 1. Topic 1: Didi Chuxing (ride-hailing company)\n 2. Topic 2: Zhong Yuan (Didi Chuxing driver)\n 3. Topic 3: Rape and murder of a female passenger\n 4. Event 1: A Chinese court sentenced Zhong Yuan to death for the crime.\n 5. Event 2: The brutal crime sparked public and government criticism of Didi Chuxing.\n 6. Event 3: Didi Chuxing suspended its carpool service Hitch in response.\n 7. Event 4: The company is overhauling its business with stricter | negative_event | ||
169 | 2019-02-04 | The Dow Jones Industrial Average, S&P 500, and Nasdaq Composite rose on Monday, with tech stocks driving gains. Netflix surged on JPMorgan's suggestion it could be an Apple acquisition target, while FAANG stocks performed well. Alphabet fell after reporting earnings, but consumer staples and energy stocks | 47.772499 | 48.615002 | 47.762501 | 47.094631 | 91062800 | 1 | 1. Topics:\n a. Stock Market (Dow Jones Industrial Average, S&P 500, Nasdaq Composite)\n b. Tech Stocks\n c. Netflix\n d. FAANG Stocks\n e. Alphabet\n f. Consumer Staples\n g. Energy Stocks\n\n 2. Summaries:\n a. Stock Market: The major US stock indices (Dow Jones, S&P 500, Nasdaq) experienced growth on Monday.\n b. Tech Stocks: Tech stocks were the primary drivers of the market's upward trend.\n c. Netflix: Netflix saw significant gains following | positive_event | ||
170 | 2019-02-04 | JPMorgan suggests Apple should acquire Netflix due to its leading engagement level and original content, differentiating it from aggregators. Acquiring Netflix would cost approximately $189 billion at a 20% premium and could lead to long-term streaming and advertising revenue upside. Netflix stock rose 1.45% in early | 47.772499 | 48.615002 | 47.762501 | 47.094631 | 91062800 | 1 | 1. Topic: Merger/Acquisition Proposal between JPMorgan, Apple, and Netflix\n 2. Keywords: JPMorgan, Apple, Netflix, Acquire, Merger, Acquisition\n 3. Summary: JPMorgan proposes that Apple should consider acquiring Netflix for approximately $189 billion at a 20% premium. This potential merger could lead to increased streaming and advertising revenue for Apple in the long term.\n\n ---------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------- | positive_event | ||
171 | 2019-02-04 | Despite strong January market performance, fears of a Chinese economic slowdown led to caution ahead of earnings from tech giants Alphabet and Apple. Sony warned of potential impact on chip and image sensor divisions due to weakening global smartphone demand. Earnings reports expected from Sysco, Gilead Sciences, Seagate Technology, Over | 47.772499 | 48.615002 | 47.762501 | 47.094631 | 91062800 | 0 | 1. Chinese economic slowdown: Fears of a potential economic downturn in China affecting the market performance and earnings of tech companies Alphabet and Apple.\n 2. Tech giants' earnings: Anticipation of earnings reports from Alphabet and Apple amidst concerns about the Chinese economy.\n 3. Sony: Warned of potential impact on chip and image sensor divisions due to weakening global smartphone demand.\n 4. Earnings reports: Expected reports from Sysco, Gilead Sciences, Seagate Technology, and Over (name not clear).\n 5. Market performance: Strong January market performance.\n 6. Global smartphone demand: Weakening demand for smartphones | neutral_event | ||
172 | 2019-02-04 | This news article reports on the rallying share prices of Ultimate Software, Roku, and Papa John's towards the end of trading on Monday. Ultimate Software rallied after accepting a $331.50 per share takeover offer from a Hellman Friedman-led consortium, with a 50- | 47.772499 | 48.615002 | 47.762501 | 47.094631 | 91062800 | 0 | 1. Subjects/Entities: Ultimate Software, Roku, Papa John's, Hellman Friedman-led consortium\n 2. Key Events: Ultimate Software accepts takeover offer, share prices of Ultimate Software, Roku, and Papa John's rally\n 3. Summary: Ultimate Software experiences a significant increase in share price following acceptance of a $331.50 per share takeover offer from Hellman Friedman-led consortium. Simultaneously, Roku and Papa John's also see their share prices rise.\n\nOutput: Topic 1 - Ultimate Software: Acceptance of takeover offer leads to share price increase. | neutral_event | ||
173 | 2019-02-05 | Apple retail chief Angela Ahrendts announced her departure from the tech giant effective April, following a five-year tenure marked by store redesigns and controversial changes. Known for its long-serving executives, Apple did not disclose reasons for Ahrendts' exit. During her time, she introduced more casual service centers, renov | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | -1 | 1. Topic 1: Apple and Angela Ahrendts\n - Sub-topic A: Apple executive departure\n - Sub-topic B: Angela Ahrendts tenure at Apple (5 years)\n - Sub-topic C: Store redesigns during her tenure\n - Sub-topic D: Controversial changes in Apple stores\n\n 2. Topic 2: Angela Ahrendts' Role and Achievements\n - Sub-topic A: Apple retail chief\n - Sub-topic B: Introduced more casual service centers\n - Sub-topic C: Renovations during her tenure\n\n 3. Topic 3: Apple Company | negative_event | ||
174 | 2019-02-05 | Snap Inc reported a flat number of daily active users in Q1 2019, easing concerns over continued user loss to Facebook's Instagram. The photo messaging app has struggled with competitors replicating its features and a controversial redesign. Despite avoiding a third consecutive quarterly decline, some question the company's ability to | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 0 | 1. Snap Inc: This is the subject of the news article. It is a company that produces Snapchat, a photo messaging app.\n 2. Q1 2019: This refers to the first quarter of the year 2019.\n 3. Flat number of daily active users: Snap Inc reported no increase or decrease in the number of daily active users during this quarter.\n 4. User loss: There have been concerns that Snap Inc is losing users to Facebook's Instagram.\n 5. Competitors replicating features: Other companies are copying Snapchat's features, making it harder for Snap Inc to differentiate itself.\n | neutral_event | ||
175 | 2019-02-05 | Two U.S. House Democrats, Frank Pallone and Jan Schakowsky, have expressed concern over Apple's handling of a privacy flaw in its FaceTime group video chat software. The bug allowed users to hear audio before the call was answered, and the teen who discovered it tried for days to alert Apple. The company fixed the | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 0 | 1. Topic: Apple's FaceTime Privacy Flaw\n 2. Summary: Two U.S. House Democrats, Frank Pallone and Jan Schakowsky, raised concerns over Apple's handling of a privacy issue in their FaceTime group video chat software. The bug enabled users to hear audio before the call was answered. A teen discovered the flaw but struggled to notify Apple about it. Eventually, Apple resolved the issue.\n 3. Keywords: Apple, FaceTime, privacy flaw, audio, call, answered, US House Democrats, Frank Pallone, Jan Schakowsky. | neutral_event | ||
176 | 2019-02-05 | European shares surged to nine-week highs on Tuesday, boosted by a rebound in banks and gains in oil stocks. BP reported a doubling of profits, driven by strong oil output following the acquisition of U.S shale assets. Miners benefited from rising iron ore prices, while euro zone banks recovered after six | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 1 | 1. European shares: This headline is about the European stock market experiencing a surge to a nine-week high. The key subjects are European shares and the stock market.\n 2. Tuesday: This is a descriptive term indicating when the event occurred.\n 3. Rebound in banks: Banks in Europe have seen a recovery or bounce back.\n 4. Gains in oil stocks: Oil stocks have experienced an increase in value.\n 5. Strong oil output: There has been robust production of oil.\n 6. Acquisition of U.S shale assets: BP purchased shale assets in the United States.\n 7. Miners: This refers to companies involved in | positive_event | ||
177 | 2019-02-05 | This news article reports that AMS, a sensor specialist supplying components for Apple's face recognition technology, has warned of a more than 20 percent sales decline in Q1 2019 due to weak smartphone demand. The company suspended its cash dividend policy for fiscal year 2018 and disappointed investors with its | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 0 | 1. Topic: AMS (Company)\n 2. Event: Warned of a more than 20% sales decline in Q1 2019\n 3. Reason: Weak smartphone demand\n 4. Keywords: AMS, sales decline, Q1 2019, weak smartphone demand\n\n 5. Topic: Apple (Company)\n 6. Event: Uses components from AMS for face recognition technology\n 7. Keywords: Apple, face recognition technology, components\n\n 8. Topic: Smartphones\n 9. Event: Experiencing weak demand\n 10. Keywords: Smartphones, weak demand | neutral_event | ||
178 | 2019-02-05 | Lumentum Holdings Inc expects Android smartphone makers to launch devices with facial recognition technology this year, including Huawei's Honor V20 and Samsung's Galaxy S10 5G. The company forecast slightly lower than expected revenue for the current quarter but expects new contracts and design wins from Android phone makers to help | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 0 | 1. Topics:\n a. Lumentum Holdings Inc\n b. Android smartphone makers\n c. Facial recognition technology\n d. Huawei's Honor V20\n e. Samsung's Galaxy S10 5G\n\n 2. Summarized Topics:\n a. Lumentum Holdings Inc anticipates release of facial recognition-enabled Android devices in 2023 by major manufacturers like Huawei and Samsung.\n b. New business opportunities for Lumentum Holdings Inc through contracts and design wins with Android phone makers.\n c. Facial recognition technology integration in upcoming Android smartphones, specifically the Honor V | neutral_event | ||
179 | 2019-02-05 | Wall Street rallied on Tuesday, with tech and consumer discretionary stocks leading gains following upbeat earnings reports from Est e Lauder and Ralph Lauren. Tech giant Alphabet reported better than expected quarterly revenue and profit but concerns over higher spending sent its shares down. Despite a positive fourth-quarter earnings season and lower expectations for the | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 1 | 1. Wall Street Rally: Tech and consumer discretionary sectors leading, Estée Lauder and Ralph Lauren reporting upbeat earnings.\n 2. Alphabet: Better than expected Q4 revenue and profit, but higher spending concerns causing share decrease.\n 3. Topics:\n a. Wall Street Rally\n b. Tech sector gains\n c. Consumer discretionary sector gains\n d. Estée Lauder - upbeat earnings\n e. Ralph Lauren - upbeat earnings\n f. Alphabet - better than expected Q4 revenue and profit\n g. Alphabet - higher spending concerns. | positive_event | ||
180 | 2019-02-05 | Apple's French division has reached an agreement to pay undeclared back taxes estimated at around 571 million euros, following a multi-year audit by the French tax administration. The details of the payment amount will be published in public accounts. France is pushing for an EU-wide tax on digital and software companies like Apple, | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 0 | Topic 1:\n Apple's French division reaches agreement to pay undeclared back taxes worth approximately 571 million euros following a multi-year audit by the French tax administration.\n\n Keywords: Apple, French division, undeclared back taxes, audit, French tax administration, payment amount, public accounts.\n\n Topic 2:\n France pushes for EU-wide tax on digital and software companies, including Apple.\n\n Keywords: France, EU-wide tax, digital and software companies, Apple. | neutral_event | ||
181 | 2019-02-07 | Apple addressed a FaceTime privacy issue by rolling out software updates and contributing to the education of the teenager who discovered the bug, Grant Thompson from Tucson, Arizona. The bug allowed users to hear audio from people before they answered a video call. Apple formally credited Thompson and Daven Morris from Texas in its update release notes. The company conducted | 50.352501 | 50.782501 | 50.340000 | 49.398319 | 67740800 | -1 | 1. Apple: The tech company in question.\n 2. FaceTime privacy issue: A problem related to the security of Apple's video calling service.\n 3. Rolled out software updates: Apple released new versions of their software to address the issue.\n 4. Grant Thompson (from Tucson, Arizona): The teenager who discovered the FaceTime bug.\n 5. Daven Morris (from Texas): Another individual involved in discovering the FaceTime bug.\n 6. Bug allowed users to hear audio: The specific issue that enabled users to access audio from others before accepting a video call.\n 7. Conducted formal crediting: Apple acknowledged and publicly recognized Thompson and Morris for their contributions | negative_event | ||
182 | 2019-02-08 | Analysts predict a decline of 0.1% in first quarter earnings for S&P 500 companies, marking the group's first quarterly profit decrease since 2016 according to Refinitiv data. The forecast represents a significant drop from the start of the year when growth was projected at 5- | 51.382500 | 51.607498 | 50.407501 | 49.712643 | 163448400 | -1 | 1. Subjects: S&P 500 companies, analysts, Refinitiv data\n 2. Events: Analysts predicting decline in first quarter earnings, first quarterly profit decrease for S&P 500 since 2016\n 3. Keywords: decline, 0.1%, first quarter earnings, S&P 500 companies, analysts, Refinitiv data, forecast, growth, projected, significant drop\n 4. Summary Topics:\n - Decline in S&P 500 first quarter earnings\n - Significant drop in projected growth for S&P 500\n - First quarterly profit decrease | negative_event | ||
183 | 2019-02-08 | Sony Corp, Japan's leading tech firm, announced its first major share buyback worth 100 billion yen, or 2.36% of outstanding shares, following weak earnings and investor concerns. This is the second large buyback this week after SoftBank. Japanese companies have been increasing buybacks to attract foreign investors | 51.382500 | 51.607498 | 50.407501 | 49.712643 | 163448400 | 1 | Topic 1:\n ------------------\n Company: Sony Corp\n Action: Announced share buyback\n Value: 100 billion yen (2.36% of outstanding shares)\n Reason: Weak earnings, investor concerns\n\n Summary: Sony Corp initiated a share buyback worth 100 billion yen in response to weak earnings and investor concerns. | positive_event | ||
184 | 2019-02-12 | This week, the European Union's second highest court will rule on a Belgian tax break that reportedly benefited over 35 large companies, including Apple, Starbucks, Fiat Chrysler, and others. The European Commission ordered Belgium to recover around €790 million from these firms for allegedly providing an unfair advantage | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | 0 | Topic 1:\n European Union (EU) Court Ruling\n \n Keywords: EU, court, ruling\n\n Topic 2:\n Belgian Tax Break\n \n Keywords: Belgium, tax break\n\n Topic 3:\n Large Companies\n \n Keywords: Apple, Starbucks, Fiat Chrysler (and others)\n\n Topic 4:\n Unfair Advantage\n \n Keywords: allegedly provided, recovery of €790 million, ordered by European Commission | neutral_event | ||
185 | 2019-02-12 | Akamai Technologies reported stronger than projected earnings, driven by increased demand for its cybersecurity and media content delivery services. Revenue from its cloud security business rose 36% to | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | 1 | 1. Akamai Technologies: This company is the subject of the news article.\n 2. Stronger than projected earnings: Akamai reported better financial results than anticipated.\n 3. Increased demand: There is a higher-than-usual interest in Akamai's services.\n 4. Cybersecurity and media content delivery services: The specific services provided by Akamai that are driving the growth.\n 5. Cloud security business: A key division of Akamai, generating significant revenue.\n 6. | positive_event | ||
186 | 2019-02-12 | Apple is facing resistance from several publications over its proposed news subscription service, which could be priced around $10 per month. The company plans to keep about half of the revenue but has not yet finalized the price. Apple's transaction fee of 30 percent for software developers in the App Store may be a concern for publishers. | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | 0 | Topic 1:\n Apple's proposed news subscription service\n \n Keywords: Apple, news subscription service, proposed\n\n Topic Summary:\n Apple is introducing a new news subscription service, which is currently under discussion and could potentially cost around $10 per month.\n\n ----------------------\n\n Topic 2:\n Publishers' resistance to Apple's news subscription service\n\n Keywords: publications, resistance, publishers\n\n Topic Summary:\n Several publications have expressed opposition to Apple's proposed news subscription service.\n\n ----------------------\n\n Topic 3:\n Apple's revenue sharing model for the news subscription service | neutral_event | ||
187 | 2019-02-12 | Goldman analyst Rod Hall anticipates Apple's traffic acquisition costs from Google searches will decelerate significantly in 2019, leading to an estimated 16% reduction in services revenue growth compared to the prior year's 24%. To offset this decline, Apple is expected to launch its Apple Prime bundle with original video | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | -1 | Topic 1:\n Apple's services revenue growth deceleration in 2019\n Keywords: Apple, services revenue, growth, deceleration, 2019\n\n Topic 2:\n Impact of Google searches on Apple's traffic acquisition costs\n Keywords: Apple, Google, searches, traffic acquisition, costs\n\n Topic 3:\n Expected reduction in Apple's services revenue growth compared to prior year\n Keywords: Apple, services revenue, growth, reduction, prior year\n\n Topic 4:\n Apple's anticipated response to revenue decline with launch of Apple Prime bundle\n Keywords: Apple, | negative_event | ||
188 | 2019-02-12 | The U.K. government has released a report recommending greater regulation of tech companies, specifically Google, Facebook, and Apple, in how they distribute news content. The companies are urged to sign a code of conduct governing their commercial agreements with publishers. Additionally, the U.K.'s competition authority is encouraged to investigate online advertising for fair competition | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | 0 | 1. **Topic 1:** U.K. government and tech companies (Google, Facebook, Apple)\n 2. **Topic 2:** Regulation of tech companies in news content distribution\n 3. **Topic 3:** Recommendation of a code of conduct for commercial agreements between publishers and tech companies\n 4. **Topic 4:** U.K.'s competition authority investigation into online advertising for fair competition.\n\n Summary: The U.K. government has suggested stricter regulations for Google, Facebook, and Apple regarding their handling of news content distribution. They recommend a code of conduct for commercial agreements between these tech companies and publishers, while also urging the U.K.'s | neutral_event | ||
189 | 2019-02-12 | Japan Display Inc, an ailing Apple supplier, is reportedly set to receive up to 80 billion yen in funding from a consortium of Chinese and Taiwanese investors, led by China's state-backed Silk Road Fund and Taiwanese panel maker TPK Holding Co. This would make the group the top share | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | 0 | 1. Topics: Japan Display Inc, Apple supplier, funding, Chinese investors, Taiwanese investors, Silk Road Fund, TPK Holding Co\n 2. Summary: Japanese display manufacturer Japan Display Inc is set to receive up to 80 billion yen in funding from a consortium of Chinese and Taiwanese investors. The group is led by China's state-backed Silk Road Fund and Taiwanese panel maker TPK Holding Co, making them the top shareholders.\n \n News Articles: Elon Musk, Tesla CEO, has announced that the company will be increasing production of its Model 3 sedan at its California factory in an effort to meet growing demand for the electric vehicle | neutral_event | ||
190 | 2019-02-13 | The Trump administration has formed a new advisory board comprised of major company CEOs, including those from Apple, Walmart, IBM, Lockheed Martin, Siemens USA, Home Depot, and Visa. The board's goal is to prepare U.S. workers for job training issues brought about by automation and artificial | 42.847500 | 43.119999 | 42.480000 | 41.307930 | 89960800 | -1 | 1. Trump administration\n 2. New advisory board\n 3. Major company CEOs (Apple, Walmart, IBM, Lockheed Martin, Siemens USA, Home Depot, Visa)\n 4. Formation of the board\n 5. Preparing U.S. workers\n 6. Job training issues\n 7. Automation\n 8. Artificial intelligence\n\nSummary:\nThe Trump administration established a new advisory board consisting of major CEOs from companies like Apple, Walmart, IBM, Lockheed Martin, Siemens USA, Home Depot, and Visa. The primary objective of the board is to address job training concerns arising from autom | negative_event | ||
191 | 2019-02-13 | Apple is targeting an April event to introduce a streaming television service, likely featuring content from CBS, Viacom, and Lions Gate, along with its own original productions. The service aims to consolidate multiple apps into one location, offering both Apple's original shows and subscriptions to traditional TV channels, similar to Amazon Prime Video. Apple | 42.847500 | 43.119999 | 42.480000 | 41.307930 | 89960800 | 1 | 1. Apple\n 2. Streaming television service introduction\n 3. CBS, Viacom, Lions Gate (content providers)\n 4. Own original productions\n 5. Consolidation of multiple apps\n 6. Traditional TV channels subscriptions\n 7. Amazon Prime Video (competitor comparison)\n\nSummary:\nApple is planning to launch a new streaming television service in April, which will include content from CBS, Viacom, and Lions Gate, as well as its own original productions. The service aims to consolidate various apps into one location, offering both Apple's exclusive shows and subscriptions to traditional TV channels, similar to Amazon Prime Video. | positive_event | ||
192 | 2019-02-13 | Apple significantly increased its self-driving car tests on public roads in California in 2018, putting in over 79,000 miles, up from 838 miles the previous year. However, it lagged far behind market leader Waymo, which had 11,017 miles between diseng | 42.847500 | 43.119999 | 42.480000 | 41.307930 | 89960800 | 0 | Topic 1:\n Apple's self-driving car tests\n \n Keywords: Apple, self-driving cars, tests\n\n Topic 2:\n Increase in public road testing miles\n\n Keywords: public roads, testing, miles\n\n Topic 3:\n Comparison with market leader Waymo\n\n Keywords: Waymo, market leader, lagged behind | neutral_event | ||
193 | 2019-02-13 | The former top corporate lawyer at Apple, Gene Levoff, was criminally charged with insider trading by the U.S. Department of Justice on Wednesday. Levoff allegedly exploited his positions as corporate secretary and head of corporate law to trade illegally between 2011 and 2016, generating approximately $ | 42.847500 | 43.119999 | 42.480000 | 41.307930 | 89960800 | 0 | 1. Topic: Gene Levoff\n - Former top corporate lawyer at Apple\n - Criminally charged with insider trading\n\n 2. Key Events:\n - Gene Levoff held positions of corporate secretary and head of corporate law at Apple\n - He allegedly engaged in insider trading between 2011 and 2016\n - The U.S. Department of Justice brought criminal charges against him\n\n 3. Relevant Keywords:\n - Gene Levoff\n - Former Apple lawyer\n - Insider trading\n - Criminal charges\n - Corporate secretary\n - Head of corporate law\n\n 4. Summary:\n - | neutral_event | ||
194 | 2019-02-13 | Apple significantly ramped up its self-driving car testing in 2018, recording tens of thousands of miles versus just hundreds of miles in 2017, as per data from the California Department of Motor Vehicles. | 42.847500 | 43.119999 | 42.480000 | 41.307930 | 89960800 | -1 | Topic 1:\n Apple's self-driving car testing\n \n Keywords: Apple, self-driving car, testing\n \n Summary: Apple increased its self-driving car testing activities significantly in 2018 compared to the previous year. | negative_event | ||
195 | 2019-02-14 | Warren Buffett's Berkshire Hathaway reduced its stake in Apple, though none of the selling was done by Buffett himself. The company added positions in Suncor Energy and software firm Red Hat, while also appearing to have sold off a significant stake in Oracle. Berkshire's U.S.-listed stock portfolio shrank | 42.427502 | 42.814999 | 42.345001 | 41.458420 | 87342800 | 0 | 1. Topic 1: Warren Buffett / Berkshire Hathaway\n 2. Topic 2: Apple\n - Event: Reduced stake\n 3. Topic 3: Suncor Energy\n 4. Topic 4: Software firm Red Hat\n 5. Topic 5: Oracle\n - Event: Significant stake sold off\n 6. Topic 6: Berkshire Hathaway's U.S.-listed stock portfolio\n 7. Keywords: Buffett, Berkshire Hathaway, Apple, reduced stake, Suncor Energy, software firm Red Hat, Oracle, significant stake, sold off.\n\nSummary: Warren Buff | neutral_event | ||
196 | 2019-02-14 | The EU General Court dealt a potential setback to the European Commission's campaign against corporate tax avoidance by annulling an order for Belgian tax break schemes worth about 700 million euros to multinational firms, including Fiat Chrysler, Amazon, Engie, and Apple. The court ruled that the EU executive | 42.427502 | 42.814999 | 42.345001 | 41.458420 | 87342800 | 0 | 1. Subjects/Entities: European Union (EU), EU General Court, European Commission, Belgian tax break schemes, Fiat Chrysler, Amazon, Engie, Apple\n 2. Key Events: EU General Court annulled an order, EU Commission's campaign against corporate tax avoidance, worth about 700 million euros, multinational firms (Fiat Chrysler, Amazon, Engie, and Apple) involved\n 3. Summarized Topics:\n - EU General Court ruling on Belgian tax break schemes\n - European Commission's campaign against corporate tax avoidance\n - Involvement of multinational companies (Fiat Chrysler, Amazon | neutral_event | ||
197 | 2019-02-14 | In Q4 2018, prominent hedge fund managers sold Chinese tech stocks and major US companies like Apple and Facebook due to economic fears. Jana Partners exited Alibaba and reduced Apple stake by 63%, Berkshire Hathaway shrank Apple stake, Soros Fund Management and Appaloosa Management sold | 42.427502 | 42.814999 | 42.345001 | 41.458420 | 87342800 | -1 | 1. Q4 2018: Prominent hedge funds selling Chinese tech stocks and major US companies (Apple, Facebook)\n Topics:\n a. Hedge funds selling Chinese tech stocks\n b. Hedge funds reducing stakes in major US companies (Apple, Facebook)\n c. Economic fears in Q4 2018\n\n Summary: In Q4 2018, hedge funds sold Chinese tech stocks and major US companies due to economic concerns. Specifically mentioned were Alibaba, Apple, and Facebook. | negative_event | ||
198 | 2019-02-14 | Applied Materials, a leading chip gear maker, forecasted lower-than-expected second quarter earnings and revenue, reflecting industry-wide challenges. The semiconductor sector is grappling with a slowing smartphone market, particularly in China, and the impact of the US-China trade dispute and a slowing Chinese economy. | 42.427502 | 42.814999 | 42.345001 | 41.458420 | 87342800 | 0 | Topic 1:\n ------------------\n Company: Applied Materials\n Industry: Chip gear maker\n Event: Lower-than-expected Q2 earnings and revenue forecast\n Reason: Industry-wide challenges, including a slowing smartphone market, US-China trade dispute, and a slowing Chinese economy. | neutral_event | ||
199 | 2019-02-14 | Lucy Li, a 16-year-old golfer who became the youngest player ever to qualify for the U.S. Women's Open in 2014, was issued a warning by the USGA after breaching amateur status rules by appearing in an Apple Watch advertisement campaign. Li engaged with a casting agent for an | 42.427502 | 42.814999 | 42.345001 | 41.458420 | 87342800 | 0 | 1. Youngest golfer: Lucy Li (age 16)\n 2. Qualified for U.S. Women's Open in 2014\n 3. Issued a warning by USGA\n 4. Breached amateur status rules\n 5. Appeared in Apple Watch advertisement campaign\n\n Summary:\n 16-year-old golfer Lucy Li, who qualified for the U.S. Women's Open in 2014, was issued a warning by the USGA for breaching amateur status rules after appearing in an Apple Watch advertisement campaign. | neutral_event | ||
200 | 2019-02-15 | NVIDIA's stock price surged in premarket trade, up by 8.06% at 8:06 AM ET or 13:06 GMT, following the company's forecast for better-than-expected sales during the current fiscal year. | 42.812500 | 42.924999 | 42.437500 | 41.366173 | 98507200 | 1 | Topic 1:\n ------------------\n NVIDIA\n Premarket trade\n Stock price surge\n Up 8.06%\n \n Summary:\n NVIDIA's stock experienced a significant increase of 8.06% during premarket trading.\n\n Topic 2:\n ------------------\n NVIDIA\n Better-than-expected sales\n Current fiscal year\n \n Summary:\n NVIDIA forecasted sales that exceed expectations for the current fiscal year. | positive_event | ||
201 | 2019-02-15 | Wall Street ended the week on a positive note, with all three major indexes posting their eighth consecutive weekly gains. Investor optimism grew as trade talks between the US and China resumed, with both sides reporting progress in resolving their long-standing trade dispute. Key industrial stocks such as Boeing, 3M, United Technologies | 42.812500 | 42.924999 | 42.437500 | 41.366173 | 98507200 | 1 | 1. Stock Market: All three major indexes posted eighth consecutive weekly gains.\n 2. Wall Street: Ended the week on a positive note.\n 3. Trade Talks: Resumed between US and China.\n 4. US-China Trade Dispute: Reported progress in resolving.\n 5. Investor Optimism: Grew due to trade talks progress.\n 6. Key Industrial Stocks: Boeing, 3M, United Technologies mentioned specifically. | positive_event | ||
202 | 2019-02-19 | This news article discusses progress towards gender equality in Hollywood following Frances McDormand's advocacy for inclusion riders at the Oscars last year. Warner Bros adopted this policy, and major stars including Matt Damon and Michael B Jordan committed to pushing for it. The number of films with female leads has increased, as have Oscar | 42.427502 | 42.860001 | 42.372501 | 41.489967 | 75891200 | 1 | 1. Gender equality in Hollywood\n 2. Frances McDormand's advocacy for inclusion riders at the Oscars\n 3. Warner Bros adopting inclusion rider policy\n 4. Major stars (Matt Damon, Michael B Jordan) supporting and pushing for inclusion riders\n 5. Increase in number of films with female leads\n 6. Oscar nominations and wins for female-led films\n\n Summary: Discussions on gender equality progress in Hollywood, specifically the impact of Frances McDormand's advocacy for inclusion riders at the Oscars, Warner Bros' adoption of this policy, and the subsequent increase in films with female leads and | positive_event | ||
203 | 2019-02-20 | WhatsApp, owned by Facebook, has acknowledged a security bug allowing iPhone users to bypass its new privacy feature that requires Touch ID or Face ID for app access. The issue arises when users select any interval other than immediate verification. A user on Reddit first reported the problem, and Reuters confirmed it. WhatsApp said a fix | 42.797501 | 43.330002 | 42.747501 | 41.756977 | 104457600 | 0 | 1. Subjects: WhatsApp, Facebook, iPhone users, privacy feature, Touch ID, Face ID, app access\n 2. Events: WhatsApp acknowledges security bug, issue arises when selecting interval other than immediate verification, user reports problem on Reddit, Reuters confirms the issue, WhatsApp promises a fix\n 3. Keywords: WhatsApp, Facebook, iPhone users, privacy feature, Touch ID, Face ID, app access, security bug, interval, immediate verification, fix\n 4. Topics:\n - WhatsApp and Facebook face a security issue with their new privacy feature for iPhone users.\n - The problem occurs when users choose an interval other than immediate | neutral_event | ||
204 | 2019-02-20 | Garmin reported stronger-than-expected fourth quarter earnings and revenue, driven by robust demand for its wearable fitness devices and aviation products. The company's shares surged 15% following the announcement, reaching their highest level in over a decade. In the past year, Garmin bounced back from a decline in demand for car | 42.797501 | 43.330002 | 42.747501 | 41.756977 | 104457600 | 1 | 1. Topic 1: Garmin's Fourth Quarter Earnings and Revenue\n - Keywords: Garmin, earnings, revenue, stronger-than-expected\n\n 2. Topic 2: Robust Demand for Wearable Fitness Devices\n - Keywords: wearable fitness devices, demand\n\n 3. Topic 3: Robust Demand for Aviation Products\n - Keywords: aviation products, demand\n\n 4. Topic 4: Garmin's Shares Surge Following Announcement\n - Keywords: shares, surge, announcement, highest level in over a decade\n\n 5. Topic 5 | positive_event | ||
205 | 2019-02-20 | Viaciom announced it will provide programming on fuboTV's live streaming service, joining other virtual pay TV providers such as Sling TV, DirectTV Now and Philo. FuboTV, a four-year-old streaming service focused on soccer, has expanded into entertainment programming from networks like FX and Showtime. Vi | 42.797501 | 43.330002 | 42.747501 | 41.756977 | 104457600 | 0 | 1. Subjects: Viacom, fuboTV\n 2. Events: Viacom announces partnership with fuboTV, provides programming for live streaming service\n 3. Keywords: Viacom, partnership, fuboTV, live streaming, programming, virtual pay TV providers, Sling TV, DirectTV Now, Philo\n 4. Topic 1: Viacom partners with fuboTV to provide programming for their live streaming service\n 5. Topic 2: Expansion of fuboTV into entertainment programming from networks like FX and Showtime\n \nOutput: [\n {\n "topic": "Viacom partners with fuboTV",\n | neutral_event | ||
206 | 2019-02-21 | Apple's long-rumored vehicle project may shift from developing a car to an electric van, according to Manager Magazin. Unnamed sources reportedly saw black and silver prototypes and claimed that engineers are now focusing on the interior design. Apple has yet to comment on the matter. | 42.950001 | 43.092499 | 42.575001 | 41.521526 | 68998800 | 0 | Topic 1:\n Apple's vehicle project\n \n Summary:\n Apple is reportedly shifting its focus from developing a car to an electric van for their long-rumored transportation initiative.\n\n \n News Article 2:\n Elon Musk says Tesla's Full Self-Driving feature will be 'feature complete' by end of year, but admits it won't be perfect.\n \n Topic 1:\n Tesla's Full Self-Driving feature\n \n Summary:\n Tesla is working on completing the development of its Full Self-Driving feature by the end of the year, although Musk acknowledges that it | neutral_event | ||
207 | 2019-02-21 | Goldman Sachs is partnering with Apple to launch co-branded credit cards, allowing users to manage finances via iPhone and set spending goals. This deal benefits both companies; Apple aims to boost its services business, while Goldman seeks to increase consumer loans. The card, using Mastercard's network, offers about 2% cash | 42.950001 | 43.092499 | 42.575001 | 41.521526 | 68998800 | 1 | 1. Partnership between Goldman Sachs and Apple\n 2. Launch of co-branded credit cards\n 3. Management of finances via iPhone\n 4. Setting spending goals\n 5. Boosting services business (Apple)\n 6. Increasing consumer loans (Goldman Sachs)\n 7. Use of Mastercard's network\n 8. Offering approximately 2% cash back\n\nTopics:\n1. Goldman Sachs-Apple partnership\n2. Co-branded credit cards\n3. iPhone finance management\n4. Spending goals\n5. Services business growth (Apple)\n6. Consumer loans expansion (Goldman Sachs | positive_event | ||
208 | 2019-02-22 | Apple collaborates with Ant Financial Services Group and local banks in China, providing interest-free financing for iPhone purchases as part of an effort to revive sales. The scheme, available through Huabei, is open to customers purchasing products worth a minimum of 4,000 yuan from Apple. Economic slowdown and increased competition are contributing factors | 42.895000 | 43.250000 | 42.845001 | 41.985130 | 75652800 | 1 | Topic 1:\n Apple's collaboration with Ant Financial Services Group and local banks in China\n \n Keywords: Apple, Ant Financial Services Group, local banks, China\n\n Topic 2:\n Interest-free financing for iPhone purchases\n\n Keywords: iPhone, financing, interest-free\n\n Topic 3:\n Effort to revive sales\n\n Keywords: sales, revenue, growth\n\n Topic 4:\n Minimum purchase requirement of 4,000 yuan\n\n Keywords: minimum purchase, 4,000 yuan\n\n Topic 5:\n Economic slowdown as | positive_event | ||
209 | 2019-02-22 | Kraft Heinz suffered a significant loss in premarket trade due to a disappointing earnings report and an SEC investigation. The company wrote down $15.4 billion from its Kraft and Oscar Mayer trademarks, and is under scrutiny for accounting practices. Roku stock surged following better-than-expected quarterly results. | 42.895000 | 43.250000 | 42.845001 | 41.985130 | 75652800 | -1 | 1. Event 1: Kraft Heinz Earnings Disappointment and SEC Investigation\n Topics: Kraft Heinz, earnings report, significant loss, premarket trade, SEC investigation\n\n 2. Event 2: Roku Better-than-Expected Quarterly Results\n Topics: Roku, quarterly results, stock surge | negative_event | ||
210 | 2019-02-25 | The Dow Jones Industrial Average and other major indexes posted gains on Monday, with the Dow rising 60 points, after President Trump announced progress in trade talks with China and delayed tariff hikes. Trade-sensitive stocks like Boeing and Caterpillar performed well, but some tariffs are expected to remain as an enforcement mechanism | 43.540001 | 43.967499 | 43.487499 | 42.290981 | 87493600 | 1 | Topic 1:\n - Trade talks between China and the United States\n - Progress in negotiations\n - Tariff hikes delayed\n\n Summary: The news article discusses the progress made in trade talks between China and the United States, resulting in a delay of tariff hikes and positive market reactions. Specifically mentioned are Boeing and Caterpillar as trade-sensitive stocks that performed well due to this development. However, some tariffs are expected to remain as an enforcement mechanism. | positive_event | ||
211 | 2019-02-25 | AAC Technologies Holdings, an Apple supplier based in Hong Kong, reported a significant decrease in expected net profit for Q1 2019 due to reduced orders from customers. The company forecasted a profit decline of 65-75% compared to the same period last year and narrowing gross profit margins. AAC | 43.540001 | 43.967499 | 43.487499 | 42.290981 | 87493600 | 0 | 1. Company: AAC Technologies Holdings\n 2. Industry: Apple supplier\n 3. Location: Hong Kong\n 4. Event 1: Significant decrease in expected net profit for Q1 2019\n 5. Event 2: Reduced orders from customers\n 6. Topic Summaries:\n a. AAC Technologies Holdings experiences financial downturn\n b. Apple supplier based in Hong Kong faces decreased profits\n c. Net profit decline forecasted for Q1 2019 (65-75%)\n d. Narrowing gross profit margins\n e. Reduced orders from customers impact business performance. | neutral_event | ||
212 | 2019-02-25 | Huawei, the world's third-largest smartphone vendor, showcased its new folding phone, the Mate X, on February 24. The device is designed for next-generation 5G networks and promises super-fast internet speeds. Despite US efforts to exclude the Chinese company from 5G networks | 43.540001 | 43.967499 | 43.487499 | 42.290981 | 87493600 | 1 | 1. Topic: Huawei\n Summary: Chinese tech company, third-largest smartphone vendor\n\n 2. Topic: New folding phone (Mate X)\n Summary: Huawei's latest device, designed for next-generation 5G networks\n\n 3. Topic: 5G networks\n Summary: Next-generation wireless technology, promises super-fast internet speeds\n\n 4. Event: Showcased new folding phone (Mate X)\n Summary: Huawei presented its new device to the public\n\n 5. Action: Designed for next-generation 5G networks\n Summary: The Mate X | positive_event | ||
213 | 2019-02-25 | Sony, aiming to differentiate itself in the smartphone market, unveiled its new flagship Xperia 1 at Mobile World Congress featuring a 21:9 ratio HDR OLED screen and professional-grade camera capabilities. The device leverages Sony's Bravia TV technology for enhanced visual experiences. Two mid-range | 43.540001 | 43.967499 | 43.487499 | 42.290981 | 87493600 | 0 | 1. Sony: The electronics company announced the release of their new flagship smartphone, Xperia 1.\n 2. Smartphone market: Sony aims to distinguish itself with innovative features in a competitive market.\n 3. New flagship Xperia 1: Unveiled at Mobile World Congress, this device boasts a unique 21:9 ratio HDR OLED screen and advanced camera capabilities.\n 4. HDR OLED screen: The new smartphone offers an enhanced visual experience with high definition resolution and color depth.\n 5. Professional-grade camera capabilities: Sony's latest innovation targets photography enthusiasts with superior image quality.\n 6. Bravia TV technology: Le | neutral_event | ||
214 | 2019-02-25 | Warren Buffett, the Oracle of Omaha, revealed on Monday that his company, Berkshire Hathaway, had unexpectedly exited its 2.13 billion stake in Oracle Corp during last year's fourth quarter. This quick exit was unusual for Berkshire, which typically holds stocks for decades and rarely invests | 43.540001 | 43.967499 | 43.487499 | 42.290981 | 87493600 | 0 | Topic 1:\n ------------------\n Warren Buffett\n Berkshire Hathaway\n Oracle Corp\n Unexpected exit\n Fourth quarter (2021)\n\n Summary:\n Warren Buffett's company, Berkshire Hathaway, unexpectedly sold its 2.13 billion stake in Oracle Corp during the last quarter of 2021. This is an unusual move for Berkshire, which typically holds stocks for long periods and rarely invests or divests quickly. | neutral_event | ||
215 | 2019-02-25 | Huawei, the world's third largest smartphone vendor, defended its position as a global tech leader amid ongoing U.S.-China trade tensions. Chairman Guo Ping reiterated Huawei's commitment to cybersecurity and innovation, while welcoming President Trump's statements on mobile competition. The company un | 43.540001 | 43.967499 | 43.487499 | 42.290981 | 87493600 | 1 | 1. Topic: Huawei\n Summary: Chinese tech company, third largest smartphone vendor\n\n 2. Topic: Trade Tensions (between US and China)\n Summary: Ongoing geopolitical issue between two global powers\n\n 3. Topic: Cybersecurity\n Summary: Concerns regarding data security and protection\n\n 4. Topic: Innovation\n Summary: Development of new technologies and advancements\n\n 5. Topic: Chairman Guo Ping (of Huawei)\n Summary: Executive leader of the company\n\n 6. Topic: President Trump\n Summary: Current US President, mentioned in context of | positive_event | ||
216 | 2019-02-26 | AAC Technologies Holdings Inc, listed on the Hong Kong Stock Exchange, saw its shares plummet over 13% after announcing a significant decrease in first-quarter profits, forecasted between 65-75% year-on-year. The drop was attributed to reduced orders from customers and weak seasonal demand | 43.427502 | 43.825001 | 43.292500 | 42.315266 | 68280800 | -1 | Topic 1:\n Company: AAC Technologies Holdings Inc\n Event: Significant decrease in first-quarter profits\n Keywords: Hong Kong Stock Exchange, plummeted, shares, 13%, year-on-year, forecasted, between 65-75%\n\n Summary: AAC Technologies Holdings Inc experienced a significant decrease in first-quarter profits, causing its shares to drop by over 13%. The exact decline was forecasted to be between 65-75% year-on-year.\n\n Topic 2:\n Company: AAC Technologies Holdings Inc\n Event: Reduced orders from customers | negative_event | ||
217 | 2019-02-27 | Apple announced plans to lay off approximately 190 employees from its self-driving car project, Project Titan. The layoffs include software and hardware engineers, product design engineers, an ergonomics engineer, a machine shop supervisor, and possibly machinists. This is the first major shakeup under Doug Field, who returned | 43.302502 | 43.750000 | 43.182499 | 42.446327 | 111341600 | -1 | 1. Company: Apple\n 2. Project: Project Titan (Apple's self-driving car project)\n 3. Event: Layoffs\n 4. Keywords: Approximately 190 employees, Software engineers, Hardware engineers, Product design engineers, Ergonomics engineer, Machine shop supervisor, Machinists, Doug Field (returned)\n 5. Summary: Apple announced layoffs affecting approximately 190 employees from its self-driving car project, Project Titan. The positions include software and hardware engineers, product design engineers, an ergonomics engineer, a machine shop supervisor, and possibly machinists. This marks the first major shakeup | negative_event | ||
218 | 2019-02-27 | Spotify, the world's leading paid music streaming service, entered the Indian market on Tuesday. The Swedish company will offer a free version with ads and a premium ad-free one for 119 rupees ($1.67) per month. Apple, Google, Amazon, and Reliance Industries already have established local players | 43.302502 | 43.750000 | 43.182499 | 42.446327 | 111341600 | 0 | Topic 1:\n ------------------\n Company: Spotify\n Action: Entered Indian market\n Keywords: Paid music streaming service, World's leading, Indian market\n\n Summary: Spotify, the world-leading paid music streaming service, entered the Indian market on Tuesday. | neutral_event | ||
219 | 2019-03-04 | Spotify, the world's largest paid music streaming platform, reported over 1 million unique users in India within a week of launch. The company, which entered the price-sensitive Indian market on Tuesday, offers a free version with ads and a premium ad-free variant for 119 Indian rupees per month. With a | 48.312500 | 49.125000 | 48.287498 | 47.417465 | 93087200 | 0 | 1. Company: Spotify\n 2. Industry: Music streaming platform\n 3. Event: Reported over 1 million unique users in India within a week of launch\n 4. Keywords: World's largest paid music streaming platform, India, Launch, Unique users\n 5. Summary: Spotify reports significant user growth in India following its market entry. | neutral_event | ||
220 | 2019-03-05 | Mozilla, the Firefox browser maker, is considering revoking DarkMatter's authority to certify websites as safe due to reports linking the cybersecurity firm to a UAE-based intelligence agency's hacking program. Reuters reported that DarkMatter provided staff for Project Raven, which hacked into the internet accounts | 52.722500 | 52.959999 | 52.557499 | 51.398247 | 83569600 | 0 | 1. Topic: Mozilla (organization)\n 2. Topic: Firefox browser maker\n 3. Topic: DarkMatter (cybersecurity firm)\n 4. Event: Considering revoking DarkMatter's authority\n 5. Keywords: reports, linking, UAE-based intelligence agency, hacking program, Project Raven\n 6. Summary: Mozilla is evaluating the potential removal of DarkMatter's ability to certify websites as secure due to allegations that they have ties to a UAE intelligence agency and were involved in hacking activities through Project Raven. | neutral_event | ||
221 | 2019-03-05 | In the news article, Michael Jackson's music was removed from radio playlists and Oprah Winfrey faced backlash after broadcasting a documentary titled "Leaving Neverland," in which two adult men accused him of child abuse during their childhood. The documentary received mixed reactions, with some expressing horror and disbelief while others questioned | 52.722500 | 52.959999 | 52.557499 | 51.398247 | 83569600 | -1 | 1. Michael Jackson: The removal of Michael Jackson's music from radio playlists and the backlash against Oprah Winfrey for broadcasting the documentary "Leaving Neverland" are the main subjects in this news article.\n 2. Documentary "Leaving Neverland": A documentary titled "Leaving Neverland" was aired, featuring two adult men accusing Michael Jackson of child abuse during their childhood.\n 3. Child abuse allegations: The central event or action described in the headline is the accusation of child abuse against Michael Jackson by two men.\n 4. Keywords: Michael Jackson, documentary, Leaving Neverland, child abuse, accusations.\n 5. Topics | negative_event | ||
222 | 2019-03-06 | IBM CEO Ginni Rometty and Apple CEO Tim Cook, among other corporate leaders, attended a White House forum where they discussed hiring more Americans without college degrees due to a shortage of applicants for open jobs. Rometty stated that "a less than a four-year degree will get a very good paying job in the new economy | 43.900002 | 44.480000 | 42.567501 | 42.227238 | 161584400 | 1 | Topic 1:\n IBM and Apple CEOs Attend White House Forum\n \n Topic 2:\n Corporate Leaders Discuss Hiring Americans without College Degrees\n \n Topic 3:\n Shortage of Applicants for Open Jobs\n \n Topic 4:\n IBM CEO Ginni Rometty's Statement on Four-Year Degree Requirement\n \n Topic 5:\n Good Paying Jobs in the New Economy for Those without a Four-Year Degree. | positive_event | ||
223 | 2019-03-06 | European shares were flat on Wednesday as weak results from the auto sector and fading investor confidence offset positive news from China's easing policies. Schaeffler's warning of an extremely challenging business environment in 2019 and its plan to restructure led to significant losses for the German automaker, dragging down the DA | 43.900002 | 44.480000 | 42.567501 | 42.227238 | 161584400 | -1 | 1. Auto sector performance\n 2. Weak results from Schaeffler\n 3. Challenging business environment in 2019\n 4. Company restructuring plan\n 5. European shares market flat\n 6. Fading investor confidence\n 7. Positive news from China's easing policies\n\nSummary:\nEuropean shares remained unchanged due to weak results and a challenging business environment in the auto sector, specifically from Schaeffler. The company announced plans for restructuring, leading to significant losses. Despite this, positive news emerged from China's easing policies. Auto sector performance, Schaeffler's results, business environment, restructuring | negative_event | ||
224 | 2019-03-06 | Tesla's bull thesis, which has relied on the arrival of the lower-priced Model 3 and Elon Musk's vision, is facing challenges. China, a significant growth market for Tesla, halted Model 3 sales due to regulatory issues. Additionally, Tesla reported a first-quarter loss and announced | 43.900002 | 44.480000 | 42.567501 | 42.227238 | 161584400 | -1 | 1. Tesla: The electric vehicle company experiencing regulatory challenges in China and reporting a first-quarter loss.\n 2. Model 3: Lower-priced electric car model from Tesla that faced halted sales in China due to regulatory issues.\n 3. Elon Musk: CEO of Tesla whose vision is part of the bull thesis for the company.\n 4. China: Significant growth market for Tesla where regulatory issues led to halted Model 3 sales.\n 5. Regulatory issues: Challenges faced by Tesla in China that resulted in halted Model 3 sales and potential impact on the company's growth.\n 6. First-quarter loss | negative_event | ||
225 | 2019-03-06 | In this interview, NYU Stern Professor Scott Galloway discusses his predictions for tech industry trends with Datatrek's Nicholas Colas. They debate which company will surpass Apple's market value and discuss future developments in social media and cryptocurrencies. The conversation took place in New York City on April 24, | 43.900002 | 44.480000 | 42.567501 | 42.227238 | 161584400 | 0 | 1. Topics: Tech industry trends, NYU Stern Professor Scott Galloway, Datatrek's Nicholas Colas, Apple's market value, Social media, Cryptocurrencies\n 2. Summary: A discussion between Professor Scott Galloway and Nicholas Colas about tech industry predictions, focusing on potential companies to surpass Apple's market value and future developments in social media and cryptocurrencies. (New York City, April 24) | neutral_event | ||
226 | 2019-03-06 | Chinese online retailers, including Suning, Pinduoduo, and JD com, have recently discounted the price of Apple's iPhone XS by up to 1,000 yuan in an effort to boost sales during a prolonged sales slowdown in China. Several vendors also offered discounts on other iPhone models | 43.900002 | 44.480000 | 42.567501 | 42.227238 | 161584400 | -1 | Topic 1:\n - Chinese online retailers (Suning, Pinduoduo, JD.com)\n - Discounting price of Apple's iPhone XS\n - Up to 1,000 yuan discount\n - Boost sales during sales slowdown in China\n\n Topic 2:\n - Chinese market\n - Sales slowdown\n - Discounted prices on iPhone models (iPhone XS and others) | negative_event | ||
227 | 2019-03-06 | Fitbit introduced its most affordable smartwatch, the Versa Lite, on Wednesday at a price point of $159. Despite selling 5.5 million units in 2018, second only to Apple's 22.5 million, Fitbit lost the quarterly market share to Samsung in late | 43.900002 | 44.480000 | 42.567501 | 42.227238 | 161584400 | 0 | 1. Topic 1: Fitbit - A company that manufactures smartwatches\n 2. Topic 2: Versa Lite - The newest and most affordable smartwatch introduced by Fitbit\n 3. Topic 3: Introduction - Fitbit announcing the release of their new product\n 4. Topic 4: Price point - The affordability of the Versa Lite at $159\n 5. Topic 5: Market share - Fitbit's quarterly market share loss to Samsung\n 6. Event: Fitbit introduced the Versa Lite smartwatch at a lower price point, aiming to regain market share from Samsung | neutral_event | ||
228 | 2019-03-07 | The European Commission has initiated an investigation into tax rulings granted by Luxembourg to Finnish firm Huhtamaki, suspecting them of being state aid. The probe focuses on three rulings issued between 2009 and 2013, with the earliest one revealed in the Luxleaks scandal. The Commission believes these rul | 50.820000 | 51.110001 | 50.672501 | 49.807678 | 45448000 | 0 | 1. Topic: European Commission Investigation\n - The European Commission is conducting an investigation into tax rulings granted by Luxembourg to Finnish firm Huhtamaki.\n - Suspected of being state aid.\n\n 2. Topic: Tax Rulings Granted to Huhtamaki\n - Three specific rulings issued between 2009 and 2013 are under investigation.\n - Previously revealed in the Luxleaks scandal.\n\n 3. Topic: Luxembourg\n - The country where the tax rulings were granted.\n\n 4. Topic: Finnish Firm Huhtamaki\n - The recipient of the tax rul | neutral_event | ||
229 | 2019-03-12 | The United States opposes France's digital services tax, viewing it as discriminatory against American businesses. The U.S. prefers international tax reform at the OECD to tackle the broader challenges facing the international tax system. Digital giants can currently book profits in countries with the lowest taxes regardless of where their customers are located. France | 64.577499 | 64.882500 | 64.072502 | 63.649750 | 114430400 | 0 | 1. Topic 1: United States (US) opposition to France's digital services tax\n 2. Topic 2: France's digital services tax\n 3. Topic 3: Discriminatory tax against American businesses\n 4. Topic 4: International tax reform\n 5. Topic 5: OECD (Organisation for Economic Co-operation and Development)\n 6. Topic 6: Digital giants\n 7. Topic 7: Profits booking in countries with lowest taxes\n\n Summary:\n 1. The US opposes France's digital services tax, considering it discriminatory against American businesses.\n 2. France | neutral_event | ||
230 | 2019-03-12 | Boeing's NYSE BA stock experienced significant losses in premarket trade on Tuesday, as the company faced continued scrutiny following the second crash of a 737 Max 8 plane. The crashes resulted in groundings of the fleet in Singapore, Australia, China, and Indonesia, but not in the US, where design changes are | 64.577499 | 64.882500 | 64.072502 | 63.649750 | 114430400 | 0 | 1. Boeing's 737 Max 8 planes: Two crashes have led to scrutiny and stock losses for Boeing.\n 2. Groundings of the fleet: Singapore, Australia, China, and Indonesia have grounded their fleets due to crashes.\n 3. US regulations: Design changes in the US have prevented a grounding of the fleet there. | neutral_event | ||
231 | 2019-03-13 | Smartphone shipments to China in February dropped to their lowest level in six years due to consumer hesitation amid a slowing economy and trade tensions. The market saw a decline of 19.9% year-over-year, with Apple identifying China as a reason for its reduced sales forecast earlier this year. To stimulate demand, | 45.562500 | 45.825001 | 45.230000 | 44.106613 | 124130000 | 0 | 1. Topics: Smartphone shipments, China, Consumer hesitation, Slowing economy, Trade tensions, Apple\n 2. Summary: In February 2023, smartphone shipments to China experienced a significant decline of 19.9% year-over-year, marking the lowest level in six years. This decrease can be attributed to consumer hesitation, a slowing economy, and trade tensions. Apple identified China as a contributing factor to its reduced sales forecast earlier this year. To stimulate demand, further measures may be taken. | neutral_event | ||
232 | 2019-03-13 | Spotify, a music streaming service launched a year after Apple's iPhone in 2007, has filed a complaint with EU antitrust regulators against Apple. The complaint alleges that Apple unfairly limits rivals to its own Apple Music service by controlling the App Store and charging a 30% fee for in-app | 45.562500 | 45.825001 | 45.230000 | 44.106613 | 124130000 | 0 | 1. Subjects/Entities: Spotify, Apple, EU antitrust regulators, iPhone, music streaming service, Apple Music\n 2. Key Events: Spotify files complaint against Apple, Alleges unfair practices by Apple, Control of App Store, 30% in-app fee for rivals\n 3. Summary Topics:\n - Antitrust investigation into Apple's business practices\n - Spotify accuses Apple of limiting competition in music streaming market\n - Dispute over App Store control and commission fees for in-app services. | neutral_event | ||
233 | 2019-03-14 | The European Commission is delaying its decision on whether the UK's tax scheme for multinationals violates EU state aid rules. An investigation was initiated in October 2017, and European Competition Commissioner Margrethe Vestager acknowledged receiving a complaint from Spotify regarding Apple's allegedly unfair practices towards streaming rivals | 45.974998 | 46.025002 | 45.639999 | 44.596924 | 94318000 | 0 | Topic 1:\n European Commission (EC) Delaying Decision on UK's Tax Scheme for Multinationals\n\n Keywords: European Commission, decision, UK tax scheme, multinationals, EU state aid rules\n\n Topic 2:\n Investigation into Apple's Allegedly Unfair Practices towards Streaming Rivals\n\n Keywords: investigation, Apple, unfair practices, streaming rivals. | neutral_event | ||
234 | 2019-03-14 | The European Union's Competition Commissioner Margrethe Vestager has indicated that the EU is considering opening an investigation into Apple over allegations of using its app store to favor its own services over rivals. This comes after Spotify filed a complaint against Apple for limiting competition in the music streaming market. If found to have a dominant market | 45.974998 | 46.025002 | 45.639999 | 44.596924 | 94318000 | -1 | 1. EU's Competition Commissioner Margrethe Vestager\n 2. European Union (EU)\n 3. Investigation into Apple\n 4. Allegations of favoring own services, limiting competition\n 5. App Store\n 6. Apple\n 7. Rivals (specifically, Spotify)\n 8. Music streaming market\n\nTopics:\n1. EU and Margrethe Vestager investigating Apple\n2. Alleged favoritism in App Store towards Apple's services\n3. Impact on competition in music streaming market\n4. Role of Spotify in the complaint against Apple | negative_event | ||
235 | 2019-03-14 | In Thursday's premarket trade, General Electric (GE) stock rebounded, despite expecting lower earnings due to power business struggles. Boeing (BA) stock fell after the FAA grounded its 737 Max 8 following a deadly crash. Facebook (FB) stock dropped amid U.S. prosecutors' data deals | 45.974998 | 46.025002 | 45.639999 | 44.596924 | 94318000 | 0 | 1. Event 1: General Electric (GE) Stock Rebound\n Topic: General Electric, Stock Market, Premarket Trade\n\n 2. Event 2: Lower Earnings Expectation for General Electric due to Power Business Struggles\n Topic: General Electric, Power Business, Earnings\n\n 3. Event 3: Boeing (BA) Stock Fallout after FAA Grounds 737 Max 8\n Topic: Boeing, Stock Market, 737 Max 8, FAA\n\n 4. Event 4: Deadly Crash of Boeing 737 Max 8\n Topic: Boeing, Air | neutral_event | ||
236 | 2019-03-14 | In a preliminary ruling, U.S. District Court Judge Gonzalo Curiel ordered Qualcomm to pay nearly $1 billion in patent royalty rebate payments to Apple. The decision stems from a business cooperation agreement between the tech giants and the unique patent licensing practices of the consumer electronics industry. Qualcomm is the world | 45.974998 | 46.025002 | 45.639999 | 44.596924 | 94318000 | 0 | 1. Subjects: Qualcomm, U.S. District Court Judge Gonzalo Curiel, Apple\n 2. Key Events: Preliminary ruling, Ordered Qualcomm to pay nearly | neutral_event | ||
237 | 2019-03-14 | The S&P 500 slipped on Thursday, ending a three-day winning streak, as uncertainty over the timing of a US-China trade deal persisted. US President Donald Trump and Treasury Secretary Steven Mnuchin stated that discussions were progressing quickly, but no final deal was imminent. Bloomberg reported a | 45.974998 | 46.025002 | 45.639999 | 44.596924 | 94318000 | 0 | 1. Topic 1: S&P 500\n - Summary: The S&P 500 experienced a decline on Thursday, marking the end of its three-day winning streak.\n\n 2. Topic 2: US-China trade deal\n - Summary: Uncertainty surrounding the timing of a US-China trade deal continued to impact financial markets.\n\n 3. Topic 3: US President Donald Trump\n - Summary: Trump made statements about the progress of discussions regarding the US-China trade deal.\n\n 4. Topic 4: Treasury Secretary Steven Mnuchin\n - Summary: Mnuchin | neutral_event | ||
238 | 2019-03-14 | Apple launched a new television advertising campaign emphasizing its commitment to data privacy, distinguishing itself from rivals Google and Facebook under regulatory scrutiny. The ad, which started airing during the NCAA basketball tournament in the U.S., features situations where people seek privacy and states "If privacy matters in your life, it should matter to the phone | 45.974998 | 46.025002 | 45.639999 | 44.596924 | 94318000 | 1 | Topic 1:\n Apple's new television advertising campaign\n \n Keywords: Apple, advertising campaign, television\n\n Topic 2:\n Emphasis on data privacy\n\n Keywords: data privacy, commitment, rivals, Google, Facebook\n\n Topic 3:\n Regulatory scrutiny for Google and Facebook\n\n Keywords: regulatory scrutiny, Google, Facebook. | positive_event | ||
239 | 2019-03-14 | The S&P 500 experienced a minor decline, with the Nasdaq Composite suffering greater losses due to a fall in tech stocks, led by Facebook. The Dow Jones Industrial Average saw minimal gains. The NYT reported that federal prosecutors were investigating data deals made by Facebook. Tech sector losses were offset by Apple's | 45.974998 | 46.025002 | 45.639999 | 44.596924 | 94318000 | -1 | 1. S&P 500 and Nasdaq Composite market decline: The S&P 500 and Nasdaq Composite experienced a decrease in value, with the Nasdaq Composite suffering more significant losses due to declining tech stocks.\n 2. Facebook-led tech stock fall: Tech stocks, particularly those of Facebook, contributed to the broader market decline.\n 3. Minimal gains for Dow Jones Industrial Average: In contrast to the S&P 500 and Nasdaq Composite, the Dow Jones Industrial Average saw minimal gains during this period.\n 4. Federal prosecutors investigating Facebook data deals: The New York Times reported that federal prosecutors were examining | negative_event | ||
240 | 2019-03-15 | Stocks rallied Friday as technology companies surged following reports of progress in U.S.-China trade talks, with the S&P 500 and Nasdaq posting their best weekly gains since November. The Philadelphia Semiconductor Index jumped 2.9%, while the S&P 500 Technology Index | 46.212502 | 46.832500 | 45.935001 | 45.177055 | 156171600 | 1 | 1. Topics: U.S.-China trade talks, stocks, technology companies, S&P 500, Nasdaq, Philadelphia Semiconductor Index, S&P 500 Technology Index\n 2. Summary: Stocks experienced a rally on Friday due to progress in U.S.-China trade talks. Technology companies saw significant gains, leading the way for the S&P 500 and Nasdaq's best weekly performance since November. The Philadelphia Semiconductor Index surged by 2.9%, while the S&P 500 Technology Index also posted impressive growth. | positive_event | ||
241 | 2019-03-15 | In a SEC filing, Berkshire Hathaway revealed that its Vice Chairmen Greg Abel and Ajit Jain received approximately $18 million each in compensation last year. Abel, who oversees non-insurance operations such as BNSF railroad, Precision Castparts, and Berkshire Hathaway Energy | 46.212502 | 46.832500 | 45.935001 | 45.177055 | 156171600 | 1 | Topic 1:\n Compensation for Greg Abel and Ajit Jain from Berkshire Hathaway: $18 million each\n\n Topic 2:\n Berkshire Hathaway executives: Greg Abel, Ajit Jain\n\n Topic 3:\n Non-insurance operations of Berkshire Hathaway: BNSF railroad, Precision Castparts, Berkshire Hathaway Energy (overseen by Greg Abel) | positive_event | ||
242 | 2019-03-15 | Apple and Spotify are in a dispute with EU antitrust regulators over allegations of Apple limiting rivals in its App Store. Apple responded, stating that Spotify wants the benefits of a free app without being free. Apple has approved and distributed nearly 200 app updates for Spotify, resulting in over 300 million | 46.212502 | 46.832500 | 45.935001 | 45.177055 | 156171600 | 0 | 1. Topics: Apple, Spotify, EU antitrust regulators, App Store, Dispute, Regulators, Allegations, Limiting rivals\n 2. Summary: Apple and Spotify are under investigation by EU antitrust regulators for alleged limiting of rivals in Apple's App Store. Apple defends its actions, stating that Spotify wants the benefits of a free app without adhering to the rules. The companies have had over 300 million app updates approved and distributed between them. | neutral_event | ||
243 | 2019-03-15 | This year's China Central Television (CCTV) consumer rights show, similar to CBS network's 60 Minutes in the US, is expected to draw attention due to Beijing's ongoing trade war with the US and criticism of foreign brands regarding Taiwan and Huawei. Companies, including Apple and Nike, have faced scrut | 46.212502 | 46.832500 | 45.935001 | 45.177055 | 156171600 | 0 | 1. CCTV Consumer Rights Show: an annual event in China similar to 60 Minutes in the US\n 2. Beijing's trade war with the US: ongoing political and economic conflict between China and the United States\n 3. Criticism of foreign brands: negative public perception towards certain international companies\n 4. Taiwan and Huawei: specific entities under scrutiny due to their involvement in the trade dispute\n\n Topics:\n 1. CCTV Consumer Rights Show\n 2. Beijing-US Trade War\n 3. Criticism of Foreign Brands\n - Taiwan\n - Huawei\n\n Note: The topics listed above are not mutually exclusive and | neutral_event | ||
244 | 2019-03-15 | Oracle stock declined by 8.15% in premarket trade after CEO Safra Catz warned of a potential revenue drop up to 2 billion for the current quarter, marking the fourth consecutive quarterly decline due to challenges in cloud services growth. | 46.212502 | 46.832500 | 45.935001 | 45.177055 | 156171600 | 0 | Topic 1:\n Oracle\n \n Summary:\n Oracle stock experienced a significant decrease of 8.15% in pre-market trade.\n\n Keywords:\n Oracle, stock, decrease, pre-market trade\n\n Topic 2:\n CEO Safra Catz\n\n Summary:\n Oracle CEO, Safra Catz, issued a warning about potential revenue drop for the current quarter.\n\n Keywords:\n CEO, Safra Catz, warning, revenue drop\n\n Topic 3:\n Potential revenue drop\n\n Summary:\n Oracle may experience a revenue drop of up to 2 billion for the current | neutral_event | ||
245 | 2019-03-18 | Facebook's stock price dropped more than 3% on Monday following downgrades from Needham and Bank of America, with concerns over the company's pivot towards privacy and encrypted messages, as well as regulatory risks, impacting its ability to monetize data. The stock had previously rebounded 22% this year but | 46.450001 | 47.097500 | 46.447498 | 45.638241 | 104879200 | -1 | 1. Event: Facebook's stock price drop\n 2. Topics:\n a. Facebook's stock market performance\n b. Downgrades from Needham and Bank of America\n c. Concerns over Facebook's pivot towards privacy and encrypted messages\n d. Regulatory risks\n e. Monetization of data\n 3. Summary: Facebook's stock price dropped following downgrades due to concerns over the company's shift towards privacy, encrypted messages, and regulatory risks, which may impact its ability to monetize data. | negative_event | ||
246 | 2019-03-18 | Banks and tech sectors led Wall Street higher, while Boeing and Facebook weighed on gains. The Dow, S&P 500, and Nasdaq all closed in positive territory after a strong week, with eight of the eleven major sectors advancing. Energy and financial companies gained from oil price increases and IPOs, respectively | 46.450001 | 47.097500 | 46.447498 | 45.638241 | 104879200 | 0 | 1. Topic 1: Stock Market Performance\n - Keywords: Wall Street, higher, Dow, S&P 500, Nasdaq, positive territory, eight of the eleven major sectors, advancing\n - Summary: The stock market, specifically the Dow, S&P 500, and Nasdaq, experienced growth with eight out of eleven sectors contributing to the increase.\n\n 2. Topic 2: Banks and Tech Sectors\n - Keywords: banks, tech sectors, led, gains\n - Summary: The banking and technology sectors were the leading contributors to the stock market's upward trend.\n\n 3. Topic 3: | neutral_event | ||
247 | 2019-03-18 | Foxconn, a leading tech company, announced it will complete construction of its new factory in Wisconsin by the end of this year to manufacture liquid crystal display screens. The facility's initial phase will produce Generation 6 LCD screens for education, medical, entertainment, and other sectors. Foxconn initially aimed to build advanced displays for TVs but | 46.450001 | 47.097500 | 46.447498 | 45.638241 | 104879200 | 1 | 1. Company: Foxconn\n 2. Industry: Tech, leading, manufacturing\n 3. Location: Wisconsin\n 4. Construction: Completing new factory by end of year\n 5. Product: Liquid crystal display screens (LCD)\n 6. Initial phase production: Generation 6 LCD screens\n 7. Sectors: Education, medical, entertainment\n 8. Future plans: Advanced displays for TVs (previously aimed for)\n\nTopics:\n1. Foxconn\n2. Tech industry\n3. Wisconsin factory construction\n4. Liquid crystal display screens (LCD)\n5. Generation 6 LCD screens production\n6. Education, medical | positive_event | ||
248 | 2019-03-18 | The S&P 500 rose on Monday, with gains in energy and consumer discretionary stocks offsetting losses for Boeing and Facebook. The Dow Jones and Nasdaq Composite also advanced. Energy stocks gained due to rising oil prices after Saudi Arabia suggested extending supply cuts into the second half of 2019. Cons | 46.450001 | 47.097500 | 46.447498 | 45.638241 | 104879200 | 0 | 1. Topic 1: Stock Market Performance\n - Summary: The S&P 500, Dow Jones, and Nasdaq Composite experienced gains on Monday.\n\n 2. Topic 2: Energy Sector\n - Summary: Energy stocks rose due to increasing oil prices following Saudi Arabia's suggestion of extending supply cuts into the second half of 2019.\n\n 3. Topic 3: Boeing and Facebook\n - Summary: Both companies experienced losses on Monday, offsetting gains in other sectors. | neutral_event | ||
249 | 2019-03-18 | In an unexpected move, Apple introduced new iPad Air and updated iPad Mini models ahead of its March 25 event. The devices come with the latest A12 Bionic chip, support for Apple Pencil and Smart Keyboard. While hardware upgrades have been a focus in past events, this year's edition is anticipated to emphasize | 46.450001 | 47.097500 | 46.447498 | 45.638241 | 104879200 | 1 | 1. Apple: The tech company\n 2. New iPad Air and updated iPad Mini models: Newly released tablet devices\n 3. A12 Bionic chip: Latest technology used in the new tablets\n 4. Apple Pencil and Smart Keyboard: Accessories compatible with the new tablets\n 5. March 25 event: Upcoming Apple event where more information may be shared\n\n Topics:\n 1. Apple introduces new iPad Air and updated iPad Mini models\n 2. New tablets come with A12 Bionic chip, support for Apple Pencil and Smart Keyboard\n 3. Anticipated focus on software upgrades at March 25 | positive_event | ||
250 | 2019-03-19 | Finnish game developer Rovio, known for Angry Birds, has released a new augmented reality (AR) game called Angry Birds Isle of Pigs. Developed in collaboration with Swedish studio Resolution Games, the game utilizes Apple's ARKit technology to allow players to overlay the 3D environment onto | 47.087502 | 47.247501 | 46.480000 | 45.276569 | 126585600 | 0 | 1. Topic: Rovio - Finnish game developer known for Angry Birds\n 2. Topic: Angry Birds Isle of Pigs - New AR game by Rovio\n 3. Topic: Augmented Reality (AR) - Technology used in the game\n 4. Topic: Apple's ARKit - Specific technology utilized for AR implementation\n 5. Event: Release of a new AR game called Angry Birds Isle of Pigs\n 6. Action: Collaboration between Rovio and Swedish studio Resolution Games on the development of the game. | neutral_event | ||
251 | 2019-03-19 | Tesla's CEO Elon Musk faces SEC scrutiny again for tweets without pre-approval, causing a slip in TSLA stock. | 47.087502 | 47.247501 | 46.480000 | 45.276569 | 126585600 | 0 | Topic 1:\n ------------------\n Elon Musk (CEO of Tesla)\n SEC (Securities and Exchange Commission)\n Scrutiny\n Tweets without pre-approval\n Slip in TSLA stock\n\n Summary:\n --------\n Elon Musk, CEO of Tesla, is under investigation by the Securities and Exchange Commission (SEC) for making tweets without prior approval. This action led to a decline in Tesla's stock price (TSLA). | neutral_event | ||
252 | 2019-03-19 | Samsung Electronics reported strong sales for its new Galaxy flagship smartphones in China despite significant market share losses to Chinese rivals like Huawei. The company is optimistic about its performance in the world's largest smartphone market and plans to introduce a new handset with a big bending screen and 5G connection, features not | 47.087502 | 47.247501 | 46.480000 | 45.276569 | 126585600 | 1 | 1. Samsung Electronics: This topic refers to the South Korean multinational electronics company that manufactures and sells various consumer and industrial products, including smartphones.\n 2. Strong sales for new Galaxy flagship smartphones: This topic signifies the successful sales figures of Samsung's latest high-end smartphone models in the market.\n 3. China: This is a geographical location where the sales data was reported and where Samsung faces significant competition from Chinese rivals.\n 4. Significant market share losses to Chinese rivals like Huawei: This topic indicates that Samsung has experienced a decrease in its market share due to competition from Chinese smartphone manufacturers, specifically Huawei.\n | positive_event | ||
253 | 2019-03-20 | Apple introduced updated AirPods headphones on March 20, featuring improved battery life and an optional wireless charging case. The new AirPods are powered by Apple's latest chip and are available starting March 27 for | 46.557499 | 47.372501 | 46.182499 | 45.672226 | 124140800 | -1 | 1. Subjects/Entities: Apple, AirPods, updated AirPods, battery life, wireless charging case, chip\n 2. Key Events/Actions: Introduced, Featuring improved battery life, Optional wireless charging case, Powered by Apple's latest chip, Available for purchase\n 3. Summarized Topics:\n a. Apple introduces updated AirPods with enhanced battery life and optional wireless charging case\n b. New AirPods are powered by Apple's latest chip and available for purchase starting March 27\n c. Standard charging case version priced at | negative_event | ||
254 | 2019-03-20 | In the news article, U.S. stocks were mixed after the close on Wednesday with gains in the Oil, Gas, Consumer Services and Utilities sectors leading shares higher, while losses in the Financials, Healthcare and Consumer Goods sectors led shares lower. The Dow Jones Industrial Average fell 0.55%, S& | 46.557499 | 47.372501 | 46.182499 | 45.672226 | 124140800 | 0 | 1. Topics: U.S. stocks, close of Wednesday, gains (Oil, Gas, Consumer Services, Utilities), losses (Financials, Healthcare, Consumer Goods)\n 2. Summary: Mixed performance of U.S. stocks on Wednesday with sectors like Oil, Gas, Consumer Services, and Utilities experiencing gains, while Financials, Healthcare, and Consumer Goods sectors faced losses. The Dow Jones Industrial Average declined by 0.55%. | neutral_event | ||
255 | 2019-03-21 | Apple's stock price increased by 4.01 to trade at | 47.505001 | 49.082500 | 47.452499 | 47.354347 | 204136800 | -1 | 1. Apple's stock price: Increased by 4.01 to trade at | negative_event | ||
256 | 2019-03-21 | IOTA's partnership with payments and banking services app Zeux has enabled users to use MIOTA tokens as payment with merchants accepting Apple Pay and Samsung Pay. This development, according to IOTA Foundation's David Snsater and Zeux's Frank Zhou, will provide significant convenience benefits and drive widespread crypto adoption. | 47.505001 | 49.082500 | 47.452499 | 47.354347 | 204136800 | -1 | Topic 1:\n IOTA's partnership with payments app Zeux\n\n Summary: IOTA has partnered with payments app Zeux to enable the use of MIOTA tokens as payment with merchants accepting Apple Pay and Samsung Pay.\n\n --------------------------------------------------\n\n Topic 2:\n Use of MIOTA tokens as payment\n\n Summary: Users can now use MIOTA tokens as a form of payment through Zeux, which is accepted by merchants using Apple Pay and Samsung Pay.\n\n --------------------------------------------------\n\n Topic 3:\n Convenience benefits of the partnership\n\n Summary: The partnership between IOTA and Zeux | negative_event | ||
257 | 2019-03-21 | Zeux, an FCA-regulated payments app, announced support for IOTA's MIOTA tokens. Users can now use these tokens to make payments at merchants accepting Apple Pay and Samsung Pay. The partnership between Zeux and the IOTA Foundation aims to increase convenience and adoption of IOTA within the crypto community. | 47.505001 | 49.082500 | 47.452499 | 47.354347 | 204136800 | 0 | Topic 1:\n ------------------\n Zeux, an FCA-regulated payments app, announces support for IOTA's MIOTA tokens.\n\n Summary:\n Zeux, a regulated payments app, integrates IOTA's MIOTA tokens for transactions.\n\n Keywords: Zeux, payments app, FCA-regulated, IOTA, MIOTA tokens, integration.\n \n Topic 2:\n ------------------\n Users can now use these tokens to make payments at merchants accepting Apple Pay and Samsung Pay.\n\n Summary:\n MIOTA token holders can utilize their tokens for transactions at merch | neutral_event | ||
258 | 2019-03-21 | Tesla has filed a lawsuit against a former engineer, Guangzhi Cao, for allegedly copying Autopilot source code before joining Chinese startup Xiaopeng Motors Technology Company Ltd. The company also accused four former employees and U.S. self-driving car startup Zoox of stealing proprietary information | 47.505001 | 49.082500 | 47.452499 | 47.354347 | 204136800 | 0 | 1. Topic 1: Tesla (Company)\n 2. Topic 2: Lawsuit\n 3. Topic 3: Former engineer, Guangzhi Cao\n 4. Topic 4: Xiaopeng Motors Technology Company Ltd. (Chinese startup)\n 5. Topic 5: Alleged theft of Autopilot source code\n 6. Topic 6: Proprietary information\n 7. Key Events: Tesla files lawsuit against former engineer and Chinese startup for alleged intellectual property theft.\n 8. Summary: Tesla accuses a former engineer, Guangzhi Cao, and Xiaopeng Motors Technology | neutral_event | ||
259 | 2019-03-21 | Tech stocks, led by Apple Inc., drove a broad market rally on Wall Street as investors' concerns over economic slowdown due to the Federal Reserve were alleviated by positive economic data. The Dow Jones Industrial Average rose 0.84%, S&P 500 gained 1.09%, and Nasdaq Composite | 47.505001 | 49.082500 | 47.452499 | 47.354347 | 204136800 | 1 | 1. Topics: Tech stocks, Apple Inc., market rally, Wall Street, investors, economic data, Federal Reserve, economic slowdown\n 2. Summary: Tech stocks, led by Apple Inc., rallied on Wall Street as investors' concerns over an economic slowdown due to the Federal Reserve were alleviated by positive economic data.\n The Dow Jones Industrial Average rose 0.84%, S&P 500 gained 1.09%, and Nasdaq Composite experienced similar growth. | positive_event | ||
260 | 2019-03-21 | The European Union's Antitrust Commissioner, Margrethe Vestager, has announced her candidacy for the presidency of the next European Commission. Known for enforcing competition rules and fining large corporations like Google and Apple, Vestager was put forward by the European liberal party, alongside six other prominent politicians. With | 47.505001 | 49.082500 | 47.452499 | 47.354347 | 204136800 | -1 | 1. EU Antitrust Commissioner Margrethe Vestager\n 2. Candidacy for European Commission presidency\n 3. Enforcing competition rules\n 4. Fining corporations (Google, Apple)\n 5. Endorsed by European liberal party\n 6. Six other prominent politicians also candidates. | negative_event | ||
261 | 2019-03-22 | Donald Trump has announced his intention to nominate Stephen Moore, a Heritage Foundation fellow and longtime supporter, for a seat on the Federal Reserve Board. The move may be aimed at checking current chairman Jerome Powell, who fell out of favor with Trump following rate increases that could slow economic growth ahead of his 2020 reelection | 48.834999 | 49.422501 | 47.695000 | 46.373718 | 169630800 | 1 | 1. Topics:\n - Donald Trump\n - Stephen Moore\n - Federal Reserve Board\n - Jerome Powell\n - Chairman of the Federal Reserve\n - Economic growth\n - Reelection\n\n 2. Summarized topics:\n - President Trump intends to nominate Stephen Moore for a seat on the Federal Reserve Board.\n - Moore is a Heritage Foundation fellow and supporter of Trump.\n - The move could be aimed at checking current Fed Chairman Jerome Powell.\n - Trump reportedly disfavors Powell following rate increases that may slow economic growth before the 2020 election. | positive_event | ||
262 | 2019-03-22 | Myer, Australia's largest department store chain, announced it will stop selling Apple products due to weak demand and unprofitable sales. The decision applies to all 16 stores carrying Apple items, both online and offline. Apple's iPhone has faced declining demand globally, particularly in China due to the US-China trade | 48.834999 | 49.422501 | 47.695000 | 46.373718 | 169630800 | -1 | 1. Topic 1: Myer (Australia's largest department store chain)\n - Event: Discontinuing sales of Apple products\n - Keywords: Myer, department store, discontinuing sales, Apple products\n\n 2. Topic 2: Apple\n - Events: Weak demand and unprofitable sales\n - Keywords: Apple, weak demand, unprofitable sales\n\n 3. Topic 3: iPhone\n - Event: Declining demand globally\n - Keywords: iPhone, declining demand\n\n 4. Topic 4: China\n - Event: Impact on Apple's sales due to US-China trade | negative_event | ||
263 | 2019-03-25 | This news article reports that the S&P 500 Index ended slightly lower on Monday due to concerns about a slowdown in global economic growth and as Apple's shares fell after the tech giant unveiled its video streaming service. The yield curve between three-month bills and ten-year notes inverted further, with benchmark | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | -1 | 1. Global Economic Growth: Concerns about a potential slowdown in global economic growth mentioned in the news article.\n 2. S&P 500 Index: The stock market index ended slightly lower due to economic concerns and Apple's shares performance.\n 3. Apple: Tech giant saw its shares fall after unveiling its video streaming service.\n 4. Yield Curve Inversion: The yield curve between three-month bills and ten-year notes inverted further, indicating economic uncertainty.\n\n Summary of Topics:\n 1. Global Economic Growth concerns\n 2. S&P 500 Index performance\n 3. Apple and its video streaming service | negative_event | ||
264 | 2019-03-25 | Wall Street is poised for a lower open on Monday amidst lingering concerns over economic slowdown and potential U.S. recession, with the S&P 500 and Nasdaq 100 futures experiencing losses. The Dow Jones Industrial Average saw minimal declines. The inversion of the U.S. | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. Economy: Wall Street anticipates a lower open due to concerns over economic slowdown.\n 2. Stock Market: S&P 500, Nasdaq 100 futures experiencing losses; Dow Jones Industrial Average saw minimal declines.\n 3. Recession: Potential U.S. recession is a lingering concern.\n 4. Inversion: The inversion of the U.S. (possibly yield curve) is mentioned but not explicitly stated as a cause for concern in this headline.\n\nOutput:\n1. Economy and Stock Market concerns leading to potential lower open on Wall Street.\n2. Possible U.S. recession remains a | neutral_event | ||
265 | 2019-03-25 | Inverted U.S. Treasury yield curve turns positive after a brief inversion, signaling possible economic recovery but also raising recession fears; stock index futures indicate lower open as investors remain cautious amidst economic uncertainty; Mueller report clears Trump of collusion with Russia, sparking political debates; German business morale unexpected | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. Economic Recovery / Inversion of U.S. Treasury Yield Curve: The yield curve has turned positive after a brief inversion, which can be seen as a potential sign of economic recovery.\n 2. Stock Market / Investor Caution: Stock index futures indicate a lower open as investors remain cautious due to economic uncertainty.\n 3. Mueller Report / Trump / Collusion with Russia: The Mueller report has cleared Trump of collusion with Russia, leading to political debates.\n 4. German Business Morale / Unexpected: German business morale is unexpected.\n\nOutput:\n[1] Economic Recovery, U.S. Treasury Yield Curve | neutral_event | ||
266 | 2019-03-25 | The U.S stock market saw a mixed performance on Monday, with the S&P 500 and Nasdaq Composite posting small losses while the Dow Jones Industrial Average eked out gains. Falling U.S government bond yields kept recession fears alive, despite analysts' upbeat outlook on global growth. Goldman | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. U.S Stock Market: The S&P 500 and Nasdaq Composite experienced small losses, while the Dow Jones Industrial Average gained.\n 2. Mixed performance of U.S stock market: S&P 500 and Nasdaq Composite had declines, while the Dow Jones Industrial Average showed gains.\n 3. Falling U.S government bond yields: Yields decreased, fueling recession fears.\n 4. Recession fears: Despite positive global growth outlook from analysts, concerns about a potential economic downturn persisted due to falling bond yields.\n\nTopics:\n1. U.S Stock Market Performance\n2. S | neutral_event | ||
267 | 2019-03-25 | The U.S. stock market experienced mixed performance after the close on Monday, with gains in Consumer Goods, Consumer Services, and Industrials sectors outweighing losses in Technology, Basic Materials, and Financials sectors. The Dow Jones Industrial Average rose 0.06%, while the S&P 5 | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 1 | 1. Subjects/Entities: U.S. stock market, Consumer Goods sector, Consumer Services sector, Industrials sector, Technology sector, Basic Materials sector, Financials sector, Dow Jones Industrial Average, S&P 500\n 2. Key Events/Actions: Mixed performance of the U.S. stock market after close on Monday, gains in certain sectors (Consumer Goods, Consumer Services, Industrials), losses in other sectors (Technology, Basic Materials, Financials)\n 3. Summary Topics:\n - Stock market performance\n - Gains in Consumer Goods, Consumer Services, and Industrials sectors\n | positive_event | ||
268 | 2019-03-25 | Apple Inc. held a Hollywood-style event to announce its new television streaming service, featuring Oprah Winfrey, Steven Spielberg, Jennifer Aniston, and Jason Momoa promoting original content. Apple aims to reinvent itself as an entertainment and financial services company amid falling iPhone sales. Over 30 shows have been commissioned, including projects | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 1 | 1. Apple Inc.: The tech company held a high-profile event to introduce its new television streaming service.\n 2. New Television Streaming Service: Apple unveiled its latest offering in the media industry.\n 3. Hollywood-style Event: Apple utilized a glamorous presentation for the announcement.\n 4. Original Content: The company commissioned original shows and series for its streaming platform.\n 5. Oprah Winfrey, Steven Spielberg, Jennifer Aniston, Jason Momoa: These celebrities were present to promote their involvement in the new service.\n 6. Reinventing as an Entertainment and Financial Services Company: Apple aims to expand beyond tech sales with these new ventures.\n | positive_event | ||
269 | 2019-03-25 | Apple is set to unveil a television and movie streaming service on Monday, along with a new games subscription service for its App Store. The gaming service will focus on iPhones and iPads, bundling together paid games from various developers for a monthly fee. Notably, the service won't compete directly with cloud-based offer | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. Apple: The tech company is making an announcement.\n 2. Television and movie streaming service: Apple will introduce a new media streaming platform.\n 3. Monday: The date of the event.\n 4. New games subscription service: Apple is launching a gaming service for its App Store.\n 5. iPhones and iPads: The devices supported by the gaming service.\n 6. Monthly fee: Users will pay a recurring charge for access to the bundled games.\n 7. Cloud-based services: Apple's new offering won't directly compete with these types of streaming platforms.\n\nTopics:\n1. Apple\n2. Television and movie streaming service | neutral_event | ||
270 | 2019-03-25 | This news article reports on the pressured decline of Wall Street indices on Monday, with concerns over economic outlook dominating despite positive developments. The yield curve inversion, which had occurred on Friday, returned to normal but failed to ease investor anxiety. The Chicago Federal Reserve Bank President and former Fed Chairwoman downplayed recession concerns, while | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. Economic outlook: Concerns over the economic outlook dominated the news despite positive developments.\n 2. Wall Street indices: Decline of Wall Street indices on Monday.\n 3. Yield curve inversion: Occurred on Friday but failed to ease investor anxiety when it returned to normal.\n 4. Investor anxiety: Prevailed due to economic concerns, despite the yield curve returning to normal.\n 5. Chicago Federal Reserve Bank President and former Fed Chairwoman: Downplayed recession concerns.\n\n Summary:\n 1. Economic concerns dominated news despite positive developments.\n 2. Wall Street indices experienced a decline.\n 3. Yield curve inversion | neutral_event | ||
271 | 2019-03-25 | Viacom's stock surged 8.04% in premarket trade on Monday following the renewal of its contract with AT&T, preventing a blackout of MTV, Nickelodeon, and Comedy Central for DirecTV users. Nike faced a 1.37% decline due to a | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. Viacom: Renewal of contract with AT&T, prevention of blackout for DirecTV users\n 2. Viacom (Via MTV, Nickelodeon, Comedy Central): Contract renewal with AT&T\n 3. AT&T: Renewal of contract with Viacom\n 4. Stock market: Viacom's stock surged 8.04%\n 5. Companies: Viacom, AT&T\n 6. Television: MTV, Nickelodeon, Comedy Central\n 7. Business: Contract renewal\n\n 2. Nike: 1.37% decline\n \n No clear main topics or | neutral_event | ||
272 | 2019-03-25 | Asian shares rebounded slightly on Tuesday after a tumultuous session the previous day, with China's Shanghai Composite and Shenzhen Component both showing gains. The Hang Seng Index in Hong Kong and Japan's Nikkei 225 also rose. However, shares of Apple supplier AAC Technologies Holdings | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. Asian shares: Collective term for stock markets in Asia.\n 2. Rebounded slightly: Improvement or recovery in the stock market after a period of decline.\n 3. Tuesday: Specific day mentioned.\n 4. China's Shanghai Composite and Shenzhen Component: Stock market indices for Shanghai and Shenzhen, respectively, in China.\n 5. Gains: Increase in value or positive return.\n 6. Hang Seng Index: Stock market index for Hong Kong.\n 7. Japan's Nikkei 225: Stock market index for Japan.\n 8. Apple supplier AAC Technologies Holdings: Specific company mentioned, | neutral_event | ||
273 | 2019-03-25 | Apple announced a host of new subscription services during its event, including ad-free streaming TV service Apple TV+, gaming service Apple Arcade, and a paid news service AppleNews. Apple TV+ will include original content and be available in 100 countries this autumn, while pricing remains undisclosed. Apple Arcade will offer over | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. Topic: Apple's New Subscription Services\n - Apple announced new subscription services: Apple TV+, Apple Arcade, and AppleNews.\n - Apple TV+ is an ad-free streaming TV service with original content available in 100 countries this autumn.\n - Pricing for Apple TV+ remains undisclosed.\n - Apple Arcade offers a gaming service with over [number] games.\n 2. Topic: Apple TV+\n - Apple's new ad-free streaming TV service.\n - Includes original content.\n - Available in 100 countries this autumn.\n - Pricing undisclosed. | neutral_event | ||
274 | 2019-03-26 | Tesla's stock rose by 8.15% in premarket trade on Tuesday following the dismissal of a lawsuit over production claims for its Model 3 car. Bed Bath & Beyond's stock surged 17.2% after The Wall Street Journal reported that three activist funds were attempting to replace its entire board due | 47.915001 | 48.220001 | 46.145000 | 45.339684 | 199202000 | 1 | 1. Tesla: Increase in Tesla's stock price (8.15%) during premarket trade, dismissal of lawsuit over Model 3 production claims\n 2. Bed Bath & Beyond: Surge in Bed Bath & Beyond's stock price (17.2%), reports of activist funds aiming to replace entire board. | positive_event | ||
275 | 2019-03-26 | The Dow Jones Industrial Average rose, with energy stocks driving gains as oil prices advanced amid supply concerns. However, weak economic data, including a decline in U.S. housing starts and consumer confidence, kept gains in check. Apple fell on a patent infringement ruling, while Viacom surged on full-year guidance and merger rumors | 47.915001 | 48.220001 | 46.145000 | 45.339684 | 199202000 | -1 | 1. Topic 1: Stock Market (Dow Jones Industrial Average)\n - Key Events: Rise in the stock market\n - Relevant Keywords: Dow Jones Industrial Average, gained\n\n 2. Topic 2: Energy Sector and Oil Prices\n - Key Events: Energy stocks driving gains, oil prices advanced\n - Relevant Keywords: energy stocks, oil prices, supply concerns\n\n 3. Topic 3: Economic Data\n - Key Events: Weak economic data, decline in U.S. housing starts and consumer confidence\n - Relevant Keywords: weak economic data, U.S. housing starts, consumer confidence\n\n 4. Top | negative_event | ||
276 | 2019-03-26 | Goldman Sachs has announced a credit card partnership with Apple, aiming to tap into iPhone users and expand its consumer business. However, entering the co-branded cards market could be challenging, as retailers often hold sway and Goldman faces shareholder concerns over growing unsecured debt. The first Goldman Sachs credit card offers no | 47.915001 | 48.220001 | 46.145000 | 45.339684 | 199202000 | 0 | 1. Goldman Sachs: A financial institution announcing a partnership with Apple.\n 2. Apple: A technology company involved in a credit card partnership with Goldman Sachs.\n 3. Consumer business: Goldman Sachs' goal to expand in this area through the partnership.\n 4. iPhone users: The target demographic for the new credit cards.\n 5. Co-branded cards market: The industry Goldman Sachs is entering, which may present challenges.\n 6. Retailers: Entities that hold sway in the co-branded cards market.\n 7. Shareholder concerns: Issues regarding Goldman Sachs' growing unsecured debt.\n\n | neutral_event | ||
277 | 2019-03-26 | In a setback for Qualcomm, the full U. S International Trade Commission (ITC) rejected its bid to block imports of certain Apple iPhones in a final ruling on one dispute between the companies. An earlier non-binding recommendation from an administrative judge in favor of Qualcomm is now under review by the agency. | 47.915001 | 48.220001 | 46.145000 | 45.339684 | 199202000 | 0 | Topic 1:\n ------------------\n Company: Qualcomm\n Event: ITC rejected Qualcomm's bid to block Apple iPhones imports\n Summary: The International Trade Commission (ITC) denied Qualcomm's attempt to prevent the import of certain iPhone models into the US. | neutral_event | ||
278 | 2019-03-27 | Lyft raised the price range for its IPO due to strong investor demand, targeting a valuation of up to $24.3 billion. This would make it the biggest US IPO since Alibaba in 2014, surpassing Snap's market cap at the time. Despite mounting losses and | 47.187500 | 47.439999 | 46.637501 | 45.747482 | 119393600 | 1 | 1. Topic 1: Lyft IPO\n - Keywords: Lyft, IPO, price range, investor demand, valuation\n - Summary: Lyft increased its IPO target valuation due to high investor interest, potentially reaching up to $24.3 billion, making it the largest US IPO since Alibaba in 2014.\n\n 2. Topic 2: Investor Demand\n - Keywords: investor demand, Lyft IPO, valuation\n - Summary: Strong investor interest led to an increased target valuation for Lyft's IPO.\n\n 3. Topic 3: Valuation\n | positive_event | ||
279 | 2019-03-27 | The S&P 500 and Dow Jones Industrial Average declined on Wednesday due to decreasing U.S. government bond yields, which fueled recession fears. The benchmark 10-year yield fell to a 14-month low below 2.40%. Energy stocks were hit by the decline in WTI | 47.187500 | 47.439999 | 46.637501 | 45.747482 | 119393600 | -1 | 1. Topics:\n - S&P 500\n - Dow Jones Industrial Average\n - U.S. government bond yields\n - Recession fears\n - 10-year yield\n - Energy stocks\n - WTI\n\n 2. Summarized topics:\n - Stock market decline: The S&P 500 and Dow Jones Industrial Average experienced a drop due to decreasing U.S. government bond yields.\n - Recession fears: The decline in bond yields fueled concerns about an economic recession.\n - Low 10-year yield: The benchmark 10-year yield reached a 14-month | negative_event | ||
280 | 2019-03-27 | Apple held an event at its Cupertino headquarters on Monday, where the focus was on the company's new TV service. However, the biggest announcement was not about original TV shows or subscription services but rather a new credit card called the Apple Card. Apple introduced Apple Pay in 2014 as a more secure and convenient alternative to plastic | 47.187500 | 47.439999 | 46.637501 | 45.747482 | 119393600 | 0 | 1. Topic 1: Apple Event\n - Keywords: Apple, event, Cupertino headquarters\n - Summary: Apple held an event at its headquarters to announce new products or services.\n\n 2. Topic 2: New TV Service\n - Keywords: new TV service, focus\n - Summary: During the event, Apple discussed its new offering in the television industry.\n\n 3. Topic 3: Apple Card\n - Keywords: Apple Card, biggest announcement, credit card\n - Summary: The most significant revelation of the event was the introduction of a new credit card product by Apple.\n\n 4. Topic 4: Original TV Shows | neutral_event | ||
281 | 2019-03-27 | U.S. stocks ended lower on Wednesday, with losses in the Healthcare Technology and Oil & Gas sectors leading the decline. The Dow Jones Industrial Average lost 0.13%, the S&P 500 index declined 0.46%, and the NASDAQ Composite index dropped 0.63%. Bo | 47.187500 | 47.439999 | 46.637501 | 45.747482 | 119393600 | 0 | 1. Topics: U.S. stocks, Dow Jones Industrial Average, S&P 500 index, NASDAQ Composite index, Healthcare Technology sector, Oil & Gas sector\n 2. Summary: Stocks experienced a decline on Wednesday, with the Dow Jones and S&P 500 indices losing 0.13% and 0.46%, respectively. The NASDAQ Composite index dropped by 0.63%. Losses were led by the Healthcare Technology and Oil & Gas sectors. | neutral_event | ||
282 | 2019-03-28 | Sony Corp is shutting down its Beijing smartphone plant due to cost-cutting measures aimed at making the money-losing business profitable from next year. The decision is not related to U.S.-China trade tensions. The closure will result in a loss of 95 billion yen for the financial year ending this month | 47.237499 | 47.389999 | 46.882500 | 45.808159 | 83121600 | -1 | Topic 1:\n Company: Sony Corp\n Event: Shutting down Beijing smartphone plant\n Reason: Cost-cutting measures\n Impact: Loss of 95 billion yen in current financial year\n Summary: Sony Corp is closing its Beijing smartphone plant as part of cost-cutting efforts, resulting in a loss of 95 billion yen this year. | negative_event | ||
283 | 2019-03-28 | Kazuo Hirai, Sony's chairman who led the company's revival from years of losses in consumer electronics, is retiring in June. Under Hirai and finance chief Kenichiro Yoshida, Sony transformed into an entertainment firm with steady revenue from music content and gaming. The company is on track for another record profit this | 47.237499 | 47.389999 | 46.882500 | 45.808159 | 83121600 | 1 | 1. Topic 1: Kazuo Hirai (Sony's chairman)\n - Keywords: Kazuo Hirai, chairman, retirement\n\n 2. Topic 2: Sony\n - Keywords: Sony, company, transformation, entertainment firm, revenue, music content, gaming\n\n 3. Topic 3: Consumer electronics\n - Keywords: consumer electronics, losses, revival\n\n 4. Topic 4: Kenichiro Yoshida (Sony's finance chief)\n - Keywords: Kenichiro Yoshida, finance chief\n\n 5. Topic 5: Transformation\n - Keywords: transformation | positive_event | ||
284 | 2019-03-29 | Daimler, a German carmaker, has lodged a complaint against Nokia with EU antitrust regulators over essential patents for car communications. The tensions between tech companies and the auto industry are heightening as tech firms' technologies become crucial for navigation systems, vehicle-to-vehicle communication, and self-driving | 47.457500 | 47.520000 | 47.134998 | 46.106716 | 94256000 | -1 | 1. Daimler (German carmaker)\n 2. Nokia (tech company)\n 3. EU antitrust regulators\n 4. Complaint filed over essential patents for car communications\n 5. Tech firms' technologies becoming crucial for:\n a. Navigation systems\n b. Vehicle-to-vehicle communication\n c. Self-driving technology\n\nTopics:\n1. Daimler vs Nokia dispute\n2. EU antitrust investigation into essential patents for car communications\n3. Role of tech firms in the auto industry (navigation systems, vehicle-to-vehicle communication, self-driving technology) | negative_event | ||
285 | 2019-03-29 | Apple announced the cancellation of its AirPower wireless charging mat, a product intended to charge up to three devices at once, including an iPhone, Apple Watch, and AirPods. The company stated that it could not meet its high standards for the project and apologized to customers. Apple continues to push for wireless technology but has faced challenges with fast, | 47.457500 | 47.520000 | 47.134998 | 46.106716 | 94256000 | -1 | 1. Topic 1: Apple's AirPower wireless charging mat\n - Event: Cancellation of the product\n - Keywords: Apple, AirPower, wireless charging mat, cancellation\n\n 2. Topic 2: Devices compatible with AirPower\n - Events: Included iPhone, Apple Watch, and AirPods for charging\n - Keywords: iPhone, Apple Watch, AirPods, charge\n\n 3. Topic 3: High standards of Apple\n - Event: Unable to meet these standards for the project\n - Keywords: high standards, project, Apple\n\n 4. Topic 4: Apology to customers\n - Event | negative_event | ||
286 | 2019-04-02 | Apple and other consumer brands, including LVMH's Louis Vuitton and Kering's Gucci, reduced prices for their products in China following a cut in the country's value-added tax rate. The discounts ranged from up to 500 yuan for some iPhone models to around 3 percent | 41.852501 | 42.915001 | 41.820000 | 41.390125 | 125982000 | 0 | Topic 1:\n Apple and other consumer brands (LVMH's Louis Vuitton, Kering's Gucci)\n \n Summary: Consumer brands, including Apple, have implemented price reductions in China following a value-added tax rate cut.\n\n Topic 2:\n Price reductions\n\n Summary: Brands have reduced prices for their products in response to a tax rate cut in China.\n\n Topic 3:\n China\n\n Summary: The news article focuses on events occurring in China, specifically the reduction of value-added tax rates and its impact on consumer brands' pricing strategies. | neutral_event | ||
287 | 2019-04-02 | Swatch Group successfully defended its use of the "Tick different" slogan against Apple's trademark infringement claim. The Swiss Federal Administrative Court ruled in Swatch's favor, stating that Apple did not provide sufficient evidence to prove "Think Different" was well-known enough in Switzerland to merit protection. Apple' | 41.852501 | 42.915001 | 41.820000 | 41.390125 | 125982000 | 0 | 1. Topic 1: Swatch Group\n - Keywords: Swatch, Group\n 2. Topic 2: Trademark infringement claim\n - Keywords: trademark, infringement, claim\n 3. Topic 3: "Tick different" slogan\n - Keywords: "Tick different", slogan\n 4. Topic 4: Apple\n - Keywords: Apple\n 5. Topic 5: Trademark protection\n - Keywords: protection, well-known enough\n 6. Topic 6: Swiss Federal Administrative Court\n - Keywords: Swiss Federal Administrative Court, ruled in Swatch' | neutral_event | ||
288 | 2019-04-02 | In premarket trade Tuesday, Apple's NASDAQ AAPL stock decreased by 0.15% due to price cuts in China. Amazon's NASDAQ AMZN stock rose by 0.2%, following price reductions at Whole Foods stores. Lyft's NASDAQ LYFT | 41.852501 | 42.915001 | 41.820000 | 41.390125 | 125982000 | 0 | 1. Apple: Decrease in NASDAQ AAPL stock due to price cuts in China\n 2. Amazon: Increase in NASDAQ AMZN stock following price reductions at Whole Foods stores.\n\nSummary:\n1. Apple: Price cuts in China affecting NASDAQ AAPL stock\n2. Amazon: Price reductions at Whole Foods leading to increase in NASDAQ AMZN stock. | neutral_event | ||
289 | 2019-04-02 | In US markets, futures for the Dow, S&P 500, and Nasdaq were mostly flat on Tuesday. Crude oil prices reached a new high of $62.13 a barrel due to output cuts by OPEC producers. Boeing suffered pre-market losses after a software update delay for its trou | 41.852501 | 42.915001 | 41.820000 | 41.390125 | 125982000 | -1 | 1. US markets: Flat performance of Dow, S&P 500, and Nasdaq futures.\n 2. Crude oil: Reached new high of 62.13 a barrel due to OPEC output cuts.\n 3. Boeing: Pre-market losses due to software update delay.\n\nTopics:\n1. US markets: Flat performance of Dow, S&P 500, and Nasdaq futures.\n2. Crude oil: Price increase to62.13 a barrel due to OPEC output cuts.\n3. Boeing: Software update delay causing pre-market losses. | negative_event | ||
290 | 2019-04-03 | Japan Display, a key Apple supplier, is set to begin providing OLED screens for the Apple Watch later this year. This represents a breakthrough for the cash-strapped company, whose shift to OLED came late and cost it orders from Apple. The deal marks Japan Display's entry into the OLED market, which is currently dominated by | 43.922501 | 44.437500 | 43.492500 | 42.684212 | 109744800 | 1 | 1. Apple: A tech company that is set to receive OLED screens from Japan Display for the Apple Watch.\n 2. Japan Display: A cash-strapped company that will begin supplying OLED screens to Apple for the Apple Watch, marking its entry into the OLED market.\n 3. OLED Screens: The type of display technology that Japan Display will provide to Apple for the Apple Watch.\n 4. Apple Watch: A wearable device produced by Apple that will receive OLED screens from Japan Display.\n 5. Entry into the OLED market: Japan Display's expansion into a market currently dominated by other companies.\n 6. Cash-strapped company: Japan Display's | positive_event | ||
291 | 2019-04-03 | The S&P 500, Dow Jones Industrial Average, and Nasdaq Composite closed higher on Wednesday due to optimism over U.S.-China trade talks and surging chip stocks. Myron Brilliant, executive vice president for international affairs at the U.S. Chamber of Commerce, stated that ninety percent | 43.922501 | 44.437500 | 43.492500 | 42.684212 | 109744800 | 0 | 1. Topic 1: Stock Markets (S&P 500, Dow Jones Industrial Average, Nasdaq Composite)\n Summary: The major US stock indices closed higher on Wednesday due to optimism over U.S.-China trade talks and strong chip stocks performance.\n\n 2. Topic 2: Trade Talks between US and China\n Summary: Optimism surrounding the ongoing trade negotiations between the United States and China contributed to the positive market sentiment.\n\n 3. Topic 3: Myron Brilliant (Executive Vice President for International Affairs at the U.S. Chamber of Commerce)\n Summary: Myron Brilliant expressed a positive outlook | neutral_event | ||
292 | 2019-04-03 | In the first quarter, Samsung Electronics faces challenges including falling memory chip prices and slowing demand for display panels, potentially leading to a significant earnings miss. Chipmakers have been hit hard by a global semiconductor industry glut due to weak smartphone sales, falling investment from data centers, China's economic slowdown, the | 43.922501 | 44.437500 | 43.492500 | 42.684212 | 109744800 | 0 | 1. Samsung Electronics: Q1 challenges with memory chip prices and display panel demand, potential earnings miss\n 2. Semiconductor industry: Glut leading to hardships for chipmakers\n 3. Smartphone sales: Weak market contributing to semiconductor industry issues\n 4. Data centers: Decreased investment affecting the semiconductor industry\n 5. China's economic slowdown: Impacting demand and causing challenges in the tech sector. | neutral_event | ||
293 | 2019-04-04 | Facebook has introduced a business version of WhatsApp, its encrypted messaging app, for iOS devices. The free app will initially be available in Brazil, Germany, Indonesia, India, Mexico, the UK, and the US, with a global rollout planned. It allows small businesses to communicate with customers and currently boasts over 5 million | 48.697498 | 49.092499 | 48.285000 | 47.499989 | 76457200 | 0 | 1. Subjects/Entities: Facebook, WhatsApp, iOS devices, small businesses, customers\n 2. Key Events/Actions: Introduction of business version of WhatsApp for iOS devices, Initial availability in select countries (Brazil, Germany, Indonesia, India, Mexico, UK, US), Global rollout planned\n 3. Relevant Keywords: Business version, WhatsApp, iOS devices, Small businesses, Customers, Communication, Availability, Rollout\n 4. Summarized Topics:\n - Facebook introduces business version of WhatsApp for iOS devices\n - Initial availability in Brazil, Germany, Indonesia, India, Mexico, UK, US with global rollout planned\n | neutral_event | ||
294 | 2019-04-04 | In response to the deadly mosque shootings in Christchurch, Australia passed a new law fining social media and web hosting companies up to 10% of their global turnover and imprisoning executives for up to three years if they fail to remove violent content expeditiously. The legislation specifically targets videos or photographs showing murder, torture | 48.697498 | 49.092499 | 48.285000 | 47.499989 | 76457200 | 0 | 1. **Australia's New Law**: Australia passes a new law targeting social media and web hosting companies.\n 2. **Subjects**: Australia, social media and web hosting companies.\n 3. **Key Events**: Passing of a new law, targeting specific content (murder, torture).\n 4. **Relevant Keywords**: Australia, new law, social media, web hosting companies, violent content, murder, torture.\n 5. **Summary Topics**: Australia enacts stricter regulations on social media and web hosting companies for removing violent content. | neutral_event | ||
295 | 2019-04-04 | EU antitrust regulators should consider compelling tech giants like Google and Amazon to share their data with competitors, instead of breaking them up, according to a report from three academics appointed by European Commissioner Margrethe Vestager. The experts also recommended faster investigations and stronger arguments against "killer acquisitions" to prevent dominance | 48.697498 | 49.092499 | 48.285000 | 47.499989 | 76457200 | 1 | Topic 1:\n EU antitrust regulators and their potential actions towards tech giants (Google and Amazon)\n \n Keywords: EU antitrust regulators, tech giants, Google, Amazon, compelling, share data, competitors, breaking up, investigations, stronger arguments, "killer acquisitions", prevent dominance. | positive_event | ||
296 | 2019-04-04 | Sara Bareilles, a singer-songwriter, has released a new album, "Amidst the Chaos," expressing her emotions over the 2016 US elections. The album includes love songs about former President Barack Obama and Michelle, reflecting her grief and support for social movements like female empowerment. Inspired | 48.697498 | 49.092499 | 48.285000 | 47.499989 | 76457200 | -1 | 1. Sara Bareilles (singer-songwriter)\n 2. New album release: "Amidst the Chaos"\n 3. 2016 US elections\n 4. Emotions and expressions towards former President Barack Obama and Michelle\n 5. Social movements: female empowerment\n\nSummary:\nSara Bareilles, a singer-songwriter, expressed her emotions over the 2016 US elections through her new album "Amidst the Chaos." The album includes love songs about former President Barack Obama and Michelle, reflecting her grief and support for social movements like female empowerment.\n\nTopics:\n1. Sara Bareilles | negative_event | ||
297 | 2019-04-04 | Apple has slashed the price of its iPhone XR model in India by approximately one-fourth, according to sources. The reduction, which includes a credit card cashback campaign, is aimed at boosting sales and competing with more affordable devices from Samsung and OnePlus. The price cut applies to all variants of the iPhone XR on the | 48.697498 | 49.092499 | 48.285000 | 47.499989 | 76457200 | 0 | 1. Topic: Apple's price reduction for iPhone XR in India\n 2. Summary: Apple has decreased the price of its iPhone XR model in India by approximately 25%. This adjustment includes a credit card cashback campaign and is intended to increase sales and challenge competitors like Samsung and OnePlus with more affordable devices. | neutral_event | ||
298 | 2019-04-10 | In March, mobile phone shipments to China dropped by 6 percent from the previous year to 28.4 million units, according to official figures. This is the fifth consecutive month of decline and follows an anemic year in 2018 when total shipments fell 15.5 percent. The slowdown is attributed to | 56.410000 | 56.872501 | 55.972500 | 55.524677 | 138478800 | 0 | 1. Mobile phone shipments to China: A decrease of 6% in March 2019 compared to the previous year, marking the fifth consecutive monthly decline.\n 2. Total mobile phone shipments in 2018: A decline of 15.5%.\n 3. Reasons for the slowdown: Not explicitly stated in the headline but can be inferred as economic factors affecting demand.\n\nTopics:\n1. Mobile phone shipments to China\n2. Decline in mobile phone sales (March and overall in 2018)\n3. Economic factors impacting demand. | neutral_event | ||
299 | 2019-04-10 | Oprah Winfrey and Prince Harry have partnered to create an Apple documentary, set for release next year, aimed at promoting mental health awareness. Harry, who has been vocal about his struggles following his mother's death, revealed that he came close to a breakdown as a child. He and Winfrey, one of the world's | 56.410000 | 56.872501 | 55.972500 | 55.524677 | 138478800 | 1 | 1. Topic 1: Oprah Winfrey and Prince Harry Partnership\n - Summary: Oprah Winfrey and Prince Harry have collaborated to create an Apple documentary focusing on mental health awareness.\n\n 2. Topic 2: Mental Health Awareness\n - Summary: The partnership aims to promote mental health awareness through the creation of a documentary.\n\n 3. Topic 3: Oprah Winfrey's Involvement\n - Summary: Oprah Winfrey is one of the world-renowned figures involved in this collaboration.\n\n 4. Topic 4: Prince Harry's Struggles and Advocacy\n - Summary: | positive_event | ||
300 | 2019-04-10 | Google raised YouTube TV's monthly membership fee by 25% to $49.99, effective April 10 for new subscribers and May 13 for existing ones. The price hike comes with the addition of channels like Discovery, Animal Planet, and TLC, taking the total number to over | 56.410000 | 56.872501 | 55.972500 | 55.524677 | 138478800 | 0 | Topic 1:\n - Google\n - YouTube TV\n - Monthly membership fee increase\n - | neutral_event | ||
301 | 2019-04-10 | Delta Airlines' Q1 earnings surpassed expectations, leading to a 2.7% increase in DAL stock. HSBC downgraded Apple stock due to concerns over returns on investment in services, but Bank of America raised its price target. JetBlue speculation and possible AT&T sale fueled gains for JBLU and T | 56.410000 | 56.872501 | 55.972500 | 55.524677 | 138478800 | 1 | 1. Delta Airlines: Q1 earnings exceeded expectations, causing a 2.7% increase in DAL stock.\n 2. HSBC: Downgraded Apple stock due to concerns over returns on investment in services.\n 3. Bank of America: Raised its price target for Apple.\n 4. JetBlue: Speculation and possible sale fueled gains for JBLU.\n 5. AT&T: No explicit mention of events or actions, but T saw gains related to JetBlue speculation.\n\nTopics:\n1. Delta Airlines: earnings, expectations exceeded, stock increase\n2. HSBC: Apple stock, downgraded, concerns over returns on investment in services | positive_event | ||
302 | 2019-04-11 | Apple is under investigation by the Dutch competition agency, ACM, for allegedly favoring its own apps on the App Store. The probe may expand to Google's Play Store due to similar business practices. Indications of possible anti-competitive behavior include preferential treatment for Apple's own apps, mandatory use of its payment systems with | 64.332497 | 64.462502 | 63.845001 | 62.982265 | 103272000 | 0 | 1. Apple: Subject (Company under investigation)\n 2. Dutch competition agency, ACM: Subject (Regulatory body initiating the investigation)\n 3. Allegedly favoring its own apps: Key Event (Apple accused of bias towards its own apps)\n 4. App Store: Location of alleged favoritism\n 5. Indications of possible anti-competitive behavior: Key Issue (Potential violation of competition laws)\n 6. Preferential treatment for Apple's own apps: Description of the issue\n 7. Mandatory use of its payment systems: Description of the issue\n 8. Probe may expand to Google's Play Store: Potential Expansion | neutral_event | ||
303 | 2019-04-11 | Apple has nearly doubled the number of suppliers using clean energy for production, including major iPhone manufacturers Hon Hai Precision Industry and Taiwan Semiconductor Manufacturing. The companies are part of Apple's initiative to reduce its carbon footprint by encouraging suppliers to build their own renewable energy projects or sign power purchase agreements with new renewable energy | 64.332497 | 64.462502 | 63.845001 | 62.982265 | 103272000 | 1 | Topic 1:\n Apple increasing number of clean energy suppliers\n \n Keywords: Apple, clean energy, suppliers, renewable energy projects, power purchase agreements.\n\n Topic 2:\n Major iPhone manufacturers adopting clean energy\n\n Keywords: Hon Hai Precision Industry, Taiwan Semiconductor Manufacturing, clean energy, iPhone manufacturers.\n\n Topic 3:\n Apple's initiative to reduce carbon footprint\n\n Keywords: Apple, carbon footprint, renewable energy, suppliers, reduction. | positive_event | ||
304 | 2019-04-12 | In this article, a Chinese-Taiwanese group led by TPK Holding and Harvest Group will take control of Japan Display with a 21 billion bailout plan, making them the company's biggest shareholders. The rescue comes after previous government bailouts failed to help Japan Display reduce its dependence on Apple, whose slowing | 65.267502 | 65.827499 | 65.169998 | 64.211540 | 67181600 | -1 | 1. Topic: Japanese Display Company\n 2. Event: Chinese-Taiwanese group (TPK Holding and Harvest Group) takes control with a 21 billion bailout plan\n 3. Keywords: Japanese Display, Chinese-Taiwanese group, TPK Holding, Harvest Group, bailout plan, biggest shareholders\n 4. Summary: A Chinese-Taiwanese consortium, consisting of TPK Holding and Harvest Group, assumes control over the Japanese Display Company through a 21 billion bailout agreement.\n\n News Article 2: The European Union (EU) has agreed to extend its sanctions against Russia for another six months due | negative_event | ||
305 | 2019-04-15 | The chairman of Taiwan's Foxconn, Terry Gou, plans to step down from his position in the coming months to allow younger talent to take over. This comes as Foxconn tries to diversify its business and reduce its reliance on Apple, which is also seeking new suppliers. Gou hopes to remain involved in strategic decisions but not daily | 49.645000 | 49.962502 | 49.502499 | 48.359261 | 70146400 | 0 | Topic 1:\n - Terry Gou, chairman of Taiwan's Foxconn\n - Stepping down from position\n - Allowing younger talent to take over\n \n Summary:\n - Terry Gou announces plans to step down as chairman of Foxconn.\n - Intention is to bring in new leadership for the company.\n\n Topic 2:\n - Foxconn\n - Diversifying business\n - Reducing reliance on Apple\n\n Summary:\n - Foxconn aims to expand its business areas and decrease dependence on Apple as a major client. | neutral_event | ||
306 | 2019-04-15 | Amazon's potential entry into the free music streaming market sent shockwaves through the industry, with shares of Amazon NASDAQ AMZN and Spotify NYSE:SPOT sliding in early trading. According to a report by Billboard, Amazon has entered into discussions to launch a free, ad-supported music service, which could become available | 49.645000 | 49.962502 | 49.502499 | 48.359261 | 70146400 | -1 | 1. Amazon: The e-commerce giant is reportedly entering the free music streaming market.\n 2. Music Streaming Market: Amazon's potential entry is causing ripples in this industry.\n 3. Free, Ad-Supported Music Service: Amazon plans to launch a new offering in this business model.\n 4. Discussions: Amazon has reportedly initiated talks with relevant parties for the implementation of this service.\n 5. Shares: The stocks of Amazon and Spotify were affected by this news in early trading.\n\n Summary:\n 1. Amazon's entry into free music streaming market\n 2. Impact on music streaming industry\n 3. Launch of a free, ad | negative_event | ||
307 | 2019-04-16 | In a complex trial in San Diego, Apple accused Qualcomm of abusing market power by using its patent licensing practices to maintain control over premium modem chips for smartphones. Qualcomm countered that Apple bullied contract manufacturers into withholding royalty payments, amounting to billions in potential revenue loss. The jury will determine the fate | 49.865002 | 50.342499 | 49.639999 | 48.364113 | 102785600 | 0 | 1. Subjects/Entities: Apple, Qualcomm, San Diego court, patent licensing practices, premium modem chips, smartphones, contract manufacturers\n 2. Key Events/Actions: Apple accused Qualcomm of market power abuse, Qualcomm countered with bullying allegations against Apple, jury will determine the outcome\n 3. Summarized Topics:\n - Apple vs. Qualcomm antitrust trial\n - Allegations of market power abuse by Qualcomm\n - Apple's accusation of contract manufacturer involvement in royalty payment withholding\n - Potential revenue loss for Qualcomm due to the dispute\n \nOutput: ["Apple-Qualcomm antitrust trial", | neutral_event | ||
308 | 2019-04-17 | Taiwan business tycoon Terry Gou, chairman of Apple supplier Foxconn and Taiwan's richest person with a net worth of $7.6 billion, announced his intention to contest the 2020 presidential election, joining the opposition China-friendly Kuomintang (KMT) party and shaking up the political landscape. | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 0 | Topic 1:\n ------------------\n Taiwan Presidential Election 2020\n \n Summary:\n Taiwan business tycoon Terry Gou, a billionaire and chairman of Apple supplier Foxconn, announced his intention to run in the 2020 presidential election. He joined the opposition China-friendly Kuomintang (KMT) party, potentially shaking up the political landscape. | neutral_event | ||
309 | 2019-04-17 | Chinese video-sharing app TikTok, owned by Bytedance Technology, has been removed from Google's Play Store and Apple's App Store in India following a state court order. The app, which allows users to create and share short videos with special effects, is popular in India but faced criticism for inappropriate content. A | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 0 | 1. Subjects: Chinese video-sharing app TikTok, Bytedance Technology, India's App Stores (Google Play Store and Apple App Store)\n 2. Key Events: Removal of TikTok from Google Play Store and Apple App Store in India following a state court order.\n 3. Relevant Keywords: Chinese video-sharing app, TikTok, Bytedance Technology, removal, state court order, India, App Stores (Google Play Store and Apple App Store)\n 4. Topic Summary: The Chinese-owned video-sharing app TikTok has been taken down from Google's Play Store and Apple's App Store in India due to a | neutral_event | ||
310 | 2019-04-17 | TomTom, a Dutch navigation and digital maps firm, reported a 14% increase in first quarter revenue to €169.5 million, beating analysts' forecasts. The company secured two contracts to supply high definition (HD) maps to major carmakers, positioning it as an early player in this growing market. TomTom | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 1 | Topic 1:\n ------------------\n Company: TomTom\n Industry: Navigation and digital maps firm\n Event: Reported Q1 revenue increase of 14% to €169.5 million\n Keywords: Dutch, Q1 revenue, €169.5 million, beat forecasts\n \n Topic 2:\n ------------------\n Company: TomTom\n Industry: Navigation and digital maps firm\n Event: Secured two contracts to supply HD maps to major carmakers\n Keywords: Contracts, HD maps, Major carmakers, Growing market, Early player | positive_event | ||
311 | 2019-04-17 | In a volatile trading session, the S&P 500 was virtually unchanged, with gains in tech stocks led by Qualcomm's 10% surge after a legal victory against Apple, offset by declines in healthcare stocks. The Philadelphia chip index rallied due to China's steady economic growth and earnings reports, while | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 1 | 1. Volatile trading session for the S&P 500 with minimal change\n 2. Tech stocks gain, led by Qualcomm's 10% surge after legal victory against Apple\n 3. Healthcare stocks decline\n 4. Philadelphia chip index rallies due to China's steady economic growth\n 5. Earnings reports contribute to the rally in the Philadelphia chip index\n\nTopics:\n1. Volatile trading session for S&P 500\n2. Tech stocks gain, specifically Qualcomm\n3. Legal victory for Qualcomm against Apple\n4. Decline in healthcare stocks\n5. Steady economic growth in China\n6. Positive earnings reports\n | positive_event | ||
312 | 2019-04-17 | Aeva Inc, a startup founded by former Apple engineers, has signed a deal with Audi's autonomous driving unit, AID Autonomous Intelligent Driving, for lidar sensor systems. Aida will use Aeva's sensors on its e-tron development fleet vehicles in Munich, Germany. The lidar | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 1 | 1. Topic: Aeva Inc (Company)\n 2. Event: Signed a deal with Audi's autonomous driving unit, AID Autonomous Intelligent Driving.\n 3. Keywords: Startup, Founded by former Apple engineers, Lidar sensor systems.\n 4. Summary: Aeva Inc, a startup led by ex-Apple engineers, has entered into an agreement with Audi's autonomous driving division, AID Autonomous Intelligent Driving, for lidar sensor technology.\n\n 1. Topic: Audi's autonomous driving unit, AID Autonomous Intelligent Driving (Company)\n 2 | positive_event | ||
313 | 2019-04-17 | The Chinese government is considering drafting stimulus measures to boost car and electronics sales, according to sources. The plans include subsidies for new energy vehicles, smartphones, and home appliances. This move comes as leaders attempt to mitigate trade tensions with the U.S. and bolster consumption. Retail sales expanded 8 | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 0 | 1. Chinese government: A body responsible for governing and making decisions in China.\n 2. Stimulus measures: Economic interventions by the government to stimulate economic activity.\n 3. Car sales: The sale of automobiles.\n 4. Electronics sales: The sale of electronic devices.\n 5. New energy vehicles: Vehicles that use renewable energy sources for propulsion.\n 6. Smartphones: Portable communication and computing devices.\n 7. Home appliances: Household electrical appliances.\n 8. Subsidies: Financial incentives provided by the government to encourage certain actions or purchases.\n 9. Trade tensions with the U.S.: | neutral_event | ||
314 | 2019-04-17 | This news article reports that Apple Inc. faced a securities fraud lawsuit for allegedly concealing weakened demand for iPhones, particularly in China, leading to a significant stock price drop. The complaint was filed by the City of Roseville Employees Retirement System and seeks damages for investors who bought Apple stock before January 201 | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | -1 | Topic 1:\n Apple Inc.\n Keywords: securities fraud, lawsuit, concealing, weakened demand, iPhones, China, significant stock price drop\n Summary: Apple Inc. faced a securities fraud lawsuit alleging the company concealed weakened iPhone demand, particularly in China, resulting in a significant stock price drop.\n\n Topic 2:\n City of Roseville Employees Retirement System\n Keywords: complaint, seeks damages, investors, bought Apple stock\n Summary: The City of Roseville Employees Retirement System filed a complaint seeking damages for investors who purchased Apple stock prior to January 2019. | negative_event | ||
315 | 2019-04-17 | Facebook, aiming to compete with Alexa, Siri, and Google Assistant, is developing a voice assistant technology that could be integrated into its AR/VR products like Portal, Oculus, and future projects. The exact usage of the assistant remains unclear but it could potentially be used on Portal video chat smart speakers or Oculus head | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | -1 | 1. Topic 1: Facebook developing voice assistant technology\n - Keywords: Facebook, voice assistant, technology\n 2. Topic 2: Facebook integrating voice assistant into AR/VR products\n - Keywords: Facebook, AR/VR, Portal, Oculus\n 3. Topic 3: Potential usage of voice assistant on Portal video chat smart speakers or Oculus headsets\n - Keywords: Portal, video chat, smart speakers, Oculus, headsets | negative_event | ||
316 | 2019-04-17 | Wisconsin Governor Tony Evers announced his intention to renegotiate the state's contract with Foxconn Technology Group due to the company's failure to meet job creation goals. The Taiwanese firm, which received around $4 billion in tax breaks and incentives under former Republican Governor Scott Walker, is expected to create fewer jobs than initially pled | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 0 | 1. **Subjects:** Wisconsin Governor Tony Evers, Foxconn Technology Group\n 2. **Key Events:** Announcement of intention to renegotiate contract, Failure to meet job creation goals\n 3. **Relevant Keywords:** Wisconsin Governor, Foxconn Technology Group, Contract renegotiation, Job creation goals, Tax breaks, Incentives\n 4. **Summarized Topics:**\n * Wisconsin Governor Tony Evers intends to renegotiate the state's contract with Foxconn Technology Group\n * Foxconn Technology Group is expected to create fewer jobs than initially pledged\n * The company received around $4 billion in tax breaks and incentives under former | neutral_event | ||
317 | 2019-04-17 | On Wednesday, Morgan Stanley's revenue fell less than expected, leading to a smaller profit decline. Netflix added a record number of subscribers but missed consensus earnings forecasts for Q2. Qualcomm saw a surge in stock price due to a patent settlement with Apple and potential earnings boost from Huawei. PepsiCo reported better- | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | -1 | 1. Morgan Stanley: Revenue fell less than expected, leading to smaller profit decline.\n Topic: Morgan Stanley - Revenue, Profit Decline\n\n 2. Netflix: Added record number of subscribers but missed earnings forecasts for Q2.\n Topic: Netflix - Subscribers, Earnings\n\n 3. Qualcomm: Saw surge in stock price due to patent settlement with Apple and potential earnings boost from Huawei.\n Topic: Qualcomm - Patent Settlement, Stock Price, Huawei\n\n 4. PepsiCo: Reported better-\n \n results.\n Topic: PepsiCo - Better | negative_event | ||
318 | 2019-04-17 | In a move to combat rising robocalls and spam, T Mobile has launched a new call protection feature in collaboration with Comcast. The feature, called Caller Verified, identifies authentic calls across both networks by using industry standard STIR SHAKEN technology. Customers on certain Samsung and LG devices can already use it, | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 0 | 1. Topic 1: T-Mobile's new call protection feature (Caller Verified)\n - Keywords: T-Mobile, new call protection feature, Caller Verified\n 2. Topic 2: Collaboration between T-Mobile and Comcast\n - Keywords: T-Mobile, Comcast, collaboration\n 3. Topic 3: Use of STIR SHAKEN technology for combating robocalls and spam\n - Keywords: STIR SHAKEN technology, combating robocalls, spam\n 4. Topic 4: Availability on certain Samsung and LG devices\n - Keywords: Samsung, L | neutral_event | ||
319 | 2019-04-17 | Wall Street showed mixed reactions on Wednesday, with the S&P 500 and Nasdaq Composite posting gains, while the Dow Jones Industrial Average dropped. The upbeat earnings from Morgan Stanley and PepsiCo, along with positive Chinese economic data, helped ease concerns of a global slowdown. China's economy grew by | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | -1 | 1. Topic: Stock Markets\n Summary: Mixed reactions in Wall Street with S&P 500 and Nasdaq Composite posting gains, while Dow Jones Industrial Average dropped.\n\n 2. Topic: Earnings Reports\n Summary: Upbeat earnings from Morgan Stanley and PepsiCo reported.\n\n 3. Topic: Global Economy\n Summary: Concerns of a global slowdown eased due to positive Chinese economic data.\n\n 4. Topic: China's Economy\n Summary: China's economy grew by an undisclosed percentage. | negative_event | ||
320 | 2019-04-18 | In the news article, Taiwan Semiconductor Manufacturing Company (TSMC), the world's largest contract chipmaker, reported a steep quarterly profit drop of 32% due to weak global demand for smartphones and the prolonged U.S.-China trade war. However, TSMC expressed optimism about the out | 50.779999 | 51.037498 | 50.630001 | 49.483093 | 96783200 | 0 | 1. Topic: Taiwan Semiconductor Manufacturing Company (TSMC)\n 2. Event: Reported a steep quarterly profit drop of 32%\n 3. Reason for Profit Drop: Weak global demand for smartphones and the prolonged U.S.-China trade war\n 4. Keywords: TSMC, profit drop, weak global demand, smartphones, U.S.-China trade war, optimism\n\n ------------------------------------------------------------------------------------------------------------------\n\n News Article: Elon Musk's SpaceX successfully launched 60 Starlink satellites into orbit from Cape Canaveral, Florida, marking a significant step forward | neutral_event | ||
321 | 2019-04-18 | In this article, a senior U.S. official expresses concern over China's attempts to exert influence on Taiwan's upcoming presidential election, including disinformation campaigns and direct interference. China's military pressure on the self-ruled island, which Beijing views as its sacred territory, has increased, with Beijing suspecting President Ts | 50.779999 | 51.037498 | 50.630001 | 49.483093 | 96783200 | -1 | 1. Topic 1: U.S.-China Relations\n Summary: A senior U.S. official voices concern over China's influence on Taiwan's presidential election through disinformation campaigns and direct interference.\n\n 2. Topic 2: Taiwan Presidential Election\n Summary: Upcoming election in Taiwan is a focus of concern due to potential Chinese interference.\n\n 3. Topic 3: China's Influence Campaigns\n Summary: Beijing is suspected of engaging in disinformation campaigns to influence the outcome of Taiwan's presidential election.\n\n 4. Topic 4: Direct Interference\n Summary: China is accused of attempting direct interference in Taiwan | negative_event | ||
322 | 2019-04-18 | Apple plans to open a Material Recovery lab in Austin, Texas, to research new methods for recovering valuable materials from its devices using robotics and machine learning. The 9,000 square foot lab will be located at the same facility as Daisy, an Apple-built robot that can disassemble iPhones at a | 50.779999 | 51.037498 | 50.630001 | 49.483093 | 96783200 | 1 | 1. Topic: Apple's Material Recovery Lab in Austin, Texas\n - Keywords: Apple, Material Recovery lab, Austin, Texas, Research, Robotics, Machine learning, Daisy, Disassemble, iPhones.\n\n 2. Topic: Apple's New Technologies for Valuable Material Recovery\n - Keywords: Apple, Valuable materials, Recovery, Robotics, Machine learning. | positive_event | ||
323 | 2019-04-18 | In an effort to address EU antitrust concerns and avoid further penalties, Alphabet's Google will begin allowing Android users in Europe to choose from five alternative browsers and search engines starting Thursday. The company was previously fined a record €4.34 billion for using its market power to block rivals in internet browsing. Google | 50.779999 | 51.037498 | 50.630001 | 49.483093 | 96783200 | 1 | Topic 1:\n Google (Alphabet)\n \n Summary:\n Google, under Alphabet, will comply with EU antitrust regulations by allowing Android users in Europe to select from five alternative browsers and search engines starting Thursday. Previously, the company was penalized €4.34 billion for hindering rivals in internet browsing. | positive_event | ||
324 | 2019-04-18 | Samsung Electronics has reported issues with the displays of its upcoming foldable smartphone, the Galaxy Fold, raising concerns over a smooth launch. The handset, set to be released in the US on April 26, features a second display as large as a small tablet. However, journalists supplied with review samples have reported malfunctions within | 50.779999 | 51.037498 | 50.630001 | 49.483093 | 96783200 | 0 | 1. Samsung Electronics: A South Korean technology company known for producing electronics, including smartphones.\n 2. Galaxy Fold: An upcoming foldable smartphone from Samsung Electronics.\n 3. Displays issues: Problems reported with the displays of the Galaxy Fold.\n 4. Smooth launch: The concern over whether the Galaxy Fold will have a successful release due to the display issues.\n 5. Second display: A large additional display featured on the Galaxy Fold, similar in size to a small tablet.\n 6. Malfunctions: Technical difficulties reported by journalists who received review samples of the Galaxy Fold.\n\nTopics:\n1. Samsung Electron | neutral_event | ||
325 | 2019-04-22 | Taiwan's export orders continued to decline for the fifth consecutive month in March, falling at a faster-than-expected rate of 9%. The Ministry of Economic Affairs reported that orders totaled $38.59 billion, down 8.4% annually for January-March. Hi-tech factories, major suppliers for global | 50.707500 | 51.235001 | 50.584999 | 49.645725 | 77758000 | 0 | 1. Topic: Taiwan's Export Orders\n - Key Events: Declined for the fifth consecutive month in March, falling at a faster-than-expected rate of 9%\n - Summary: Taiwan's export orders experienced a continuous decline, decreasing by 9% in March and totaling $38.59 billion for January-March, which represents an 8.4% annual decrease.\n\n 2. Topic: Hi-tech factories\n - Key Events: Serving as major suppliers for global industries\n - Summary: Hi-tech factories play a significant role in supplying goods and services to various industries on a global scale. | neutral_event | ||
326 | 2019-04-22 | Samsung Electronics has delayed the retail launch of its new Galaxy Fold smartphone due to display issues reported by reviewers. About 50 units were sent for review, with several reporting screen defects such as bulges and blinking screens. The root cause of the problem is not yet known, but initial findings suggest it may be related | 50.707500 | 51.235001 | 50.584999 | 49.645725 | 77758000 | -1 | 1. Samsung Electronics\n 2. New Galaxy Fold smartphone\n 3. Retail launch delay\n 4. Display issues\n 5. Bulges in screens\n 6. Blinking screens\n 7. Reviewers' reports\n 8. Root cause unknown\n 9. Initial findings suggest display-related problem\n\nSummary:\nSamsung Electronics faced a delay in the retail launch of its new Galaxy Fold smartphone due to reported display issues. Several review units exhibited bulges and blinking screens, but the root cause remains undetermined, with initial indications pointing towards a display-related problem. | negative_event | ||
327 | 2019-04-23 | The social media company Snap reported better-than-expected earnings for Q1, with a loss of 10 cents per share and revenue of $320.4 million. The popularity of its original shows and the launch of a new Android app drove these results, leading to an increase in daily active users (DAUs) to | 51.107498 | 51.937500 | 50.974998 | 50.361782 | 93292000 | 0 | 1. Snap: The social media company\n 2. Q1 Earnings: Reported better-than-expected results with a loss of 10 cents per share and revenue of $320.4 million\n 3. Original Shows: Popularity of Snap's original content drove earnings growth\n 4. New Android App: Launch contributed to earnings increase\n 5. Daily Active Users (DAUs): Increased due to the success of original shows and new app.\n\nSummary:\n1. Snap: Earnings boosted by popular original shows and new Android app\n2. Q1 Financial Performance: Better-than-expected loss and revenue growth\n3. User Eng | neutral_event | ||
328 | 2019-04-23 | Chinese tech giant Tencent Holdings has invested in Argentine mobile banking service Uala, joining investors including George Soros and Point72 Ventures. The investment significantly raised Uala's valuation and will help accelerate its growth plans. Uala offers prepaid Mastercards, bill payment, metro card top up, and digital | 51.107498 | 51.937500 | 50.974998 | 50.361782 | 93292000 | 1 | 1. Topic 1: Chinese tech giant Tencent Holdings (Subject)\n 2. Topic 2: Argentine mobile banking service Uala (Subject)\n 3. Topic 3: Investment (Key Event)\n 4. Topic 4: George Soros and Point72 Ventures (Investors)\n 5. Topic 5: Significantly raised valuation (Impact of investment)\n 6. Topic 6: Growth plans (Planned actions)\n 7. Topic 7: Prepaid Mastercards (Product offered by Uala)\n 8. Topic 8: Bill payment (Service offered by Uala | positive_event | ||
329 | 2019-04-23 | This news article reports that India's ban on Chinese video app TikTok is causing daily financial losses of up to $6.6 million for its developer, Beijing Bytedance Technology Co. The ban has put over 250 jobs at risk and has also impacted the user base, losing close to one million new users per day | 51.107498 | 51.937500 | 50.974998 | 50.361782 | 93292000 | -1 | Topic 1:\n India's ban on Chinese video app TikTok\n\n Summary:\n The news article discusses the financial implications of India's ban on the Chinese video-sharing app TikTok. The ban has resulted in daily losses of approximately $6.6 million for its developer, Beijing Bytedance Technology Co. Additionally, over 250 jobs are at risk and the user base is decreasing by nearly one million users per day. | negative_event | ||
330 | 2019-04-24 | LG Electronics, one of the world's top three mobile phone makers a decade ago, announced it would cease smartphone production in South Korea and shift manufacturing to Vietnam. The move comes as global demand for smartphones slumps and LG struggles with market share below 3%. Despite low global presence, LG maintains | 51.840000 | 52.119999 | 51.762501 | 50.284119 | 70162400 | -1 | 1. Topic: LG Electronics\n Summary: South Korean tech company announces end of domestic smartphone production, plans to shift manufacturing to Vietnam due to slumping global demand and low market share.\n\n 2. Topic: Smartphone Production\n Summary: Cessation of smartphone manufacturing in South Korea by LG Electronics, relocation to Vietnam.\n\n 3. Topic: Global Demand for Smartphones\n Summary: Decrease in demand for smartphones leading to business challenges for LG Electronics.\n\n 4. Topic: Market Share\n Summary: LG Electronics' struggle with maintaining market share below 3%.\n\n | negative_event | ||
331 | 2019-04-24 | Silicon Valley ethicists Tristan Harris and Aza Raskin, co-founders of the nonprofit Center for Humane Technology, urged tech leaders to focus on reversing "human downgrading" by reconsidering the design and financial incentives of their systems. They warned that the excessive exploitation of human weaknesses | 51.840000 | 52.119999 | 51.762501 | 50.284119 | 70162400 | 1 | 1. Topics: Silicon Valley ethicists, Center for Humane Technology, tech leaders, human downgrading, design, financial incentives\n 2. Summary: Silicon Valley ethicists Tristan Harris and Aza Raskin from the nonprofit Center for Humane Technology called on tech leaders to address "human downgrading" by reevaluating the design and financial structures of their systems, which have been exploiting human weaknesses excessively. | positive_event | ||
332 | 2019-04-24 | ASM International beat first quarter expectations with revenue of 249 million euros and order intake of 235 million euros. The strong performance was attributed to its fabrication and logic semiconductor businesses. For Q2, the company anticipates revenue between 230-250 million euros and orders | 51.840000 | 52.119999 | 51.762501 | 50.284119 | 70162400 | 0 | 1. Company: ASM International\n 2. Quarterly Financial Performance:\n - Q1 Revenue: 249 million euros\n - Q1 Order Intake: 235 million euros\n 3. Key Business Units: Fabrication and logic semiconductor businesses\n 4. Anticipated Q2 Revenue: Between 230-250 million euros\n 5. Topics: ASM International, Q1 Financial Results, Fabrication business, Logic semiconductor business, Q2 Anticipated Revenue | neutral_event | ||
333 | 2019-04-24 | The Indian state court has lifted a ban on the popular video-sharing app TikTok, allowing its developer Beijing Bytedance Technology Co to resume operations in the country. The ban was imposed earlier this month due to concerns over pornographic content and potential child exposure to sexual predators. Apple and Google had removed TikTok from their Indian | 51.840000 | 52.119999 | 51.762501 | 50.284119 | 70162400 | 0 | 1. Topic: TikTok Unban in India\n 2. Summary: The Indian state court has reversed the ban on TikTok, enabling Beijing Bytedance Technology Co to restart operations in the country. The app was previously prohibited due to concerns regarding explicit content and potential risks to children from sexual predators. Apple and Google had complied by removing TikTok from their Indian app stores. | neutral_event | ||
334 | 2019-04-24 | Wall Street experienced muted trading on Wednesday, with the S&P 500 and Dow Jones Industrial Average declining slightly following disappointing earnings reports from Boeing and Caterpillar. Boeing's first quarter report revealed a 21% profit drop due to the ongoing grounding of its 737 Max aircraft | 51.840000 | 52.119999 | 51.762501 | 50.284119 | 70162400 | 0 | Topic 1:\n - Wall Street trading\n - S&P 500 and Dow Jones Industrial Average\n - Declining markets\n\n Topic 2:\n - Boeing\n - Disappointing earnings report\n - 737 Max aircraft grounding\n - Profit drop (21%)\n\n Summary:\n 1. Wall Street trading saw muted activity with the S&P 500 and Dow Jones Industrial Average declining slightly.\n 2. Boeing reported disappointing earnings, leading to a profit drop of 21% due to the ongoing grounding of its 737 Max aircraft. | neutral_event | ||
335 | 2019-04-25 | In a legal dispute, Spotify has agreed to remove all songs from Indian record label Saregama from its streaming app after failing to reach licensing terms. Saregama filed a petition in Delhi High Court seeking an injunction against Spotify. The court document reveals that Spotify's senior counsel stated the removal would occur within | 51.707500 | 51.939999 | 51.279999 | 49.827774 | 74172800 | -1 | 1. **Legal Dispute**: Spotify and Indian record label Saregama are involved in a legal dispute.\n 2. **Spotify**: Agrees to remove all songs from Saregama from its streaming app.\n 3. **Saregama**: Files a petition in Delhi High Court seeking an injunction against Spotify.\n 4. **Delhi High Court**: Presides over the legal dispute between Spotify and Saregama.\n 5. **Injunction**: Saregama seeks to stop Spotify from streaming their songs.\n 6. **Removal of Songs**: Spotify agrees to remove all Saregama songs from its app.\n\n | negative_event | ||
336 | 2019-04-26 | Sony, the Japanese technology giant, announced a sharper than expected drop in annual profit due to a slower gaming business with the PlayStation 4 console nearing the end of its life. The company warned of significant changes to the operating environment and withdrew earnings goals for individual businesses. Gaming profits are expected to decrease due to costs for developing a | 51.224998 | 51.250000 | 50.529999 | 49.589897 | 74596400 | 0 | 1. Company: Sony (Japanese technology giant)\n 2. Industry: Technology\n 3. Topic 1: Profit drop for Sony\n - Keywords: Sharper than expected, Annual profit, Decrease\n 4. Topic 2: End of life for PlayStation 4 console\n - Keywords: PlayStation 4, Console, Nearing end\n 5. Topic 3: Slower gaming business for Sony\n - Keywords: Gaming business, Slower\n 6. Topic 4: Significant changes to operating environment\n - Keywords: Operating environment, Changes\n 7. Topic 5: Withdrawn | neutral_event | ||
337 | 2019-04-29 | Spotify reported better-than-expected Q1 revenue growth, reaching 100 million paid subscribers despite increasing competition from Apple Music, Amazon, and Google. The streaming giant seeks expansion in emerging markets and continues aggressive pricing strategies. The company aims to grow at over 30% per year with 107-11 | 51.099998 | 51.492500 | 50.965000 | 49.665138 | 88818800 | 1 | 1. Subjects/Entities: Spotify, Q1 revenue growth, paid subscribers, Apple Music, Amazon, Google, emerging markets, aggressive pricing strategies\n 2. Key Events/Actions: Reported better-than-expected Q1 revenue growth, Reached 100 million paid subscribers, Seeks expansion in emerging markets, Continues aggressive pricing strategies\n 3. Summarized Topics:\n - Spotify's Financial Performance: Better-than-expected Q1 revenue growth and reaching 100 million paid subscribers\n - Competition: Presence of Apple Music, Amazon, and Google in the market\n - Expansion Plans: Focus on emerging markets for | positive_event | ||
338 | 2019-04-29 | The S&P 500 reached a new intraday record high on Monday, fueled by strong consumer spending data and tame inflation. The index, along with the Nasdaq, closed at another record. The bull market's longevity is seen continuing due to hopes of trade deal resolution, upbeat earnings, | 51.099998 | 51.492500 | 50.965000 | 49.665138 | 88818800 | 1 | 1. S&P 500: Reached new intraday record high, fueled by strong consumer spending data and tame inflation.\n 2. Stock Market: S&P 500 and Nasdaq closed at record highs.\n 3. Economy: Consumer spending data indicated strength.\n 4. Inflation: Remained tame.\n 5. Trade Deals: Hopes of resolution continue to support the market.\n 6. Earnings: Upbeat earnings contribute to bull market's longevity.\n\n Summary:\n - S&P 500 and Stock Market reached record highs due to strong consumer spending data | positive_event | ||
339 | 2019-04-29 | This news article reports on Spotify's first quarter financial results. The company exceeded revenue expectations, with revenues growing by 33% to €1.51 billion, driven mainly by paid user subscriptions which accounted for 92% of revenues. Spotify reached a milestone of 100 million paid | 51.099998 | 51.492500 | 50.965000 | 49.665138 | 88818800 | 0 | 1. Company: Spotify\n 2. Financial Results: Q1 2023\n 3. Key Events: Exceeded revenue expectations, Revenues grew by 33% to €1.51 billion, Paid user subscriptions accounted for 92% of revenues, Milestone of 100 million paid users reached.\n 4. Topics:\n - Spotify\n - Financial Results\n - Q1 2023\n - Revenue Growth (33%)\n - Paid User Subscriptions\n - Milestone (100 million paid users) | neutral_event | ||
340 | 2019-04-30 | The Czech Finance Ministry is finalizing plans to impose a digital tax on global internet giants, such as Google, Apple, Facebook, and Amazon, with a rate of 7 percent. This tax will primarily target advertising services and data sales. The tax could generate around 5 billion crowns (219 million USD) annually for the | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | 0 | 1. Czech Finance Ministry: The ministry is finalizing plans to implement a digital tax.\n 2. Digital tax: A proposed tax on global internet giants.\n 3. Global internet giants: Companies such as Google, Apple, Facebook, and Amazon.\n 4. Targeted industries: Advertising services and data sales.\n 5. Tax rate: 7 percent.\n 6. Expected revenue: Around 5 billion crowns (219 million USD) annually.\n\n Summary of topics:\n 1. Czech Finance Ministry and digital tax plans.\n 2. Proposed tax on global internet giants.\n 3. Targeted industries: Advertising services and | neutral_event | ||
341 | 2019-04-30 | In early trading, U.S. stock futures were flat despite mixed economic data from China and Europe, with tech stocks set for a weaker opening due to disappointing earnings reports from Google parent Alphabet and Samsung. Domestic earnings releases from companies like General Electric, Eli Lilly, McDonald's, Pfizer, Merck, Master | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | 0 | 1. U.S. stock futures: Flat trading in the early hours\n 2. Mixed economic data: China and Europe reports\n - No specific topics mentioned, assume economic data is the topic\n 3. Tech stocks: Weaker opening due to disappointing earnings\n - Tech companies, specifically Alphabet (Google) and Samsung\n 4. Disappointing earnings reports: From Alphabet (Google) and Samsung\n 5. Domestic earnings releases: General Electric, Eli Lilly, McDonald's, Pfizer, Merck, Mastercard\n\nTopics:\n1. U.S. stock futures trading\n2. Mixed economic data from China and Europe\n3. Tech | neutral_event | ||
342 | 2019-04-30 | Foxconn's Chairman, Gou, is traveling to the United States on Tuesday for a White House meeting believed to be related to an investment in Wisconsin. The company remains committed to its contract to build a display plant and tech research facilities despite reports of reconsidering plans for advanced liquid crystal display panels due to hiring mostly engineers and researchers instead | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | 0 | 1. Topic 1: Foxconn's Chairman, Gou\n 2. Topic 2: White House meeting\n 3. Topic 3: Investment in Wisconsin\n 4. Topic 4: Contract to build a display plant and tech research facilities\n 5. Topic 5: Reconsidering plans for advanced liquid crystal display panels\n 6. Keywords: Foxconn, Chairman Gou, White House meeting, Wisconsin investment, Display plant, Tech research facilities, Liquid crystal display panels, Contract, Reconsidering plans.\n\nSummary:\nFoxconn's Chairman, Gou, is traveling to the United States for a White House meeting regarding an | neutral_event | ||
343 | 2019-04-30 | In mixed trading on Wall Street, disappointing earnings from Google pressured tech stocks, while positive numbers from Dow components supported bulls. The Dow Jones rose 0.1%, S&P 500 fell 0.2%, and Nasdaq Composite dropped 0.5%. Google parent Alphabet reported its slowest revenue | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | 0 | 1. Topics: Tech Stocks, Wall Street Trading, Google (Alphabet), Earnings, Dow Jones, S&P 500, Nasdaq Composite\n 2. Summaries:\n a. Tech Stocks: Disappointing earnings from Google led to pressure on tech stocks in mixed trading on Wall Street.\n b. Wall Street Trading: Mixed trading occurred on Wall Street as tech stocks were pressured but Dow components supported the bulls.\n c. Google (Alphabet): The company reported its slowest revenue growth, putting pressure on tech stocks.\n d. Earnings: Disappointing earnings from Google negatively impacted the market.\n | neutral_event | ||
344 | 2019-04-30 | Media mogul Oprah Winfrey, known for influencing millions with her opinions on diets and books, is considering which Democratic presidential candidate to endorse in 2020. She told the Hollywood Reporter she's "quietly figuring out where I'm going to use my voice" and will make a clear announcement | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 | Topic 1:\n Oprah Winfrey's potential endorsement for Democratic presidential candidate (2020)\n\n Keywords: Oprah Winfrey, Democratic presidential candidate, endorsement, 2020. | negative_event | ||
345 | 2019-04-30 | European shares fell on Tuesday, with banks underperforming amid a decline in China's manufacturing activity and awaiting euro zone economic growth numbers. The pan-European STOXX 600 index dropped 0.7% while major indices fell except London's FTSE 100. Danske Bank plunged | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 | 1. Topic 1: European Shares / Stock Markets\n - Keywords: European shares, pan-European STOXX 600 index, major indices, dropped\n\n 2. Topic 2: Banks\n - Keywords: banks, underperforming\n\n 3. Topic 3: China's Manufacturing Activity\n - Keywords: decline in China's manufacturing activity\n\n 4. Topic 4: Euro Zone Economic Growth Numbers\n - Keywords: awaiting euro zone economic growth numbers\n\n 5. Topic 5: Danske Bank\n - Keywords: Danske Bank, plunged\n | negative_event | ||
346 | 2019-04-30 | This article reports that the S&P 500 reached another record high close on Tuesday, marking its best four-month stretch since late 2010. Apple's strong quarterly results and positive earnings forecast helped ease concerns about the bull run's sustainability, despite a revenue miss from Google parent Alphabet. The | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 | 1. S&P 500: Reached record high close on Tuesday, best four-month stretch since late 2010.\n 2. Stock Market: S&P 500 setting new records.\n 3. Apple: Strong quarterly results and positive earnings forecast.\n 4. Tech Companies: Apple's performance, Google parent Alphabet missed revenue expectations.\n 5. Economy: Bull run sustainability concerns eased.\n\n Summary:\n 1. S&P 500 sets new records in the stock market.\n 2. Apple reports strong financial performance and positive earnings forecast.\n 3. Tech companies' financial results impact the economy. | negative_event | ||
347 | 2019-04-30 | The Federal Reserve is anticipated to keep interest rates unchanged in their upcoming meeting, with a likelihood of a rate cut expected later this year. The Fed Chairman's press conference may provide significant market impact as investors seek insights on economic growth and inflation. Apple's earnings report exceeded expectations, leading to a post-market surge in shares, while | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 | 1. Federal Reserve: anticipated to keep interest rates unchanged, likelihood of rate cut expected later this year\n 2. Apple: earnings report exceeded expectations, post-market surge in shares.\n\n Summary:\n 1. Federal Reserve: interest rates (unchanged, potential rate cut)\n 2. Apple: earnings report (exceeded expectations), shares (post-market surge). | negative_event | ||
348 | 2019-04-30 | In the first quarter, South Korea's Samsung Electronics reported its weakest profit in over two years due to falls in chip prices and slowing demand for display panels. The tech giant expects improved results in the second half of 2019, driven by a pickup in memory chip and smartphone sales. However, memory chip | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | 0 | 1. Topic: Samsung Electronics\n Summary: South Korean tech company reported weakest profit in over two years due to falls in chip prices and slowing demand for display panels. Expects improved results in H2 2019 from memory chip and smartphone sales.\n\n 2. Topic: Samsung Electronics Profit\n Summary: Weakest profit reported by Samsung Electronics in over two years due to decreased chip prices and reduced demand for display panels.\n\n 3. Topic: Chip Prices\n Summary: Decline in chip prices negatively impacted Samsung Electronics' profits.\n\n 4. Topic: Display Panels\n Summary | neutral_event |
Recommendations:
- Save the current progress as it takes a considerable amount of time to process the data with the model.
- Ensure you validate the results at each step of the data processing.
- Make an inventory of all the dataframes, tables and files created.
# Create a CSV file from the dataframe to ensure all our work is **incrementally** saved.
data.to_csv('mistral_processed_data.csv', index=False) # Set index=False to avoid saving row indices
# The above line will create a file named 'data.csv' in our current working directory.
# We can then download the file from our environment.
Experiment with specific row data extraction for examination
#----------- Date: at index 17. Note that Python uses 0-based indexing.
Date_at_index_17 = data.loc[17,'Date']
# Display only the News at index 17.
print(f"\nDate at index 17:\n{Date_at_index_17}")
#----------- News: at index 17. Note that Python uses 0-based indexing.
News_at_index_17 = data.loc[17,'News']
# Display only the News at index 17.
print(f"\nNews at index 17:\n{News_at_index_17}")
#----------- Key Events: at index 17. Note that Python uses 0-based indexing.
Key_Events_at_index_17 = data.loc[17,'Key Events']
# Display only the sentiment at index 17.
print(f"\nImportant Key Events at index 17:\n{Key_Events_at_index_17}")
#----------- Labels: at index 17 Note that Python uses 0-based indexing.
Label_at_index_17 = data.loc[17,'Label']
# Display only the Labels at index 17.
print(f"\nLabels at index 17:\n{Label_at_index_17}")
#----------- Sentiment: at index 17 Note that Python uses 0-based indexing.
Sentiment_at_index_17 = data.loc[17,'neutral']
# Display only the Labels at index 17.
print(f"\nOverall Investor Sentiment at index 17:\n{Sentiment_at_index_17}")
#----------- Close: at index 17. Note that Python uses 0-based indexing.
Close_at_index_17 = data.loc[17,'Close']
# Display only the News at index 17.
print(f"\nStock Closed at index 17:\n{Close_at_index_17}")
#----------- Volume: at index 17. Note that Python uses 0-based indexing.
Volume_at_index_17 = data.loc[17,'Volume']
# Display only the News at index 17.
print(f"\nVolume at index 17:\n{Volume_at_index_17}")
Date at index 17: 2019-01-03 00:00:00 News at index 17: Fears of a global economic slowdown led to a decline in the US dollar on Thursday, as the yen gained ground due to its status as a safe haven currency. The USD index slipped below 96, and USD JPY dropped to 107.61, while the yen strengthened by 4.4%. Important Key Events at index 17: Topic 1: Global Economic Slowdown Summary: Fears of a global economic slowdown were expressed in financial markets on Thursday, leading to a decline in the US dollar and an increase in the value of the Japanese yen. Topic 2: US Dollar Decline Summary: The US dollar experienced a decline in value on Thursday due to concerns over the global economic climate. Topic 3: Safe Haven Currency (Japanese Yen) Summary: The Japanese yen gained ground as investors sought out safe haven currencies during market uncertainty caused by fears of a global economic slowdown Labels at index 17: 0 Overall Investor Sentiment at index 17: neutral_event Stock Closed at index 17: 42.470604 Volume at index 17: 103544800
mistral_processed_data_copy = data.copy() # Make a copy of Mistral-model processed "data"
mistral_processed_data_copy # Final df and our star dataframe: Mistral Model processed that was extracted from the news, Key Events the News Sentiment for Positive, Neutral and Negative sentiments.
Date | News | Open | High | Low | Close | Volume | Label | Key Events | positive | negative | neutral | |
---|---|---|---|---|---|---|---|---|---|---|---|---|
0 | 2019-01-02 | The tech sector experienced a significant decline in the aftermarket following Apple's Q1 revenue warning. Notable suppliers, including Skyworks, Broadcom, Lumentum, Qorvo, and TSMC, saw their stocks drop in response to Apple's downward revision of its revenue expectations for the quarter, previously announced in January. | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | Topic 1:\n Apple's Q1 revenue warning leads to tech sector decline\n\n Keywords: Apple, Q1 revenue warning, tech sector, significant decline, aftermarket\n\n Topic 2:\n Notable suppliers affected by Apple's revised quarterly expectations\n\n Keywords: Notable suppliers, Apple, downward revision, quarterly expectations, Skyworks, Broadcom, Lumentum, Qorvo, TSMC, stocks, drop. | negative_event | ||
1 | 2019-01-02 | Apple lowered its fiscal Q1 revenue guidance to | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | Topic 1:\n Apple - Lowered fiscal Q1 revenue guidance ( | negative_event | ||
2 | 2019-01-02 | Apple cut its fiscal first quarter revenue forecast from | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | 1. Topic 1: Apple Inc.\n - Keywords: Apple, revenue forecast, fiscal first quarter\n 2. Topic 2: China\n - Keywords: weaker demand, China\n 3. Topic 3: iPhone\n - Keywords: fewer upgrades, iPhone\n 4. Topic 4: CEO Tim Cook\n - Keywords: mentioned, constrained sales\n 5. Topic 5: Airpods\n - Keywords: constrained sales\n 6. Topic 6: Macbooks\n - Keywords: constrained sales\n 7. Topic 7: Stock Market\n - Keywords: Apple's | negative_event | ||
3 | 2019-01-02 | This news article reports that yields on long-dated U.S. Treasury securities hit their lowest levels in nearly a year on January 2, 2019, due to concerns about the health of the global economy following weak economic data from China and Europe, as well as the partial U.S. government shutdown. Apple | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | 1. Global Economy: Weak economic data from China and Europe causing concern.\n 2. Long-dated U.S. Treasury securities: Yields hit lowest levels in nearly a year.\n 3. U.S. Government Shutdown: Partially causing economic uncertainty.\n\nOutput: ["Global Economy (China, Europe)", "Long-term US Treasury Bonds"] | negative_event | ||
4 | 2019-01-02 | Apple's revenue warning led to a decline in USD JPY pair and a gain in Japanese yen, as investors sought safety in the highly liquid currency. Apple's underperformance in Q1, with forecasted revenue of | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | Topic 1:\n Apple's Underperformance in Q1\n \n Keywords: Apple, underperformance, Q1, revenue\n\n Summary: Apple reported lower-than-expected revenue for the first quarter, with a forecasted amount of | negative_event | ||
5 | 2019-01-02 | Apple CEO Tim Cook discussed the company's Q1 warning on CNBC, attributing US-China trade tensions as a factor. Despite not mentioning iPhone unit sales specifically, Cook indicated Apple may comment on them again. Services revenue is projected to exceed $10.8 billion in Q1. Cook also addressed the lack of | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | 0 | 1. Topic: Apple Q1 Earnings Warning\n - Keywords: Apple, Q1 earnings, warning\n - Summary: Apple CEO Tim Cook discussed the company's Q1 financial performance on CNBC, mentioning US-China trade tensions as a contributing factor.\n\n 2. Topic: US-China Trade Tensions\n - Keywords: US, China, trade tensions\n - Summary: The ongoing trade dispute between the United States and China was identified by Apple CEO Tim Cook as having an impact on the company's Q1 earnings.\n\n 3. Topic: Apple Services Revenue\n - Keywords: Apple, services revenue, Q | neutral_event | ||
6 | 2019-01-02 | Roku Inc has announced plans to offer premium video channels on a subscription basis through its free streaming service, The Roku Channel. Partners include CBS Corp's Showtime, Lionsgate's Starz, and Viacom Inc's Noggin. This model follows Amazon's successful Channels business, which generated an estimated | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | 1 | 1. Topic: Roku Inc\n Summary: Roku announces subscription-based premium video channels on The Roku Channel.\n\n 2. Topic: The Roku Channel\n Summary: Roku's free streaming service to offer premium video channels on a subscription basis.\n\n 3. Topic: CBS Corp, Showtime\n Summary: CBS Corp's Showtime partners with Roku for subscription-based content on The Roku Channel.\n\n 4. Topic: Lionsgate, Starz\n Summary: Lionsgate's Starz also partners with Roku for premium video channels on The Roku Channel.\n\n 5. Topic: Vi | positive_event | ||
7 | 2019-01-02 | Wall Street saw modest gains on Wednesday but were threatened by fears of a global economic slowdown following Apple's shocking revenue forecast cut, blaming weak demand in China. The tech giant's suppliers and S&P 500 futures also suffered losses. Reports of decelerating factory activity in China and the euro zone | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | 1. Topic 1: Apple's Revenue Forecast Cut\n - Keywords: Apple, revenue forecast, shocking\n - Summary: Apple announced a significant reduction in its revenue expectations due to weak demand in China.\n\n 2. Topic 2: Global Economic Slowdown Fears\n - Keywords: global economic slowdown, fears\n - Summary: Concerns about a potential global economic slowdown emerged following Apple's announcement and reports of decelerating factory activity in China and the euro zone.\n\n 3. Topic 3: Weak Demand in China\n - Keywords: weak demand, China\n - Summary: The news highlights the | negative_event | ||
8 | 2019-01-02 | Apple's fiscal first quarter revenue came in below analysts' estimates at around | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | Topic 1: Apple's Fiscal First Quarter Revenue\n - Below estimated range of | negative_event | ||
9 | 2019-01-02 | Apple Inc. lowered its quarterly sales forecast for the fiscal first quarter, underperforming analysts' expectations due to slowing Chinese economy and trade tensions. The news sent Apple shares tumbling and affected Asia-listed suppliers like Hon Hai Precision Industry Co Ltd, Taiwan Semiconductor Manufacturing Company, and LG Innot | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | 1. Topic 1: Apple Inc.\n - Event: Lowered quarterly sales forecast\n - Keywords: Apple, sales forecast, fiscal first quarter\n\n 2. Topic 2: Chinese economy\n - Event: Slowing economy affecting Apple's performance\n - Keywords: Chinese economy\n\n 3. Topic 3: Trade tensions\n - Event: Impacting Apple's sales and causing concern for suppliers\n - Keywords: Trade tensions\n\n 4. Topic 4: Analysts' expectations\n - Event: Underperforming analysts' forecasts\n - Keywords: Analysts, expectations\n\n 5. | negative_event | ||
10 | 2019-01-02 | The Australian dollar experienced significant volatility on Thursday, plunging to multi-year lows against major currencies due to automated selling, liquidity issues, and a drought of trades. The largest intra-day falls in the Aussie's history occurred amid violent movements in AUD/JPY and AUD/ | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | 0 | 1. Australian dollar: Experienced significant volatility and plunged to multi-year lows against major currencies.\n 2. Automated selling: Contributed to the Aussie's decline due to algorithmic trading.\n 3. Liquidity issues: Limited availability of buyers or sellers in the market affected the Aussie's value.\n 4. Drought of trades: Insufficient trading activity exacerbated the Aussie's volatility and price drops.\n 5. Key events: Significant falls in AUD/JPY and AUD/ currency pairs occurred, causing the Australian dollar to reach multi-year lows.\n\n Summary of | neutral_event | ||
11 | 2019-01-02 | In early Asian trading on Thursday, the Japanese yen surged as the U.S. dollar and Australian dollar collapsed in thin markets due to massive stop loss sales triggered by Apple's earnings warning of sluggish iPhone sales in China and risk aversion. The yen reached its lowest levels against the U.S. dollar since March | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | 1. Currencies: Japanese Yen, US Dollar, Australian Dollar\n 2. Events: Early Asian trading on Thursday, Massive stop loss sales, Apple's earnings warning, Sluggish iPhone sales in China, Risk aversion\n 3. Keywords: Trading, Japanese Yen, US Dollar, Australian Dollar, Collapsed, Thin Markets, Stop Loss Sales, Apple, Earnings Warning, Sluggish iPhone Sales, China, Risk Aversion\n 4. Topics:\n a. Currency Markets: Massive currency fluctuations due to Apple's earnings warning and risk aversion.\n b. Apple Inc.: Earnings report | negative_event | ||
12 | 2019-01-02 | The dollar fell from above 109 to 106.67 after Apple's revenue warning, while the 10-year Treasury yield also dropped to 2.61%. This followed money flowing into US government paper. Apple's shares and U.S. stock index futures declined, with the NAS | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | -1 | 1. Currency markets: The dollar experienced a decrease from above 109 to 106.67.\n 2. Apple: Revenue warning led to a decline in the dollar and 10-year Treasury yield.\n 3. Stock market: US stock index futures declined following Apple's announcement.\n 4. Interest rates: The 10-year Treasury yield dropped to 2.61%.\n 5. Money flow: Money moved into US government paper.\n\n Summary:\n - Currency markets: Dollar depreciation\n - Company: Apple\n - Industry: Technology\n - Financial markets: Stock index futures, | negative_event | ||
13 | 2019-01-02 | RBC Capital maintains its bullish stance on Apple, keeping its Outperform rating and $220 price target. However, analyst Amit Daryanani warns of ongoing iPhone demand concerns, which could impact pricing power and segmentation efforts if severe. He suggests potential capital allocation adjustments if the stock underperforms for several quarters | 41.740002 | 42.244999 | 41.482498 | 40.246914 | 130672400 | 0 | Topic 1: Apple Inc.\n Summary: RBC Capital maintains a bullish stance on Apple with an Outperform rating and $220 price target, but analyst Amit Daryanani raises concerns over ongoing iPhone demand, which could impact pricing power and segmentation efforts if severe.\n\n Topic 2: iPhone Demand\n Summary: Ongoing concerns exist regarding the demand for iPhones, which could negatively affect Apple's pricing power and segmentation efforts according to analyst Amit Daryanani.\n\n Topic 3: Pricing Power\n Summary: Analyst Amit Daryanani suggests that potential pricing power issues may arise for Apple due to ongoing | neutral_event | ||
14 | 2019-01-03 | Oil prices dropped on Thursday as investor sentiment remained affected by China's economic slowdown and turmoil in stock and currency markets. US WTI Crude Oil fell by | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | Topic 1:\n Event: Oil prices dropped\n Subjects: Oil prices, Investor sentiment\n Keywords: fell, WTI Crude Oil, | negative_event | ||
15 | 2019-01-03 | In this news article, investors' concerns about a slowing Chinese and global economy, amplified by Apple's revenue warning, led to a significant surge in the Japanese yen. The yen reached its biggest one-day rise in 20 months, with gains of over 4% versus the dollar. This trend was driven by automated | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Chinese and global economy slowdown: Concerns about a decelerating Chinese and global economy were expressed by investors.\n 2. Apple's revenue warning: Apple reported lower-than-expected revenue, adding to the economic uncertainty.\n 3. Japanese yen appreciation: The Japanese yen experienced a significant surge due to these concerns, reaching its largest one-day increase in 20 months.\n 4. Currency gains versus dollar: The yen saw over 4% gains against the US dollar.\n 5. Automated trading: The trend was driven by automated trading systems responding to the economic news.\n\n Summary of topics:\n 1. Chinese and global economy slowdown | negative_event | ||
16 | 2019-01-03 | In Asia, gold prices rose to over six-month highs on concerns of a global economic slowdown and stock market volatility. Apple lowered its revenue forecast for the first quarter, leading Asian stocks to decline and safe haven assets like gold and Japanese yen to gain. Data showed weakened factory activity in Asia, particularly China, adding to | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 1 | 1. Global Economic Slowdown: Rise in gold prices due to concerns of a slowing global economy.\n 2. Stock Market Volatility: Asian stocks declining due to Apple's revenue forecast lowering.\n 3. Safe Haven Assets: Gold and Japanese yen gaining value as investors seek safety during economic uncertainty.\n 4. Weakened Factory Activity: Particularly in China, indicated by data showing a decrease in factory activity. | positive_event | ||
17 | 2019-01-03 | Fears of a global economic slowdown led to a decline in the US dollar on Thursday, as the yen gained ground due to its status as a safe haven currency. The USD index slipped below 96, and USD JPY dropped to 107.61, while the yen strengthened by 4.4%. | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | Topic 1:\n Global Economic Slowdown\n \n Summary:\n Fears of a global economic slowdown were expressed in financial markets on Thursday, leading to a decline in the US dollar and an increase in the value of the Japanese yen.\n\n Topic 2:\n US Dollar Decline\n \n Summary:\n The US dollar experienced a decline in value on Thursday due to concerns over the global economic climate.\n\n Topic 3:\n Safe Haven Currency (Japanese Yen)\n \n Summary:\n The Japanese yen gained ground as investors sought out safe haven currencies during market uncertainty caused by fears of a global economic slowdown | neutral_event | ||
18 | 2019-01-03 | In Thursday trading, long-term US Treasury yields dropped significantly below 2.6%, reaching levels not seen in over a year, as investors shifted funds from stocks to bonds following Apple's warning of decreased revenue due to emerging markets and China's impact on corporate profits, with the White House advisor adding to concerns of earnings down | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | Topic 1:\n - Long-term US Treasury yields dropping below 2.6%\n - Investors shifting funds from stocks to bonds\n \n Summary: Significant decrease in long-term US Treasury yields, leading investors to move their funds from stocks to bonds.\n\n Topic 2:\n - Apple's warning of decreased revenue\n - Emerging markets and China's impact on corporate profits\n\n Summary: Apple announces decreased revenue due to challenges in emerging markets and China, affecting corporate profits.\n\n Topic 3:\n - White House advisor adding to concerns of earnings down\n\n Summary: The White House advisor's | negative_event | ||
19 | 2019-01-03 | Gold prices have reached their highest level since mid-June, with the yellow metal hitting | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | Topic 1:\n Gold Prices: Reached highest level since mid-June at | neutral_event | ||
20 | 2019-01-03 | Wedbush analyst Daniel Ives lowered his price target for Apple from | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Apple Inc.\n 2. iPhone sales\n 3. Potential stagnation or decline\n 4. Price target reduction (from | negative_event | ||
21 | 2019-01-03 | Oil prices rebounded on Thursday due to dollar weakness, signs of output cuts by Saudi Arabia, and weaker fuel oil margins leading Riyadh to lower February prices for heavier crude grades sold to Asia. The Organization of the Petroleum Exporting Countries (OPEC) led by Saudi Arabia and other producers | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 1 | 1. Topic 1: Oil Prices\n - Keywords: oil prices, rebounded, Thursday\n\n 2. Topic 2: Dollar Weakness\n - Keywords: dollar weakness\n\n 3. Topic 3: Output Cuts by Saudi Arabia\n - Keywords: output cuts, Saudi Arabia\n\n 4. Topic 4: Signs of Production Reduction\n - Keywords: signs, production reduction\n\n 5. Topic 5: Weaker Fuel Oil Margins\n - Keywords: weaker fuel oil margins\n\n 6. Topic 6: Lower February Prices for Heavier Crude Grades | positive_event | ||
22 | 2019-01-03 | This news article reports on the impact of Apple's Q1 revenue warning on several tech and biotech stocks. Sesen Bio (SESN) and Prana Biotechnology (PRAN) saw their stock prices drop by 28% and 11%, respectively, following the announcement. Mellanox Technologies (ML | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | 1. Topic: Apple's Q1 Revenue Warning\n - Key Events: Apple issued a warning about lower-than-expected revenue for Q1 2019.\n - Summary: Apple's financial performance announcement led to stock price drops in several tech companies.\n\n 2. Topic: Sesen Bio (SESN)\n - Key Events: The biotech company experienced a significant decrease in stock price (28%).\n - Summary: Sesen Bio was affected by the broader market reaction to Apple's revenue warning.\n\n 3. Topic: Prana Biotechnology (PRAN)\n - Key Events: The biotech company | neutral_event | ||
23 | 2019-01-03 | Gold prices reached within | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | 1. Topics: Gold prices, Safe-haven assets, Weak stock markets, Slumping dollar, COMEX gold futures\n 2. Summaries:\n a. Gold prices approached $1,300 due to investor demand for safe-haven assets caused by weak stock markets and a declining dollar.\n b. The U.S. stock market experienced a 2% decrease, contributing to the increased interest in gold.\n c. Apple issued a rare profit warning, further unsettling investors and driving them towards gold as a safer investment option.\n d. COMEX gold futures settled at an undisclosed price following these events. | neutral_event | ||
24 | 2019-01-03 | The FDIC Chair, Jelena McWilliams, expressed no concern over market volatility affecting the U.S banking system due to banks' ample capital. She also mentioned a review of the CAMELS rating system used to evaluate bank health for potential inconsistencies and concerns regarding forum shopping. This review comes from industry | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. FDIC Chair Jelena McWilliams: expressing no concern over market volatility, reviewing CAMELS rating system, mentioning forum shopping\n 2. FDIC Chair: addressing market volatility impact on U.S banking system, initiating CAMELS rating system review, discussing forum shopping concerns\n 3. Jelena McWilliams: expressing reassurance over banking system stability, leading CAMELS rating system evaluation, raising forum shopping issue\n 4. Market volatility: affecting U.S banking system, causing concern for FDIC Chair\n 5. FDIC Chair's reassurance: regarding market volatility impact on U.S | negative_event | ||
25 | 2019-01-03 | Apple cut its quarterly revenue forecast for the first time in over 15 years due to weak iPhone sales in China, representing around 20% of Apple's revenue. This marks a significant downturn during Tim Cook's tenure and reflects broader economic concerns in China exacerbated by trade tensions with the US. U | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | Topic 1:\n Apple: The tech company reduced its quarterly revenue forecast for the first time in over 15 years due to weak iPhone sales.\n\n Topic 2:\n Tim Cook: Apple's CEO during this significant downturn.\n\n Topic 3:\n China: A major market for Apple, accounting for around 20% of its revenue, experiencing economic concerns and trade tensions with the US.\n\n Topic 4:\n Weak iPhone sales: The primary reason behind Apple's revenue forecast reduction.\n\n Topic 5:\n Trade tensions between China and the US: Exacerbating broader economic concerns in China, | negative_event | ||
26 | 2019-01-03 | Goldman analyst Rod Hall lowered his price target for Apple from | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | Topic 1: Apple Inc.\n - Price target lowered by Goldman analyst Rod Hall for Apple from | neutral_event | ||
27 | 2019-01-03 | Delta Air Lines lowered its fourth-quarter revenue growth forecast to a range of 3% from the previous estimate of 3% to 5%. Earnings per share are now expected to be | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | 1. Delta Air Lines: Lowered fourth-quarter revenue growth forecast to a range of 3%\n 2. Earnings per share: Expected to be | neutral_event | ||
28 | 2019-01-03 | Apple's profit warning has significantly impacted the stock market and changed the outlook for interest rates. The chance of a rate cut in May has increased to 15-16% from just 3%, according to Investing com's Fed Rate Monitor Tool. There is even a 1% chance of two cuts in May. | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | Topic 1:\n Apple's profit warning\n\n Summary: Apple issued a profit warning that negatively affected the stock market and increased the likelihood of interest rate cuts by the Federal Reserve. | negative_event | ||
29 | 2019-01-03 | The White House advisor, Kevin Hassett, stated that a decline in Chinese economic growth would negatively impact U.S. firm profits but recover once a trade deal is reached between Washington and Beijing. He also noted that Asian economies, including China, have been experiencing significant slowdowns since last spring due to U.S. tariffs | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Topics:\n - White House advisor (Kevin Hassett)\n - Chinese economic growth\n - U.S. firm profits\n - Trade deal between Washington and Beijing\n - Asian economies\n - Significant slowdowns\n - US tariffs\n\n 2. Summarized Topics:\n - White House advisor Kevin Hassett discusses potential negative impact of Chinese economic slowdown on U.S. firm profits, but anticipates recovery post-trade deal.\n - Asian economies, including China, undergo significant slowdowns due to US tariffs since last spring. | negative_event | ||
30 | 2019-01-03 | The White House economic adviser, Kevin Hassett, warned that more companies could face earnings downgrades due to ongoing trade negotiations between the U.S. and China, leading to a decline in oil prices on Thursday. WTI crude fell 44 cents to $44.97 a barrel, while Brent crude inched | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Topic: Trade Negotiations between US and China\n - Keywords: trade negotiations, US, China\n - Summary: Ongoing trade discussions between the US and China are causing concerns for potential earnings downgrades among companies, leading to a decline in oil prices.\n\n 2. Topic: Oil Prices\n - Keywords: oil prices, WTI crude, Brent crude\n - Summary: The price of both WTI crude and Brent crude experienced a decrease due to the trade negotiations between the US and China. | negative_event | ||
31 | 2019-01-03 | Japanese stocks suffered significant losses on the first trading day of 2019, with the Nikkei 225 and Topix indices both falling over 3 percent. Apple's revenue forecast cut, citing weak iPhone sales in China, triggered global growth concerns and sent technology shares tumbling. The S&P 50 | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Event: Significant losses for Japanese stocks on the first trading day of 2019\n 2. Topics: Japanese stocks, Nikkei 225, Topix indices\n 3. Keywords: losses, significant, Japanese stocks, Nikkei 225, Topix indices\n\n 1. Event: Apple's revenue forecast cut due to weak iPhone sales in China\n 2. Topics: Apple, revenue forecast, weak iPhone sales, China\n 3. Keywords: Apple, revenue forecast, weak sales, China\n\n 1. Event: Global growth concerns triggered by Apple's announcement\n 2. Topics: Global growth, concerns, Apple | negative_event | ||
32 | 2019-01-03 | Investors withdrew a record $98 billion from U.S. stock funds in December, with fears of aggressive monetary policy and an economic slowdown driving risk reduction. The S&P 500 fell 9% last month, with some seeing declines as a buying opportunity. Apple's warning of weak iPhone sales added | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Topic 1: Investor Behavior and Stock Market\n * Keywords: investors, withdrew, record amount, U.S. stock funds, fears, aggressive monetary policy, economic slowdown, risk reduction\n * Summary: Investors pulled out a significant amount from U.S. stock funds due to concerns over monetary policy and an economic downturn.\n\n 2. Topic 2: S&P 500 Performance\n * Keywords: S&P 500, fell, 9%, declines\n * Summary: The S&P 500 experienced a decline of 9% in December.\n\n 3. Topic | negative_event | ||
33 | 2019-01-03 | Apple's Q1 revenue guidance cut, resulting from weaker demand in China, led to an estimated | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Apple's Q1 revenue guidance: Apple has revised its expected revenue for the first quarter.\n 2. Weaker demand in China: Decreased consumer interest in Apple products in China.\n 3. Estimated paper loss for Berkshire Hathaway: A potential financial loss of | negative_event | ||
34 | 2019-01-03 | This news article reports that a cybersecurity researcher, Wish Wu, planned to present at the Black Hat Asia hacking conference on how to bypass Apple's Face ID biometric security on iPhones. However, his employer, Ant Financial, which operates Alipay and uses facial recognition technologies including Face ID, asked him to withdraw | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | 1. Acybersecurity researcher named Wish Wu\n 2. Planned to present at the Black Hat Asia hacking conference\n 3. Topic: Bypassing Apple's Face ID biometric security\n 4. Employer: Ant Financial\n 5. Uses facial recognition technologies including Face ID\n\n Summary: A cybersecurity researcher, Wish Wu, intended to discuss bypassing Apple's Face ID security at the Black Hat Asia conference. His employer, Ant Financial, which employs facial recognition technology, requested he withdraw from the presentation. | neutral_event | ||
35 | 2019-01-03 | OPEC's production cuts faced uncertainty as oil prices were influenced by volatile stock markets, specifically due to Apple's lowered revenue forecast and global economic slowdown fears. US WTI and Brent crude both saw gains, but these were checked by stock market declines. Shale production is expected to continue impacting the oil market in | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | 1. OPEC Production Cuts: Uncertainty due to oil price fluctuations influenced by volatile stock markets.\n 2. Stock Markets: Apple's lowered revenue forecast and global economic slowdown fears causing declines, affecting oil prices.\n 3. Oil Prices: WTI and Brent crude saw gains but were checked by stock market declines.\n 4. Shale Production: Continued impact on the oil market.\n\nOutput:\n[1] OPEC Production Cuts: Uncertainty due to volatile stock markets.\n[2] Stock Markets: Apple's lowered revenue forecast and global economic slowdown causing declines.\n[3] Oil Prices: | neutral_event | ||
36 | 2019-01-03 | Warren Buffett's Berkshire Hathaway suffered significant losses in the fourth quarter due to declines in Apple, its largest common stock investment. Apple cut its revenue forecast, causing a 5-6% decrease in Berkshire's Class A shares. The decline resulted in potential unrealized investment losses and could push Berk | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | 1. Topic: Berkshire Hathaway (BH) and its investments\n 2. Event: Suffered significant losses in the fourth quarter\n 3. Keywords: Berkshire Hathaway, losses, fourth quarter\n 4. Topic: Apple Inc.\n 5. Event: Cut revenue forecast, caused decrease in BH's Class A shares\n 6. Keywords: Apple, revenue forecast, decreased shares\n 7. Topic: Unrealized investment losses\n 8. Event: Potential losses due to Apple's decline\n 9. Keywords: unrealized investment losses\n 10. Topic: Berkshire Hathaway Class | neutral_event | ||
37 | 2019-01-03 | This news article reports that on Thursday, the two-year Treasury note yield dropped below the Federal Reserve's effective rate for the first time since 2008. The market move suggests investors believe the Fed will not be able to continue tightening monetary policy. The drop in yields was attributed to a significant decline in U.S | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. Subjects/Entities: Two-year Treasury note yield, Federal Reserve, effective rate, investors, monetary policy\n 2. Key Events/Actions: Two-year Treasury note yield drops below Federal Reserve's effective rate for the first time since 2008, Investors believe Fed will not be able to continue tightening monetary policy\n 3. Relevant Keywords: Two-year Treasury note yield, Federal Reserve, effective rate, investors, monetary policy, drop, yields, decline, U.S., market move, suggest, unable, continue, tightening\n 4. Summarized Topics:\n a. Two-year Treasury note yield dropping below Federal | negative_event | ||
38 | 2019-01-03 | The U.S. and China will hold their first face-to-face trade talks since agreeing to a 90-day truce in their trade war last month. Deputy U.S. Trade Representative Jeffrey Gerrish will lead the U.S. delegation for negotiations on Jan. 7 and 8, | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 1 | 1. Topic: U.S.-China Trade Talks\n 2. Summary: The United States and China are set to hold their initial trade negotiations following a 90-day truce in their ongoing trade war. Deputy U.S. Trade Representative Jeffrey Gerrish will head the American delegation during the talks scheduled for January 7 and 8. | positive_event | ||
39 | 2019-01-03 | Investors bought gold in large quantities due to concerns over a global economic slowdown, increased uncertainty in the stock market, and potential Fed rate hikes. The precious metal reached its highest price since June, with gold ETF holdings also seeing significant increases. Factors contributing to this demand include economic downturn, central bank policy mistakes, and | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 1 | 1. Global Economic Slowdown: Investors bought gold due to concerns over a slowing global economy.\n 2. Uncertainty in the Stock Market: Increased uncertainty in the stock market led investors to buy gold as a safe-haven asset.\n 3. Potential Fed Rate Hikes: Anticipation of Federal Reserve interest rate hikes also contributed to gold demand.\n 4. Highest Gold Price since June: The price of gold reached its highest level since June due to these factors.\n 5. Significant Increases in Gold ETF Holdings: Investors also saw significant increases in gold ETF holdings, further indicating increased demand for the precious metal.\n 6. Economic | positive_event | ||
40 | 2019-01-03 | Delta Air Lines Inc reported lower-than-expected fourth quarter unit revenue growth, citing weaker than anticipated late bookings and increased competition. The carrier now expects total revenue per available seat mile to rise about 3 percent in the period, down from its earlier forecast of 3.5 percent growth. Fuel prices are also expected to | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | 0 | 1. Delta Air Lines Inc: Aviation industry, Airline company\n 2. Lower-than-expected fourth quarter unit revenue growth: Financial performance, Revenue growth\n 3. Weaker than anticipated late bookings: Travel demand, Booking trends\n 4. Increased competition: Market conditions, Competition\n 5. Total revenue per available seat mile: Airline industry metric, Revenue growth\n 6. Expected to rise about 3 percent in the period: Financial forecast, Growth rate\n 7. Down from its earlier forecast of 3.5 percent growth: Revised expectations, Decrease in growth rate\n 8. Fuel prices: Energy sector, Cost factor\n | neutral_event | ||
41 | 2019-01-03 | U.S. stocks experienced significant declines on Thursday as the S&P 500 dropped over 2%, the Dow Jones Industrial Average fell nearly 3%, and the Nasdaq Composite lost approximately 3% following a warning of weak revenue from Apple and indications of slowing U.S. factory activity, raising concerns | 43.570000 | 43.787498 | 43.222500 | 42.470604 | 103544800 | -1 | 1. **Stocks:** Declines in U.S. stocks on Thursday. Specifically mentioned were the S&P 500, Dow Jones Industrial Average, and Nasdaq Composite.\n 2. **Market Indices:** Significant drops in these indices: S&P 500 (over 2%), Dow Jones Industrial Average (nearly 3%), and Nasdaq Composite (approximately 3%).\n 3. **Apple:** Weak revenue warning from this tech company influenced the stock market decline.\n 4. **Factory Activity:** Indications of slowing U.S. factory activity also contributed to concerns in the stock market.\n | negative_event | ||
42 | 2019-01-04 | President Trump expressed optimism over potential trade talks with China, citing China's current economic weakness as a potential advantage for the US. This sentiment was echoed by recent reports of weakened demand for Apple iPhones in China, raising concerns about the overall health of the Chinese economy. The White House is expected to take a strong stance in | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 0 | 1. Trade talks between China and the US: President Trump expressed optimism, citing China's economic weakness as an advantage.\n 2. Chinese economy: Weakened demand for Apple iPhones raises concerns about overall health.\n 3. White House stance: Expected to take a strong position in trade negotiations.\n\n In summary: Trade negotiations between the US and China, with focus on the Chinese economy's current state and potential impact on Apple sales. | neutral_event | ||
43 | 2019-01-04 | Qualcomm secured a court order in Germany banning the sale of some iPhone models due to patent infringement, leading Apple to potentially remove these devices from its stores. However, third-party resellers like Gravis continue selling the affected iPhones. This is the third major effort by Qualcomm to ban Apple's iPhones glob | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 0 | 1. Topic 1:\n Keywords: Qualcomm, court order, Germany, iPhone models, patent infringement, sale ban\n Summary: Qualcomm obtained a court order in Germany prohibiting the sale of certain iPhone models due to patent violations.\n\n 2. Topic 2:\n Keywords: Apple, potentially, remove, devices, stores\n Summary: Apple may withdraw the affected iPhone models from its retail outlets as a result of the court order.\n\n 3. Topic 3:\n Keywords: third-party resellers, Gravis, continue selling\n Summary: Despite the sale ban, third-party vendors like Gravis persist in offering | neutral_event | ||
44 | 2019-01-04 | Oil prices rose on Friday in Asia as China confirmed trade talks with the U.S., with WTI gaining 0.7% to | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 0 | 1. Topic 1: Oil Prices\n - Keywords: rose, Asia, WTI, Brent, barrel, gained\n - Summary: Oil prices increased in Asia on Friday due to positive news regarding US-China trade talks. Both WTI and Brent saw a 0.7% rise, with WTI reaching | neutral_event | ||
45 | 2019-01-04 | Gold prices surged past the psychologically significant level of $1,300 per ounce in Asia on Friday due to growing concerns over a potential global economic downturn. The rise in gold was attributed to weak PMI data from China and Apple's reduced quarterly sales forecast. Investors viewed gold as a safe haven asset amidst | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | -1 | 1. Topic: Gold Prices\n Summary: Gold prices surged past $1,300 per ounce in Asia due to economic downturn concerns and weak PMI data from China, as well as Apple's reduced sales forecast.\n\n 2. Topic: Economic Downturn Concerns\n Summary: Growing concerns over a potential global economic downturn contributed to the rise in gold prices.\n\n 3. Topic: Weak PMI Data (China)\n Summary: Weak PMI data from China was a significant factor in the surge of gold prices.\n\n 4. Topic: Safe Haven Asset\n Summary: Investors viewed gold as | negative_event | ||
46 | 2019-01-04 | In an internal memo, Huawei's Chen Lifang reprimanded two employees for sending a New Year greeting on the company's official Twitter account using an iPhone instead of a Huawei device. The incident caused damage to the brand and was described as a "blunder" in the memo. The mistake occurred due to | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 0 | 1. Huawei: A Chinese technology company\n 2. Chen Lifang: Huawei executive\n 3. Employees: Unnamed individuals working for Huawei\n 4. New Year greeting: A message wishing a happy new year\n 5. Official Twitter account: Huawei's social media presence\n 6. iPhone: Apple's smartphone brand\n 7. Blunder: An error or mistake causing negative consequences\n\n Topics:\n 1. Huawei: Company faces PR issue due to employee using an iPhone for New Year greeting on official Twitter account.\n 2. Chen Lifang: Executive reprimands employees for using iPhone instead | neutral_event | ||
47 | 2019-01-04 | This news article reports on the positive impact of trade war talks between Beijing and Washington on European stock markets, specifically sectors sensitive to the trade war such as carmakers, industrials, mining companies, and banking. Stocks rallied with mining companies leading the gains due to copper price recovery. Bayer shares climbed despite a potential ruling restricting | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 1 | 1. Trade war talks between Beijing and Washington\n 2. European stock markets\n 3. Sectors sensitive to trade war: carmakers, industrials, mining companies, banking\n 4. Stocks rallied\n 5. Mining companies led gains\n 6. Copper price recovery\n 7. Bayer shares climbed despite potential ruling restriction. | positive_event | ||
48 | 2019-01-04 | Amazon has sold over 100 million devices with its Alexa digital assistant, according to The Verge. The company is cautious about releasing hardware sales figures and did not disclose holiday numbers for the Echo Dot. Over 150 products feature Alexa, and more than 28,000 smart home | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 0 | 1. Amazon: The e-commerce giant\n 2. Alexa digital assistant: Amazon's voice assistant technology\n 3. Over 100 million devices sold: Significant sales figure for Alexa-enabled devices\n 4. The Verge: Source of the information\n 5. Over 150 products: Number of products with Alexa integration\n 6. More than 28,000 smart home devices: Extensive range of compatible smart home devices\n\nSummary:\nAmazon's Alexa digital assistant has sold over 100 million devices, according to The Verge. Over 150 products and more than 28,000 smart home | neutral_event | ||
49 | 2019-01-04 | The Supreme Court will review Broadcom's appeal in a shareholder lawsuit over the 2015 acquisition of Emulex. The case hinges on whether intent to defraud is required for such lawsuits, and the decision could extend beyond the Broadcom suit. An Emulex investor filed a class action lawsuit | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | -1 | Topic 1:\n Supreme Court Review of Broadcom's Appeal in Emulex Shareholder Lawsuit\n\n Summary: The Supreme Court will examine Broadcom's appeal in a shareholder lawsuit concerning the 2015 acquisition of Emulex. This case centers around the question of whether intent to defraud is necessary for such lawsuits, and its outcome may have wider implications beyond the Broadcom suit itself.\n\n Topic 2:\n Emulex Investor Files Class Action Lawsuit against Broadcom\n\n Summary: An investor in Emulex initiated a class action lawsuit against Broadcom following the completion of Broadcom's acquisition of Emulex in | negative_event | ||
50 | 2019-01-04 | The Chinese central bank announced a fifth reduction in the required reserve ratio (RRR) for banks, freeing up approximately 116.5 billion yuan for new lending. This follows mounting concerns about China's economic health amid slowing domestic demand and U.S. tariffs on exports. Premier Li Keqiang | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 0 | 1. Chinese central bank\n 2. Fifth reduction in Required Reserve Ratio (RRR) for banks\n 3. Approximately 116.5 billion yuan freed up for new lending\n 4. Economic concerns in China\n 5. Slowing domestic demand\n 6. U.S. tariffs on exports\n\nTopics:\n- Chinese central bank policy\n- Required Reserve Ratio (RRR) reduction\n- New lending and economic stimulus\n- Concerns about China's economy\n- Domestic demand slowdown\n- US tariffs on Chinese exports | neutral_event | ||
51 | 2019-01-04 | The stock market rebounded strongly on Friday following positive news about US-China trade talks, a better-than-expected jobs report, and dovish comments from Federal Reserve Chairman Jerome Powell. The Dow Jones Industrial Average rose over 746 points, with the S&P 500 and Nasdaq Com | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 1 | 1. US-China Trade Talks: Positive developments in trade negotiations between the United States and China.\n 2. Stock Market: The market experienced a significant rebound on Friday.\n 3. Dow Jones Industrial Average, S&P 500, Nasdaq Composite: Specific stock market indices that showed gains.\n 4. Rise over 746 points (Dow Jones), better-than-expected jobs report: Significant increases in these economic indicators.\n 5. Dovish comments from Federal Reserve Chairman Jerome Powell: The Fed Chair's remarks suggested a more accommodative monetary policy stance.\n\n Summary of Topics:\n 1 | positive_event | ||
52 | 2019-01-07 | Sprint and Samsung plan to release 5G smartphones in nine U.S. cities this summer, with Atlanta, Chicago, Dallas, Houston, Kansas City, Los Angeles, New York City, Phoenix, and Washington D.C. being the initial locations. Rival Verizon also announced similar plans for the first half of 20 | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 1 | 5G Smartphones Release: Sprint and Samsung to launch in Atlanta, Chicago, Dallas, Houston, Kansas City, Los Angeles, New York City, Phoenix, Washington D.C. this summer.\n \n Topics:\n 1. Sprint\n 2. Samsung\n 3. 5G smartphones\n 4. Release\n 5. Nine U.S. cities\n 6. Atlanta\n 7. Chicago\n 8. Dallas\n 9. Houston\n 10. Kansas City\n 11. Los Angeles\n 12. New York City\n 13. Phoenix\n 14. Washington D.C.\n \n Summary: Sprint | positive_event | ||
53 | 2019-01-07 | AMS, an Austrian tech company listed in Switzerland and a major supplier to Apple, has developed a light and infrared proximity sensor that can be placed behind a smartphone's screen. This allows for a larger display area by reducing the required space for sensors. AMS provides optical sensors for 3D facial recognition features on Apple | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 0 | Topic 1:\n Company: AMS (Austrian Micro Systems)\n Location: Austrian tech company listed in Switzerland\n Role: Major supplier to Apple\n Event: Developed a new sensor technology\n Description: Created a light and infrared proximity sensor\n Functionality: Allows for larger display area by reducing sensor space\n Keywords: AMS, Austrian tech company, Swiss-listed, major supplier, Apple, developed, sensor, light, infrared, proximity, larger display area\n\n Topic 2:\n Company: AMS\n Product: Optical sensors\n Role: Provides for 3D facial recognition features on Apple devices. | neutral_event | ||
54 | 2019-01-07 | Deutsche Bank upgraded Vivendi's Universal Music Group valuation from €20 billion to €29 billion, surpassing the market cap of Vivendi at €28.3 billion. The bank anticipates music streaming revenue to reach €21 billion in 2023 and identifies potential suitors for | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 0 | 1. Deutsche Bank upgrades Universal Music Group's valuation: €29 billion\n 2. DB surpasses Vivendi's market cap with new UMG evaluation: €28.3 billion\n 3. Anticipated music streaming revenue in 2023: €21 billion\n 4. Potential suitors identified for Universal Music Group. | neutral_event | ||
55 | 2019-01-07 | Amazon's stock is predicted to surge by over 20% by the end of this year, according to a new report from Pivotal Research. Senior analyst Brian Wieser initiated coverage on the stock with a buy rating and a year-end price target of $1,920. The growth potential for Amazon lies primarily in | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 1 | 1. Amazon's stock predicted surge: 20% increase by end of year\n 2. New report from Pivotal Research\n 3. Buy rating and year-end price target: | positive_event | ||
56 | 2019-01-07 | AMS, an Austrian sensor specialist, is partnering with Chinese software maker Face to develop new 3D facial recognition features for smartphones. This move comes as AMS aims to reduce its dependence on Apple and boost its battered shares. AMS provides optical sensors for Apple's 3D facial recognition feature on iPhones, | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 1 | 1. Topic: AMS (Austrian sensor specialist)\n - Key events: Partnering with Chinese software maker Face, developing new 3D facial recognition features for smartphones\n - Summary: AMS collaborates with Face to create advanced facial recognition technology for mobile devices as part of their business diversification strategy.\n\n 2. Topic: Apple\n - Key events: Previous partnership with AMS for 3D facial recognition feature on iPhones\n - Summary: Apple is a former business partner of AMS, having utilized their optical sensors for the implementation of 3D facial recognition technology in iPhones.\n\n 3. Topic: Chinese software maker Face\n - | positive_event | ||
57 | 2019-01-07 | Geely, China's most successful carmaker, forecasts flat sales for 2019 due to economic slowdown and cautious consumers. In 2018, it posted a 20% sales growth, but missed its target of 1.58 million cars by around 5%. Sales dropped 44 | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 0 | 1. **Geely**: A Chinese automaker and the country's most successful carmaker.\n 2. **Sales**: The number of vehicles sold by Geely in a given year.\n 3. **Flat sales for 2019**: Geely expects no growth or increase in sales for the year 2019.\n 4. **Economic slowdown**: A decrease in economic activity and growth, affecting consumer spending and demand for cars.\n 5. **Cautious consumers**: Consumers who are hesitant to make large purchases due to economic uncertainty or personal financial concerns.\n 6. **20% sales growth in 2018**: Ge | neutral_event | ||
58 | 2019-01-07 | China is making sincere efforts to address U.S. concerns and resolve the ongoing trade war, including lowering taxes on automobile imports and implementing a law banning forced technology transfers. However, Beijing cannot and should not dismantle its governance model as some in Trump's administration have demanded. Former Goldman Sachs China | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 0 | 1. Trade war between China and the U.S.\n 2. China addressing U.S. concerns: lowering taxes on automobile imports, banning forced technology transfers.\n 3. Key events: China making efforts to resolve trade war, implementing policy changes.\n 4. Relevant keywords: trade war, China, U.S., addressing concerns, tax cuts, automobile imports, technology transfers, policy changes.\n 5. Summary topics: Trade War Resolution, China's Policy Changes. | neutral_event | ||
59 | 2019-01-07 | Stock index futures indicate a slightly lower open on Wall Street Monday, as investors remain cautious amid lack of progress in U.S.-China trade talks and political risks from the ongoing government shutdown. Dow futures were flat, S&P 500 dipped 0.13%, while Nasdaq 10 | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 0 | 1. Topics:\n a. Stock market (Wall Street, Dow futures, S&P 500, Nasdaq 100)\n b. Trade talks between U.S. and China\n c. Political risks\n d. Government shutdown\n\n 2. Summarized Topics:\n a. Stock market: Indicates a slightly lower open on Wall Street due to cautious investor sentiment amid trade talks stalemate and government shutdown.\n b. Trade talks: Lack of progress between U.S. and China continues to influence the stock market negatively.\n c. Political risks: Ongoing government shutdown adds to | neutral_event | ||
60 | 2019-01-07 | Qualcomm, a leading chipmaker, has announced an expansion of its lineup of car computing chips into three tiers - entry-level, Performance, Premiere, and Paramount. This move is aimed at catering to various price points in the automotive market, similar to its smartphone offerings. The company has reported a backlog | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 0 | 1. Qualcomm: A leading chipmaker\n 2. Expansion of car computing chips lineup\n - Three tiers: Entry-level, Performance, Premiere, Paramount\n 3. Catering to different price points in the automotive market\n 4. Similar strategy to smartphone offerings\n 5. Reported backlog (implied business growth)\n\nTopics:\n1. Qualcomm\n2. Chipmaker\n3. Car computing chips\n4. Expansion\n5. Three tiers\n6. Entry-level\n7. Performance\n8. Premiere\n9. Paramount\n10. Automotive market\n11. Price points\n12. | neutral_event | ||
61 | 2019-01-07 | The stock market showed minimal changes at the open as investors await trade talks progress between the U.S. and China. The S&P 500 dropped 0.04%, Dow lost 0.23%, but Nasdaq gained 0.2%. The ISM services index, expected to be released at 1 | 50.792500 | 51.122501 | 50.162498 | 49.110790 | 109012000 | 0 | 1. Topics:\n a. Stock market (S&P 500, Dow, Nasdaq)\n b. Trade talks between U.S. and China\n c. ISM services index\n\n 2. Summaries:\n a. Stock market: Minimal changes at the open; S&P 500 dropped slightly, Dow lost more, while Nasdaq gained.\n b. Trade talks: Investors await progress between U.S. and China.\n c. ISM services index: Expected release. | neutral_event | ||
62 | 2019-01-08 | The article suggests that some economists believe the US economy may have reached its peak growth rate, making the euro a potentially bullish investment. The EUR/USD exchange rate has held steady despite weak Eurozone data due to dollar weakness and stagnant interest rate expectations in Europe. However, concerns over economic growth are emerging due to sell | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | -1 | 1. US Economy: Some economists suggest the US economy may have reached peak growth rate.\n 2. Euro: A potentially bullish investment due to US dollar weakness and stagnant interest rates in Europe.\n 3. EUR/USD Exchange Rate: Has held steady despite weak Eurozone data.\n 4. Dollar Weakness: Contributing factor to the Euro's stability.\n 5. Stagnant Interest Rates in Europe: Another contributing factor to the Euro's stability.\n 6. Economic Growth Concerns: Emerging due to sell-off in European stocks and weak Eurozone data.\n\nSummary:\nUS Economy, Euro, EUR | negative_event | ||
63 | 2019-01-08 | The Chinese smartphone market, the world's largest, saw a decline of 12-15.5 percent in shipments last year with December experiencing a 17 percent slump, according to China Academy of Information and Communications Technology (CAICT) and market research firm Canalys. This follows a 4 percent drop in ship | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | 0 | 1. Topic: Chinese Smartphone Market\n 2. Summary: The Chinese smartphone market, the world's largest, experienced a significant decline in shipments last year with a 12-15.5% decrease. December saw an even larger slump of 17%. (Sources: CAICT, Canalys)\n\n News Articles: Tesla Inc. is recalling nearly 363,000 vehicles in the United States due to a potential fire risk from a faulty power window switch, according to documents filed with the National Highway Traffic Safety Administration.\n\n 1. Topic: Tesla Recall\n 2. Summary: Tesla is recalling approximately | neutral_event | ||
64 | 2019-01-08 | Austrian tech firm AT S lowered its revenue growth forecast for 2018/19 due to weak demand from smartphone makers and the automotive industry. The company now anticipates a 3% increase in sales from last year's €991.8 million, down from its previous projection of a 6- | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | 0 | 1. Subjects: Austrian tech firm AT S, smartphone makers, automotive industry\n 2. Events: Lowered revenue growth forecast, weak demand from smartphone makers and the automotive industry\n 3. Keywords: Austrian tech firm AT S, revenue growth, sales, 2018/19, €991.8 million, smartphone makers, automotive industry, weak demand\n 4. Topics:\n - Austrian tech firm AT S experiencing reduced sales growth in 2018/19\n - Weak market conditions from smartphone manufacturers affecting the company's revenue\n - Automotive industry also contributing to decreased demand for | neutral_event | ||
65 | 2019-01-08 | The stock markets in Asia surged during morning trade on Wednesday, following reports of progress in U. S - China trade talks. Negotiators extended talks for a third day and reportedly made strides on purchases of U. S goods and services. However, structural issues such as intellectual property rights remain unresolved. President Trump is eager to strike | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | 1 | 1. Topic 1: U.S-China Trade Talks\n - Keywords: trade talks, negotiators, progress, purchases of US goods and services\n - Summary: The U.S and China are engaged in trade negotiations, with reports indicating progress being made on potential purchases of American goods and services.\n\n 2. Topic 2: Stock Markets in Asia\n - Keywords: stock markets, Asia, surged, morning trade, Wednesday\n - Summary: The stock markets in Asia experienced growth during morning trade on a Wednesday, likely due to positive news regarding U.S-China trade talks.\n\n 3. Topic 3: President Trump\n - | positive_event | ||
66 | 2019-01-08 | Mercedes Benz sold over 2.31 million passenger cars in 2018, making it the top selling premium automotive brand for the third year in a row. However, analysts question how long German manufacturers can dominate the luxury car industry due to the shift towards electric and self-driving cars. Tesla, with | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | 1 | 1. Mercedes Benz: Top selling premium automotive brand in 2018 with over 2.31 million passenger car sales (third year in a row)\n 2. German manufacturers: Dominate the luxury car industry\n 3. Shift towards electric and self-driving cars: Potential challenge for German manufacturers\n 4. Mercedes Benz, German manufacturers: Automotive industry, Sales figures\n 5. Electric and self-driving cars: Emerging technology trends\n 6. Tesla: Competitor in the automotive industry, Focus on electric and self-driving cars | positive_event | ||
67 | 2019-01-08 | The S&P 500 reached a three-week high on Tuesday, driven by gains in Apple, Amazon, Facebook, and industrial shares. Investors are optimistic about a potential deal between the US and China to end their trade war. The S&P 500 has rallied over 9% since late December | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | 1 | 1. Topic 1: S&P 500 - Stock market index reaching three-week high\n Keywords: S&P 500, stock market index, three-week high\n\n 2. Topic 2: Apple, Amazon, Facebook - Tech companies with gains\n Keywords: Apple, Amazon, Facebook, tech companies, gains\n\n 3. Topic 3: Industrial shares - Sector experiencing growth\n Keywords: industrial shares, sector, growth\n\n 4. Topic 4: US-China trade war - Potential deal to end conflict\n Keywords: US, China, trade war, potential deal\n\n 5. Top | positive_event | ||
68 | 2019-01-08 | The stock market continued its rally on Tuesday, with the Dow Jones Industrial Average, S&P 500, and Nasdaq Composite all posting gains. Optimism over progress in trade talks between the US and China was a major contributor to the market's positive sentiment, with reports suggesting that both parties are narrowing their differences ahead | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | 1 | 1. Topic: Stock Market Rally\n - Keywords: stock market, rally, Dow Jones Industrial Average, S&P 500, Nasdaq Composite\n\n 2. Topic: Trade Talks between US and China\n - Keywords: trade talks, US, China, narrowing differences | positive_event | ||
69 | 2019-01-08 | Roku's stock dropped by 5% on Tuesday following Citron Research's reversal of its long position, labeling the company as uninvestable. This change in stance came after Apple announced partnerships with Samsung to offer iTunes services on some Samsung TVs, potentially impacting Roku's user base growth. | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | -1 | 1. Topic 1: Roku's Stock\n * Event: Dropped by 5%\n * Keywords: Roku, stock, dropped\n\n 2. Topic 2: Citron Research\n * Event: Reversed long position\n * Keywords: Citron Research, reversed, long position\n\n 3. Topic 3: Apple\n * Event: Announced partnerships\n * Keywords: Apple, announced, partnerships\n\n 4. Topic 4: Samsung\n * Event: Offering iTunes services on some TVs\n * Keywords: Samsung, offering, iTunes, services\n\n | negative_event | ||
70 | 2019-01-08 | The Chinese authorities are expected to release a statement following the conclusion of U. S. trade talks in Beijing, with both sides signaling progress toward resolving the conflict that has roiled markets. Chinese Vice Premier Liu He, who is also the chief economic adviser to Chinese President Xi Jinping, made an appearance at the negotiations and is | 53.474998 | 54.507500 | 51.685001 | 50.787209 | 216071600 | 1 | 1. U.S.-China Trade Talks: The Chinese authorities are expected to release a statement after the conclusion of U.S. trade talks in Beijing. Both sides have signaled progress towards resolving the conflict that has impacted markets.\n Keywords: U.S., China, trade talks, Beijing, statement, progress, resolution, markets.\n\n Summary: The news headline discusses the anticipated Chinese response following U.S. trade negotiations in Beijing, with both parties indicating advancements towards resolving their ongoing trade conflict and its market implications. | positive_event | ||
71 | 2019-01-10 | Xiaomi Co-founder Lei Jun remains optimistic about the future of his smartphone company despite a recent share slump that erased $6 billion in market value. The Chinese tech firm is shifting its focus to the high end and expanding into Europe, while shunning the US market. Xiaomi aims to elevate its Red | 56.267502 | 57.055000 | 56.049999 | 54.932766 | 139223200 | 0 | 1. Xiaomi: The Chinese tech company mentioned in the news article.\n 2. Xiaomi's Co-founder Lei Jun: The individual named in the headline, expressing optimism about the future of Xiaomi.\n 3. Share slump: A significant decline in Xiaomi's stock market value.\n 4. High end: Xiaomi's new focus on producing high-end smartphones.\n 5. Europe: The region where Xiami is expanding its business.\n 6. US market: The market that Xiaomi is shunning.\n 7. Red Mi: A product or brand of Xiaomi.\n\nTopics | neutral_event | ||
72 | 2019-01-10 | The European Commission has launched an investigation into Nike's tax treatment in the Netherlands, expressing concerns that the company may have received an unfair advantage through royalty payment structures. The EU executive has previously probed tax schemes in Belgium, Gibraltar, Luxembourg, Ireland, and the Netherlands, with countries ordered to recover taxes from benefici | 56.267502 | 57.055000 | 56.049999 | 54.932766 | 139223200 | 0 | 1. **Topic 1:** European Commission Investigation\n * Keywords: European Commission, investigation, Nike\n * Summary: The European Commission has initiated an investigation into Nike's tax treatment in the Netherlands.\n\n 2. **Topic 2:** Tax Treatment in the Netherlands\n * Keywords: Nike, tax treatment, Netherlands\n * Summary: Nike is under scrutiny for its tax practices in the Netherlands.\n\n 3. **Topic 3:** Unfair Advantage through Royalty Payments\n * Keywords: unfair advantage, royalty payments, Nike\n * Summary: The European Commission suspects that Nike may have received an unfair advantage through | neutral_event | ||
73 | 2019-01-10 | Taiwan's Foxconn, a major Apple supplier, reported an 8.3% decline in December revenue to TWD 619.3 billion ($20.1 billion), marking its first monthly revenue dip since February. The fall was due to weak demand for consumer electronics. In 2018, Foxconn | 56.267502 | 57.055000 | 56.049999 | 54.932766 | 139223200 | 0 | 1. Company: Foxconn (Taiwan's Foxconn, a major Apple supplier)\n 2. Industry: Consumer electronics\n 3. Key Events: Reported an 8.3% decline in December revenue, first monthly revenue dip since February\n 4. Reasons for Decline: Weak demand for consumer electronics\n 5. Topics: Foxconn, revenue decline, weak demand, consumer electronics\n \nOutput: ["Foxconn": "A major Apple supplier experienced a revenue decline in December due to weak consumer electronics demand."] | neutral_event | ||
74 | 2019-01-10 | Starting tomorrow, JD.com will offer reduced prices on some Apple iPhone 8 and 8 Plus models by approximately 600 yuan and 800 yuan respectively. These price drops, amounting to a savings of around | 56.267502 | 57.055000 | 56.049999 | 54.932766 | 139223200 | 1 | Topic 1:\n - JD.com\n - Price reduction\n - Apple iPhone 8\n - Approximately 600 yuan discount\n \n Topic 2:\n - JD.com\n - Price reduction\n - Apple iPhone 8 Plus\n - Approximately 800 yuan discount\n \n Topic 3:\n - JD.com\n - Sales promotion\n - Apple iPhone 8 and 8 Plus\n - Savings of around | positive_event | ||
75 | 2019-01-10 | Cummins, Inc. (CMI) announced that Pat Ward, its long-term Chief Financial Officer (CFO), will retire after 31 years of service on March 31, 2019. Mark Smith, who has served as Vice President of Financial Operations since 2014, will succeed Ward, | 56.267502 | 57.055000 | 56.049999 | 54.932766 | 139223200 | 0 | Topic 1:\n Company: Cummins, Inc. (CMI)\n Event: Announcement of retirement\n Subjects: Pat Ward, Chief Financial Officer (CFO), Mark Smith, Vice President of Financial Operations\n Keywords: retirement, Pat Ward, CFO, Mark Smith, Vice President, Financial Operations, succession. | neutral_event | ||
76 | 2019-01-10 | The Federal Reserve Chairman, Jerome Powell, maintained his patient stance on monetary policy but raised concerns about the balance sheet reduction. He indicated that the Fed's balance sheet would be substantially smaller, indicating the continuation of the balance sheet wind down operation. Despite this, Powell reassured investors of a slower pace on interest rate h | 56.267502 | 57.055000 | 56.049999 | 54.932766 | 139223200 | -1 | 1. Federal Reserve\n 2. Jerome Powell\n 3. Monetary policy\n 4. Patient stance\n 5. Balance sheet reduction\n 6. Substantially smaller balance sheet\n 7. Continuation of balance sheet wind down operation\n 8. Interest rate hikes\n 9. Slower pace\n\nTopics:\n1. Federal Reserve's monetary policy and stance\n2. Jerome Powell's comments on balance sheet reduction\n3. Size and continuation of the balance sheet wind down operation\n4. Potential interest rate hikes and slower pace. | negative_event | ||
77 | 2019-01-11 | Wall Street experienced a decline after the opening bell on Friday, following five consecutive days of gains. The S&P 500 dropped 13 points or 0.54%, with the Dow decreasing 128 points or 0.54%, and the Nasdaq Composite losing 37 points or | 62.384998 | 63.982498 | 62.290001 | 62.571354 | 151125200 | 0 | 1. Topic: Stock Market (Wall Street, S&P 500, Dow, Nasdaq Composite)\n 2. Event: Decline after five consecutive days of gains\n 3. Summary: The stock market, specifically Wall Street and its indices (S&P 500, Dow, Nasdaq Composite), experienced a decline following five straight days of growth. | neutral_event | ||
78 | 2019-01-11 | Several Chinese retailers, including Alibaba-backed Suning and JD.com, have drastically reduced iPhone prices due to weak sales in China, which prompted Apple's recent revenue warning. Discounts for the latest XR model range from 800 to 1,200 yuan. These price | 62.384998 | 63.982498 | 62.290001 | 62.571354 | 151125200 | -1 | 1. Topic 1: Chinese Retailers (Suning, JD.com)\n 2. Topic 2: Apple\n 3. Topic 3: iPhone Sales (weak sales in China)\n 4. Topic 4: Price Reductions (800-1,200 yuan for latest XR model)\n 5. Event: Chinese retailers have significantly lowered the prices of iPhones due to weak sales in China, causing Apple to issue a revenue warning. | negative_event | ||
79 | 2019-01-11 | Green Dot, GDOT, is a bank holding company with a wide distribution network and impressive growth. Its product offerings include bank accounts, debit and credit cards, with a focus on perks. The firm's platform business, "banking as a service," powers offerings for partners such as Apple Pay Cash, Walmart Money | 62.384998 | 63.982498 | 62.290001 | 62.571354 | 151125200 | 1 | 1. Green Dot (GDOT) - A bank holding company with growth and wide distribution network.\n 2. Product offerings - Bank accounts, debit and credit cards.\n 3. Focus - Perks and platform business.\n 4. Platform business description - "Banking as a service," powers offerings for partners.\n\nSummary:\n- Green Dot (GDOT)\n- Banking services and growth\n- Product offerings: bank accounts, debit/credit cards\n- Focus on perks\n- Platform business: "banking as a service"\n- Partners: Apple Pay Cash, Walmart Money. | positive_event | ||
80 | 2019-01-11 | US stock futures declined on Friday as disappointing holiday sales and revenue cuts from various companies raised concerns about a potential recession. The S&P 500, Dow Jones Industrial Average, and Nasdaq 100 fell, with the Fed's possible policy pause and optimistic trade talks failing to offset these negative factors. | 62.384998 | 63.982498 | 62.290001 | 62.571354 | 151125200 | -1 | Topic 1:\n US Stock Markets (S&P 500, Dow Jones Industrial Average, Nasdaq 100)\n \n Summary: US stock markets experienced declines on Friday due to disappointing holiday sales and revenue cuts from multiple companies.\n\n Topic 2:\n Holiday Sales\n \n Summary: Disappointing holiday sales were a significant factor in the decline of US stock markets.\n\n Topic 3:\n Companies (Revenue Cuts)\n \n Summary: Various companies announced revenue cuts, contributing to concerns about a potential recession and negatively impacting US stock markets.\n\n Topic 4: | negative_event | ||
81 | 2019-01-11 | Apple's NASDAQ AAPL stock declined by 0.52% in premarket trade Friday due to price cuts of iPhone models in China, but the company is set to launch three new iPhone models this year. Johnson & Johnson's NYSE JNJ stock edged forward after raising prescription drug prices. Starbucks | 62.384998 | 63.982498 | 62.290001 | 62.571354 | 151125200 | 0 | 1. Apple: Price cuts of iPhone models in China leading to a 0.52% decline in NASDAQ AAPL stock, with the company set to launch three new iPhone models this year.\n 2. Johnson & Johnson: Prescription drug price increase resulting in a slight forward movement for NYSE JNJ stock.\n 3. Apple (iPhone): Price cuts, premarket trade decline, NASDAQ AAPL stock, new iPhone models.\n 4. Johnson & Johnson: Prescription drugs, price increase, NYSE JNJ stock. | neutral_event | ||
82 | 2019-01-11 | Apple is reportedly set to release three new iPhone models this year, featuring new camera setups including triple rear cameras for the premium model and dual cameras for the others. The move comes after weak sales, particularly in China, led retailers to cut prices on the XR model. Amid sluggish sales, Apple opted to stick with | 62.384998 | 63.982498 | 62.290001 | 62.571354 | 151125200 | 0 | 1. New iPhone models release: Apple is reportedly releasing three new iPhone models this year with different camera setups (triple rear cameras for premium model and dual cameras for others).\n 2. Sales performance: Weak sales, particularly in China, led retailers to cut prices on the XR model.\n 3. Company response: Amid sluggish sales, Apple opted to stick with releasing new iPhone models.\n\nTopics:\n1. New iPhone models release\n2. Sales performance (China)\n3. Company response | neutral_event | ||
83 | 2019-01-14 | The U.S. stock market declined on Monday as concerns over a global economic slowdown intensified following unexpected drops in China's exports and imports, with tech stocks suffering the most significant losses. The Philadelphia SE Semiconductor Index fell 1.6 percent, while the technology sector dropped 0.9 percent, dragging down the | 37.712502 | 37.817501 | 37.305000 | 36.254131 | 129756800 | -1 | 1. Topic: Global Economic Slowdown\n - Keywords: economic slowdown, China's exports, China's imports\n - Summary: Concerns over a global economic slowdown intensified following unexpected drops in China's exports and imports.\n\n 2. Topic: U.S. Stock Market Decline\n - Keywords: U.S. stock market, declined, tech stocks\n - Summary: The U.S. stock market declined, with tech stocks suffering the most significant losses.\n\n 3. Topic: Philadelphia SE Semiconductor Index\n - Keywords: Philadelphia SE Semiconductor Index, fell 1.6 percent\n - | negative_event | ||
84 | 2019-01-14 | The weak Chinese trade data led to a halt in Europe's four-day stock market rally on Monday, with technology and luxury goods sectors bearing the brunt of selling. Luxury retailers, including LVMH, Hermes, Kering, Moncler, and Pandora, dropped between 1% and 7%, while Bur | 37.712502 | 37.817501 | 37.305000 | 36.254131 | 129756800 | -1 | 1. Topic: Chinese Trade Data\n Summary: Weak Chinese trade data was the cause of a halt in Europe's stock market rally.\n\n 2. Topic: European Stock Market\n Summary: The European stock market experienced a halt in its four-day rally.\n\n 3. Topic: Technology and Luxury Goods Sectors\n Summary: These sectors were the most affected by selling during the stock market halt.\n\n 4. Topic: Luxury Retailers\n Summary: Specific luxury retailers, such as LVMH, Hermes, Kering, Moncler, and Pandora, experienced significant drops in their stocks (between 1% and | negative_event | ||
85 | 2019-01-14 | The Chinese auto market experienced its first contraction since the 1990s in 2018, with sales falling 2.8 percent to 28.1 million vehicles due to the phasing out of purchase tax cuts on smaller cars and the US-China trade war. Companies like Ford and Jaguar Land R | 37.712502 | 37.817501 | 37.305000 | 36.254131 | 129756800 | 0 | 1. Chinese auto market: The main subject of this news article is the Chinese auto market, which experienced a contraction in sales for the first time since the 1990s.\n 2. Sales: The key event described in the headline is the decline in sales, with a total of 28.1 million vehicles sold in 2018, representing a decrease of 2.8 percent compared to the previous year.\n 3. Purchase tax cuts on smaller cars: A reason for the contraction in sales mentioned in the headline is the phasing out of purchase tax cuts on smaller cars.\n 4. US-China trade war: Another factor contributing to the decline in sales | neutral_event | ||
86 | 2019-01-14 | Dialog Semiconductor reported fourth quarter revenue in line with guidance despite a decrease in iPhone sales at main customer Apple. The company's shares rose 4% as investors praised its resilience amid other Apple suppliers missing targets or slashing their forecasts. Around 75% of Dialog's business comes from power management chips supplied to | 37.712502 | 37.817501 | 37.305000 | 36.254131 | 129756800 | 1 | 1. Dialog Semiconductor Q4 revenue: In line with guidance, despite decrease in iPhone sales at main customer Apple.\n 2. Topics: Dialog Semiconductor, Quarterly revenue, Apple, iPhone sales.\n 3. Keywords: Dialog, Q4 revenue, Apple, iPhone sales, Guidance.\n 4. Summary: Dialog Semiconductor reported Q4 revenue in line with expectations despite a decrease in iPhone sales at their main customer, Apple.\n\n News Article 2: Tesla's Elon Musk said the electric carmaker will make its Autopilot advanced driver assistance system available to all of its vehicles this year, a move that could help the company | positive_event | ||
87 | 2019-01-14 | U.S. stocks declined after the close on Monday, with losses in Utilities, Healthcare, and Technology sectors leading the way. The Dow Jones Industrial Average fell 0.36%, while the S&P 500 index dropped 0.53%, and the NASDAQ Composite index declined 0.9 | 37.712502 | 37.817501 | 37.305000 | 36.254131 | 129756800 | -1 | 1. Topic 1: U.S. Stocks (Overall)\n - Key Events: Declined after close on Monday\n - Relevant Keywords: U.S. stocks, closed, Monday\n\n 2. Topic 2: Dow Jones Industrial Average\n - Key Events: Fell 0.36%\n - Relevant Keywords: Dow Jones Industrial Average, fell, 0.36%\n\n 3. Topic 3: S&P 500 index\n - Key Events: Dropped 0.53%\n - Relevant Keywords: S&P 500 index, dropped, 0. | negative_event | ||
88 | 2019-01-14 | This news article reports on the recent drop in crude oil prices, with a focus on China's weakening economy as a major factor. After a strong rally in January, crude oil prices fell due to concerns over decreasing exports and imports in China, which is the world's second-largest economy and a significant driver of | 37.712502 | 37.817501 | 37.305000 | 36.254131 | 129756800 | -1 | 1. Crude oil prices: A decrease in crude oil prices was reported in the news article.\n 2. China's economy: Weakening economy in China was identified as a major factor contributing to the drop in crude oil prices.\n 3. Exports and imports: Decreasing exports and imports in China were mentioned as concerns that led to the price drop.\n\n Summary of topics:\n 1. Crude oil prices decrease\n 2. Weakening Chinese economy\n 3. Decreasing exports and imports in China | negative_event | ||
89 | 2019-01-14 | The Dow Jones Industrial Average and S&P 500 ended lower on Monday as concerns over global growth weighed on tech stocks, while Citigroup's mixed fourth-quarter earnings report partially offset losses. The financial sector gained on Citigroup's strong earnings, but broader market gains were limited due to falling tech stocks. | 37.712502 | 37.817501 | 37.305000 | 36.254131 | 129756800 | 0 | 1. Topics:\n a. Dow Jones Industrial Average\n b. S&P 500\n c. Global growth concerns\n d. Tech stocks\n e. Citigroup\n f. Fourth-quarter earnings report\n g. Financial sector\n 2. Summarized Topics:\n a. Stock market (Dow Jones, S&P 500): Both indices ended with losses due to global growth concerns and falling tech stocks.\n b. Global growth: Uncertainties weighed on the markets, causing concern among investors.\n c. Tech stocks: Decline in tech stocks limited broader market gains.\n d. Citigroup | neutral_event | ||
90 | 2019-01-15 | The Lynx Equity Strategies analysts, KC Rajkumar and Jahanara Nissar, have reported hearing rumors that Apple may be considering cutting back on its self-driving vehicle program. This potential reversal could impact Services segment as the loss of this new growth vector might indicate stagnating iPhone sales, leading | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | -1 | 1. Apple: A tech company potentially making changes to its self-driving vehicle program.\n 2. Self-driving vehicle program: Apple's initiative in autonomous vehicles that could be subject to cuts.\n 3. Rumors: Unverified information suggesting a potential reversal in Apple's self-driving vehicle plans.\n 4. Lynx Equity Strategists analysts (KC Rajkumar and Jahanara Nissar): Individuals who have reported hearing rumors about Apple's self-driving vehicle program.\n 5. Services segment: A part of Apple's business that could be affected by the potential cutbacks in their self-driving vehicle program. | negative_event | ||
91 | 2019-01-15 | In a reversal for Qualcomm, a German court dismissed its patent lawsuit against Apple, stating that the patent in question was not violated. Qualcomm plans to appeal after winning a separate case in Munich in December that enabled it to enforce a ban on older iPhone sales. Apple is also facing a ban on some iPhones in China and | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | -1 | 1. Event: German court dismisses Qualcomm's patent lawsuit against Apple.\n 2. Topic 1: Qualcomm\n 3. Topic 2: German court\n 4. Topic 3: Patent lawsuit\n 5. Topic 4: Apple\n 6. Keywords: reversal, dismissed, patent, violation, Qualcomm, German court, lawsuit, Apple\n\n 1. Event: Qualcomm plans to appeal the dismissal of its patent lawsuit against Apple.\n 2. Topic 1: Qualcomm\n 3. Topic 2: Patent lawsuit\n 4. Topic 5: Appeal\n 5. Keywords: plans | negative_event | ||
92 | 2019-01-15 | TD Ameritrade, an Omaha-based brokerage firm, has partnered with Apple to allow customers to fund their accounts instantly using debit cards in Apple Pay digital wallets. This feature, which is the first of its kind in the industry, enables customers to transfer up to $10,000 per day and access | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | 0 | 1. TD Ameritrade: An Omaha-based brokerage firm\n 2. Apple: Tech company partnering with TD Ameritrade\n 3. Partnership: TD Ameritrade collaborating with Apple\n 4. Instant account funding: Customers can instantly fund their accounts\n 5. Debit cards: Payment method for instant funding\n 6. Apple Pay digital wallets: Specific payment platform used\n 7. Up to $10,000 per day: Maximum daily transfer limit\n 8. Access: Ability to use this feature for account transactions\n\nTopics:\n1. TD Ameritrade and Apple partnership\n2. Instant account funding using debit | neutral_event | ||
93 | 2019-01-15 | In summary, U.S stocks rose on Tuesday with technology and internet companies leading gains after Netflix announced a price increase for U.S subscribers and optimism towards Chinese economic stimulus. The S&P 500 communication services and technology indices surged. Despite disappointing earnings reports from major banks, the market was resilient | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | 1 | 1. Topics:\n a. U.S stocks rise\n b. Technology and internet companies\n c. Netflix price increase for US subscribers\n d. Chinese economic stimulus\n e. S&P 500 communication services index\n f. S&P 500 technology index\n g. Disappointing earnings reports from major banks\n h. Market resilience\n\n 2. Summarized Topics:\n a. Stock market growth: U.S stocks rose, with tech and internet companies leading the surge.\n b. Netflix price increase: Netflix announced a price hike for US subscribers.\n c. Chinese economic stim | positive_event | ||
94 | 2019-01-15 | In Tuesday trading, the Dow, S&P 500, and Nasdaq rose as tech stocks surged, led by Netflix's price increase. JPMorgan rebounded from weak earnings, while Wells Fargo struggled after mixed results and continued regulatory scrutiny. Stimulus measures in China eased investor concerns over | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | 0 | 1. Tech Stocks: Surge in tech stocks led by Netflix's price increase in the Dow, S&P 500, and Nasdaq.\n 2. Stock Market: Rise in the Dow, S&P 500, and Nasdaq during Tuesday trading.\n 3. JPMorgan: Rebound from weak earnings.\n 4. Wells Fargo: Struggled after mixed results and continued regulatory scrutiny.\n 5. China: Stimulus measures eased investor concerns. | neutral_event | ||
95 | 2019-01-15 | The U.S. Court of Appeals for the Federal Circuit upheld a | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | 0 | 1. Patent infringement case: The U.S. Court of Appeals upheld a judgment against Apple for | neutral_event | ||
96 | 2019-01-15 | Record-breaking online sales of | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | 1 | 1. Topic 1: Record-breaking online sales during the 2018 U.S. holiday season\n - Keywords: online sales, record-breaking, U.S. holiday season\n - Summary: A significant increase in online sales during the American holiday season, reaching a new record of $126 billion.\n\n 2. Topic 2: Year-over-year growth in online sales (up 16.5%)\n - Keywords: year-over-year growth, online sales, 16.5% increase\n - Summary: Online sales experienced a substantial growth of 16.5% compared to the previous year.\n\n 3 | positive_event | ||
97 | 2019-01-15 | Verizon announced that it will offer free Apple Music subscriptions with some of its top tier data plans, deepening its partnership with Apple. This move comes as Apple turns to its services segment for growth and has been partnering with rivals such as Samsung and Amazon. Last year, Verizon offered a six-month trial of Apple Music with its | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | -1 | 1. Partnership between Verizon and Apple: Verizon deepens partnership with Apple by offering free Apple Music subscriptions to some customers.\n 2. Apple's growth strategy: Apple focuses on its services segment for growth and forms alliances with rivals like Samsung, Amazon, and now Verizon. | negative_event | ||
98 | 2019-01-15 | Verizon has announced an expansion of its partnership with Apple Music, making it a built-in inclusion for Beyond Unlimited and Above Unlimited plan subscribers. Since last summer, new subscribers have received six months of free Apple Music service. Go Unlimited customers will continue to receive this offer, while those on other plans will pay $ | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | -1 | 1. Subjects/Entities: Verizon, Apple Music, Beyond Unlimited, Above Unlimited, Go Unlimited\n 2. Key Events: Partnership expansion between Verizon and Apple Music, Built-in inclusion for Beyond Unlimited and Above Unlimited subscribers, Offer of six months free Apple Music service for new subscribers, Continuation of offer for Go Unlimited customers, Payment required for other plan subscribers\n 3. Summarized Topics:\n a. Verizon-Apple Music Partnership Expansion\n b. Free Apple Music Service Offer for Beyond Unlimited and Above Unlimited Subscribers\n c. Continued Offer for Go Unlimited Customers\n | negative_event | ||
99 | 2019-01-15 | Netflix raised the prices of its standard, premium, and basic plans in the US for the first time since October 2017. The standard plan now costs | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | 1 | Topic 1:\n Netflix Price Increase\n \n Keywords: Netflix, price, increase, standard plan, premium plan, basic plan, US, monthly rate\n\n Summary: Netflix has raised the prices of its standard, premium, and basic plans in the United States for the first time since October 2017. The new monthly rates for the standard plan are | positive_event | ||
100 | 2019-01-15 | Belarus unveiled its world-first regulated tokenized securities exchange on Tuesday, enabling traders to buy shares and other assets using cryptocurrencies. The platform, developed by IT investment firms VP Capital and Larnabel Ventures, offers tokens that track the value of real assets like stocks in Apple Inc, gold, oil | 37.567501 | 38.347500 | 37.512501 | 36.996128 | 114843600 | 1 | 1. Belarus: This Eastern European country has launched a world-first regulated tokenized securities exchange.\n 2. Tokenized securities exchange: Belarus has introduced a new platform that enables buying shares and other assets using cryptocurrencies.\n 3. VP Capital and Larnabel Ventures: IT investment firms have developed the tokenized securities exchange in Belarus.\n 4. Cryptocurrencies: Traders can use digital currencies to buy tokens on this platform.\n 5. Real assets: Tokens on the exchange represent the value of real-world assets like stocks, gold, and oil.\n 6. Shares in Apple Inc: Specifically | positive_event | ||
101 | 2019-01-16 | Apple Inc. (AAPL) shares declined in postmarket trading after the technology giant announced it would cut back on hiring for some divisions due to fewer iPhone sales and missing revenue forecasts for the holiday quarter. Alcoa Corporation (AA) saw its stock fall despite reporting adjusted earnings that beat expectations; aluminum prices were lower than anticipated. | 38.270000 | 38.970001 | 38.250000 | 37.448109 | 122278800 | 0 | 1. Apple Inc. (AAPL): Hiring cuts, Fewer iPhone sales, Missing revenue forecasts for the holiday quarter.\n 2. Alcoa Corporation (AA): Adjusted earnings that beat expectations, Lower aluminum prices. | neutral_event | ||
102 | 2019-01-16 | In this news article, Paul Cretien discusses the FAANG stocks, which are Facebook, Apple, Amazon, Netflix, and Google. These stocks have strong performances and are highly correlated but offer various levels of price volatility. The best pair trading opportunity in 2018 was between Amazon and Netflix due to their high correlation | 38.270000 | 38.970001 | 38.250000 | 37.448109 | 122278800 | -1 | Topic 1: FAANG Stocks (Facebook, Apple, Amazon, Netflix, Google)\n Summary: Discussion on the performance of FAANG stocks with focus on Facebook, Apple, Amazon, Netflix, and Google. These tech companies offer varying levels of price volatility despite their strong correlation.\n\n Topic 2: Stock Market Performance (FAANG Stocks specifically)\n Summary: Description of the strong performances of FAANG stocks in the stock market.\n\n Topic 3: Correlation between Stocks (Amazon and Netflix)\n Summary: Mention of the high correlation between Amazon and Netflix stocks, which presented the best pair trading opportunity in 2018. | negative_event | ||
103 | 2019-01-16 | Apple CEO Tim Cook announced internal staffing adjustments in response to lower-than-expected iPhone sales and missed revenue forecasts during the holiday quarter. Sources familiar with the matter reported this news through Reuters and Bloomberg, stating that some divisions would be reducing hiring. Cook disclosed this information to employees in a recent meeting, following his | 38.270000 | 38.970001 | 38.250000 | 37.448109 | 122278800 | -1 | 1. Topic 1: Apple Inc.\n - Summary: Apple is the company mentioned in the news article.\n\n 2. Topic 2: Tim Cook (Apple CEO)\n - Summary: Tim Cook is the individual who made an announcement regarding staffing adjustments at Apple.\n\n 3. Topic 3: iPhone sales\n - Summary: Lower-than-expected iPhone sales are the reason for the internal staffing adjustments.\n\n 4. Topic 4: Revenue forecasts\n - Summary: Missed revenue forecasts during the holiday quarter also contributed to the staffing changes.\n\n 5. Topic 5: Staffing adjustments\n | negative_event | ||
104 | 2019-01-16 | Veteran producer Jason Katims is leaving Universal TV to join Apple for a multiyear deal. His production company, True Jack Productions, will remain at Universal until the summer. Katims has created shows like "Parenthood" and "Roswell," and had writing-production credits on "Friday Night Lights" and " | 38.270000 | 38.970001 | 38.250000 | 37.448109 | 122278800 | 0 | 1. Topic: Jason Katims' Career Move\n - Keywords: Jason Katims, Universal TV, Apple, multiyear deal, True Jack Productions, leaving, joining\n\n 2. Topic: Katims' Production Company at Universal\n - Keywords: True Jack Productions, Universal TV, remaining until summer\n\n 3. Topic: Katims' Previous Work in Television\n - Keywords: Parenthood, Roswell, Friday Night Lights (writing-production credits) | neutral_event | ||
105 | 2019-01-16 | Apple CEO Tim Cook informed employees of planned hiring cuts for some divisions following disappointing iPhone sales and missed revenue forecasts during the holiday quarter. The exact divisions have not been identified, but AI teams will continue expanding at a strong pace. Hiring reductions will not impact new office openings in Austin or LA for video content production. | 38.270000 | 38.970001 | 38.250000 | 37.448109 | 122278800 | -1 | Topic 1:\n Apple - Disappointing iPhone sales and missed revenue forecasts during the holiday quarter leading to planned hiring cuts for some divisions.\n\n Summary: Apple is experiencing poor sales performance with the iPhone, resulting in the need to reduce staff in certain areas. The specific divisions have not been announced but AI teams are exempt from these cuts and expansion will continue.\n\n Topic 2:\n Apple - New office openings in Austin and LA for video content production will not be affected by hiring reductions.\n\n Summary: Apple's new office expansions in Austin and LA for video content production will proceed as planned despite the company-wide hiring cuts. | negative_event | ||
106 | 2019-01-17 | This news article reports that China's top government-linked think tank, the Chinese Academy of Social Sciences (CASS), criticized foreign companies such as Apple, Amazon, Nike, Siemens, ABB, and Subaru for not correctly referring to Hong Kong and Taiwan as part of China in a report. The companies were accused of | 38.549999 | 39.415001 | 38.314999 | 37.670460 | 119284800 | 0 | 1. China's top government-linked think tank, CASS, criticizes foreign companies: Topic - Chinese Academy of Social Sciences (CASS)\n 2. Companies accused of incorrectly referring to Hong Kong and Taiwan: Topics - Hong Kong, Taiwan\n 3. Specific companies named: Apple, Amazon, Nike, Siemens, ABB, Subaru\n 4. Infraction described as not correctly referring to these regions as part of China.\n\nSummary:\nThe Chinese Academy of Social Sciences (CASS) criticized several foreign companies for incorrectly referring to Hong Kong and Taiwan as separate entities instead of acknowledging them as part of China. The named companies are Apple, Amazon, Nike | neutral_event | ||
107 | 2019-01-17 | Belarus introduced a new platform enabling investors to buy real assets such as shares, gold, using cryptocurrencies. Bitcoin slipped while Ethereum rose, and other digital coins also traded lower. The platform plans to issue 10,000 tokens representing traditional financial instruments, with current offerings including gold, oil, metals | 38.549999 | 39.415001 | 38.314999 | 37.670460 | 119284800 | 0 | Topic 1: Belarus introduces cryptocurrency platform for buying real assets\n - Belarus launches new investment platform\n - Platform allows purchase of shares, gold, etc. using cryptocurrencies\n\n Topic 2: Cryptocurrency market trends\n - Bitcoin slips\n - Ethereum rises\n - Other digital coins trade lower\n\n Topic 3: Belarus platform to issue tokens for traditional financial instruments\n - Offerings include gold, oil, metals\n - 10,000 tokens to be issued initially | neutral_event | ||
108 | 2019-01-18 | In a German court ruling, Apple has been banned from using part of a press release stating iPhones were available through carriers and resellers in Germany. The ruling followed a patent dispute between Apple and Qualcomm, which led to the ban on iPhone 7 and 8 sales at Apple retail stores in December. The court found that the press | 39.375000 | 39.470001 | 38.994999 | 37.902481 | 135004000 | 0 | 1. Apple: The tech company involved in the legal dispute.\n 2. German court: The judicial body that handed down the ruling.\n 3. Patent dispute: A legal disagreement between Apple and Qualcomm regarding intellectual property rights.\n 4. iPhone 7 and 8: Specific models of Apple's smartphones affected by the sales ban.\n 5. Press release: A communication document issued by Apple announcing availability of iPhones through carriers and resellers in Germany.\n 6. Ban on sales: The restriction imposed on selling iPhone 7 and 8 at Apple retail stores due to the court ruling.\n\nTopics:\n1. Apple\n2. German court\n | neutral_event | ||
109 | 2019-01-18 | U.S. futures rose on Friday following reports that U.S. and Chinese officials discussed the possibility of lifting some tariffs, improving investor sentiment. U.S. Treasury Secretary Steven Mnuchin suggested offering a rollback during upcoming trade talks scheduled for Jan. 30. The S&P 500 | 39.375000 | 39.470001 | 38.994999 | 37.902481 | 135004000 | 1 | 1. Topics:\n - U.S. and China trade negotiations\n - Tariffs\n - U.S. and Chinese officials\n - Trade talks (scheduled for Jan. 30)\n - Investor sentiment\n\n 2. Summarized topics:\n - Improving US-China trade relations\n - Potential tariff reduction\n - Upcoming trade talks\n - Positive investor sentiment\n\n Output: ["Improving US-China trade relations", "Potential tariff reduction", "Upcoming trade talks", "Positive investor sentiment"] | positive_event | ||
110 | 2019-01-18 | Foxconn, Apple's biggest iPhone assembler, has let go around 50,000 contract workers in China earlier than usual this year. The scale of the cuts is not necessarily deeper than previous years but significantly earlier. It's unusual to ask assembly line workers to leave before the end of the year. Foxconn was | 39.375000 | 39.470001 | 38.994999 | 37.902481 | 135004000 | 0 | 1. Topic: Foxconn\n Summary: Foxconn, Apple's biggest iPhone assembler, undergoes early workforce reduction, letting go approximately 50,000 contract workers in China.\n\n 2. Topic: Apple\n Summary: Apple's supplier, Foxconn, initiates early termination of contracts for around 50,000 assembly line workers.\n\n 3. Topic: iPhone assembler\n Summary: Foxconn, a significant iPhone assembler, dismisses approximately 50,000 contract workers earlier than usual in China.\n\n 4. Topic: Workforce reduction\n Summary: Around 50 | neutral_event | ||
111 | 2019-01-18 | In the article, two Japanese electronics companies, Nidec and Yaskawa Electric, announced profit decline warnings due to the US-China trade war. Nidec's profit outlook was cut by a quarter because of weak demand from China and smartphone markets. Yaskawa Electric also lowered its annual operating profit for the second | 39.375000 | 39.470001 | 38.994999 | 37.902481 | 135004000 | -1 | 1. Event: Japanese electronics companies, Nidec and Yaskawa Electric, announce profit decline warnings\n 2. Topic 1: US-China trade war\n - Keywords: trade war, US, China\n 3. Topic 2: Weak demand from China\n - Keywords: weak demand, China\n 4. Topic 3: Smartphone markets\n - Keywords: smartphone markets\n 5. Event: Nidec cuts profit outlook by a quarter\n - Keywords: profit outlook, cut, quarter\n 6. Event: Yaskawa Electric lowers annual operating profit for the second time\n - Keywords: annual operating | negative_event | ||
112 | 2019-01-22 | The Swiss National Bank (SNB) governor, Andrea Maechler, stated that negative interest rates and foreign currency market intervention are necessary to prevent a strong Swiss franc from causing deflation in the country. She emphasized that price stability is the bank's mandate, and the exchange rate significantly impacts monetary conditions and inflation. Switzerland, | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | -1 | 1. Topic 1: Swiss National Bank (SNB)\n 2. Topic 2: Andrea Maechler (SNB governor)\n 3. Topic 3: Negative interest rates\n 4. Topic 4: Foreign currency market intervention\n 5. Topic 5: Strong Swiss franc\n 6. Topic 6: Deflation\n 7. Topic 7: Price stability\n 8. Event: SNB governor's statement\n 9. Summary: The Swiss National Bank, under the leadership of its governor Andrea Maechler, has acknowledged the need for negative interest rates and foreign currency market intervention to prevent a strong Swiss franc from causing | negative_event | ||
113 | 2019-01-22 | The Dow, S&P 500, and Nasdaq experienced significant losses on Tuesday despite White House economic adviser Lawrence Kudlow denying reports that trade talks between the U.S. and China had been canceled. The International Monetary Fund's bearish outlook on global growth and weak existing home sales data also | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | -1 | 1. Stock Markets: The Dow, S&P 500, and Nasdaq experienced losses.\n 2. Trade Talks: Reports of cancellation denied by White House economic adviser Lawrence Kudlow.\n 3. Global Growth: IMF's bearish outlook.\n 4. Existing Home Sales: Weak data.\n\n Summary:\n 1. Stock Markets: Significant losses for the Dow, S&P 500, and Nasdaq.\n 2. Trade Talks: Status uncertain following White House denial of cancellation reports.\n 3. Global Economy: IMF's pessimistic view on growth | negative_event | ||
114 | 2019-01-22 | IBM's stock price increased after hours due to better-than-expected earnings and revenue, with its cloud computing business contributing positively. | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 0 | Topic 1:\n IBM (Company)\n \n Key Events:\n - Better-than-expected earnings\n - Increase in stock price after hours\n \n Summary:\n IBM reported better-than-expected earnings, leading to an increase in its stock price during after-hours trading. | neutral_event | ||
115 | 2019-01-22 | Huawei is expanding its presence in Europe with the launch of the new Honor View20 smartphone, which offers advanced camera features at a lower price point than rivals Samsung and Apple. The phone includes a 48 mega pixel camera that combines multiple images into one high-quality photo, as well as a second camera for | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 1 | 1. Huawei: A Chinese tech company expanding its presence in Europe.\n 2. Europe: A continent where Huawei is increasing its market share.\n 3. New Honor View20 smartphone: The specific product being launched by Huawei.\n 4. Advanced camera features: Innovative technology offered by the new phone.\n 5. Lower price point: Competitive pricing strategy compared to Samsung and Apple.\n 6. Samsung and Apple: Rival tech companies in the smartphone market.\n\n Summary:\n 1. Huawei's European expansion with the launch of the new Honor View20 smartphone.\n 2. Advanced camera features and competitive pricing for the | positive_event | ||
116 | 2019-01-22 | Foxconn, the world's largest contract manufacturer for Apple iPhones, is trying to recruit more than 50,000 employees across its China campuses in Q1 2019 amid reports of mass layoffs. Last week, the Nikkei reported that Foxconn had let go around 50,0 | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 0 | 1. Topic: Foxconn\n Keywords: world's largest contract manufacturer, Apple iPhones, recruitment, China campuses, Q1 2019\n\n 2. Topic: Mass Layoffs at Foxconn\n Keywords: Foxconn, let go, around 50,000 employees, China, reports. | neutral_event | ||
117 | 2019-01-22 | Amazon is launching its long-awaited direct fulfillment and delivery network in Brazil after facing complications from the country's complex tax system and logistics. Starting Tuesday, Amazon will directly sell over 800 suppliers' merchandise, including L'Oreal and Black & Decker, totaling 320,0 | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 1 | 1. Topic: Amazon's expansion in Brazil\n - Key events: Launching direct fulfillment and delivery network, selling merchandise from over 800 suppliers\n - Relevant keywords: Amazon, Brazil, expansion, direct fulfillment, delivery network, merchandise, suppliers\n\n 2. Topic: Amazon's challenges in Brazil\n - Key events: Facing complications from tax system and logistics\n - Relevant keywords: Amazon, Brazil, challenges, tax system, logistics\n\n 3. Topic: Amazon's partnership with L'Oreal and Black & Decker\n - Key events: Selling merchandise from these suppliers\n - | positive_event | ||
118 | 2019-01-22 | Tesla is considering Tianjin Lishen as a potential battery supplier for its new Shanghai electric car factory, but no agreement has been reached yet. The companies are still negotiating details such as the size of the order and the battery cell size required by Tesla. Lishen had previously quoted Tesla for batteries, but no agreement was signed | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 0 | Topic 1:\n - Tesla\n - Considering Tianjin Lishen as a potential battery supplier\n - Negotiating details of possible agreement\n\n Summary: Tesla is in negotiations with Tianjin Lishen regarding a potential battery supply deal for its new Shanghai electric car factory. The specifics of the agreement, including order size and battery cell size, are still under discussion. Tesla had previously received a quote from Lishen but no agreement was reached at that time. | neutral_event | ||
119 | 2019-01-22 | TomTom, a Dutch digital mapping company, agreed to sell its fleet management business to Bridgestone for €910 million. The sale comes as TomTom faces competition from Google, which has entered the market and struck deals with Renault and Volvo. Despite concerns over future uncertainty, CEO Harold Goddijn plans to keep the remaining | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 1 | 1. Company: TomTom\n 2. Industry: Digital mapping\n 3. Event 1: Agreed to sell fleet management business\n 4. Topic A: TomTom sells fleet management business\n 5. Buyer: Bridgestone\n 6. Price: €910 million\n 7. Reason for sale: Faces competition from Google\n 8. Companies mentioned: TomTom, Bridgestone, Google, Renault, Volvo\n 9. Keywords: sell, fleet management business, Bridgestone, €910 million, competition, Google, Renault, Volvo. | positive_event | ||
120 | 2019-01-22 | Japan Display shares surged on reports of potential funding from Taiwan's TPK Holding and China's Silk Road Fund, in exchange for a 30% stake. Discussions were described as advanced, with the company previously denying similar reports. The Apple supplier has faced losses due to competition from Chinese rivals and slow smart | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 1 | 1. Topic 1: Japan Display\n - Japanese display manufacturer\n - Stock surged\n - Received potential funding\n\n 2. Topic 2: TPK Holding (Taiwan) and China's Silk Road Fund\n - Potential investors\n - Offered funding in exchange for a stake\n - Taiwanese company and Chinese fund\n\n 3. Topic 3: Apple Supplier\n - Japan Display is an Apple supplier\n - Faced losses\n - Competition from Chinese rivals\n\n 4. Topic 4: Stake\n - 30% stake to be given in exchange for funding\n\n 5. | positive_event | ||
121 | 2019-01-22 | The White House reportedly rejected a scheduled meeting with Chinese officials this week due to disagreements over intellectual property rules, causing cautious trading in Asian stocks. China's Shanghai Composite and Shenzhen Component saw minimal changes, while the Hang Seng Index edged higher. The U.S. denied cancelling the meeting | 39.102501 | 39.182499 | 38.154999 | 37.051727 | 121576000 | 0 | 1. Topics:\n a. White House\n b. Chinese officials\n c. Intellectual property rules\n d. Scheduled meeting\n e. Asian stocks (Shanghai Composite, Shenzhen Component, Hang Seng Index)\n f. Cautious trading\n\n 2. Summarized Topics:\n a. White House cancels/rejects meeting with Chinese officials over intellectual property disputes\n b. Asian stocks react with cautious trading following news of US-China meeting cancellation\n c. Minimal changes in Shanghai Composite and Shenzhen Component, Hang Seng Index edges higher. | neutral_event | ||
122 | 2019-01-23 | Trump expressed optimism about ongoing trade negotiations with China, stating that the U.S. was doing well and that China wants to make a deal. However, Trump also threatened to increase tariffs on Chinese imports unless China addresses intellectual property concerns and other trade issues. The White House economic adviser believes a deal could be reached by March 1, | 38.537498 | 38.785000 | 37.924999 | 37.201569 | 92522400 | 0 | 1. Topics:\n - Trade negotiations between U.S. and China\n - Intellectual property concerns\n - Tariffs on Chinese imports\n - Potential deal between U.S. and China\n\n 2. Summarized topics:\n - Ongoing trade talks between the U.S. and China\n - Trump's optimism about negotiations\n - Threat of increased tariffs on Chinese goods\n - Intellectual property issues in trade discussions\n - Potential deal by March 1. | neutral_event | ||
123 | 2019-01-23 | Texas Inquiries reported fourth-quarter earnings exceeding analysts' expectations, but missed revenue forecasts due to weak global smartphone sales. The company expects lower first-quarter earnings and revenue, leading to a slight increase in share price during after-hours trading. TI earned | 38.537498 | 38.785000 | 37.924999 | 37.201569 | 92522400 | -1 | 1. Company: Texas Inquiries\n 2. Earnings: fourth-quarter earnings exceeded analysts' expectations\n 3. Revenue: missed revenue forecasts\n 4. Reason for missed revenue: weak global smartphone sales\n 5. Future expectations: lower first-quarter earnings and revenue\n 6. Market reaction: slight increase in share price during after-hours trading\n\nTopics:\n1. Texas Inquiries\n2. Earnings report\n3. Analysts' expectations exceeded\n4. Revenue forecast missed\n5. Weak global smartphone sales\n6. Lower first-quarter earnings and revenue\n7. Market reaction: share price | negative_event | ||
124 | 2019-01-23 | FireEye's stock price surged after Baird added it to their "Fresh Picks" list, citing a recent decline in shares and confident 2019 guidance. With an outperform rating and $23 price target, analysts expect a strong year for the cybersecurity company's major products like Man | 38.537498 | 38.785000 | 37.924999 | 37.201569 | 92522400 | 1 | 1. Topic: FireEye\n Summary: Cybersecurity company mentioned in news article.\n\n 2. Topic: Stock Price\n Summary: Surged after being added to Baird's "Fresh Picks" list.\n\n 3. Topic: Baird\n Summary: Financial services firm that added FireEye to their list.\n\n 4. Topic: "Fresh Picks"\n Summary: List maintained by Baird with potential investment opportunities.\n\n 5. Topic: Recent decline in shares\n Summary: Reason given for the addition of FireEye to the list.\n\n 6. Topic: Confident | positive_event | ||
125 | 2019-01-23 | IBM, Procter & Gamble, United Technologies, and Comcast stocks surged in premarket trade on Wednesday due to better-than-expected fourth quarter results and raised full year profit guidance or forecasts. Capital One and Kimberly Clark stocks declined as they reported earnings below analysts' estimates. Apple stock rose amid a report | 38.537498 | 38.785000 | 37.924999 | 37.201569 | 92522400 | 1 | 1. IBM, Procter & Gamble, United Technologies, and Comcast: These companies experienced surges in premarket trade due to better-than-expected fourth quarter results and improved full year profit guidance or forecasts.\n 2. Capital One and Kimberly Clark: These companies reported earnings below analysts' estimates, resulting in stock declines.\n 3. IBM, Procter & Gamble, United Technologies, Comcast (Topic: Companies)\n - Surged in premarket trade (Event: Stock market activity)\n - Better-than-expected fourth quarter results (Event: Financial performance)\n - Improved full year profit guidance or forecasts (Event: Business out | positive_event | ||
126 | 2019-01-23 | In 2018, Google and Facebook broke their previous records for annual lobbying expenditures. Google spent | 38.537498 | 38.785000 | 37.924999 | 37.201569 | 92522400 | 0 | 1. Topic 1: Google and Facebook's Lobbying Activities\n - Keywords: Google, Facebook, lobbying, annual expenditures, Q4, CEO Sundar Pichai, testimony before Congress\n - Summary: In 2018, both Google and Facebook increased their lobbying expenses compared to the previous year. Google spent | neutral_event | ||
127 | 2019-01-24 | Apple, under new leadership in Project Titan, has let go over 200 team members from its autonomous vehicle unit. The dismissals were anticipated internally and Doug Field, an Apple veteran and former Tesla engineering VP, is now co-leading the project with Bob Mansfield. Affected employees are reportedly moving to | 38.527500 | 38.619999 | 37.935001 | 36.906708 | 101766000 | 0 | 1. Apple: The tech company undergoing leadership changes in its autonomous vehicle unit, Project Titan.\n 2. Project Titan: Apple's autonomous vehicle project experiencing layoffs and new leadership with Doug Field and Bob Mansfield.\n 3. Autonomous vehicles: A key aspect of Project Titan that has resulted in dismissals of over 200 team members.\n 4. Doug Field: An Apple veteran and former Tesla engineering VP who is now co-leading Project Titan with Bob Mansfield.\n 5. Bob Mansfield: Another Apple executive who is co-leading Project Titan alongside Doug Field.\n 6. Layoffs: The dismissal of over 2 | neutral_event | ||
128 | 2019-01-24 | The U.S. and China are far from resolving their trade disputes, but there's a possibility they will reach an agreement before the March 1 deadline, according to U.S. Commerce Secretary Wilbur Ross. A Chinese delegation of 30 members is set to visit Washington next week for trade talks. Ross downplay | 38.527500 | 38.619999 | 37.935001 | 36.906708 | 101766000 | 1 | 1. Trade disputes between the U.S. and China\n 2. Potential agreement before March 1 deadline\n 3. Upcoming trade talks with a Chinese delegation (30 members) in Washington D.C.\n 4. Wilbur Ross's optimism about reaching an agreement\n\n Summary:\n 1. Ongoing trade disputes between the U.S. and China\n 2. Anticipated negotiations for potential agreement\n 3. Upcoming trade talks with Chinese delegation in Washington D.C. | positive_event | ||
129 | 2019-01-24 | Starbucks, which introduced Europe's coffee culture to Americans, is facing pressure from Wall Street to replicate success in China. Despite opening stores at a rate of nearly 600 per year, sales growth has slowed due to an economic downturn and the US-China trade war. Same store sales in China were up only | 38.527500 | 38.619999 | 37.935001 | 36.906708 | 101766000 | 0 | 1. Topic: Starbucks\n 2. Event: Facing pressure from Wall Street to replicate success in China\n 3. Keywords: Starbucks, Wall Street, China, success, replicate\n\n 1. Topic: Economic downturn in China\n 2. Event: Slowing sales growth due to economic conditions\n 3. Keywords: Economic downturn, sales growth, China\n\n 1. Topic: US-China trade war\n 2. Event: Impact on Starbucks sales in China\n 3. Keywords: US-China trade war, impact, China, sales | neutral_event | ||
130 | 2019-01-25 | Mastercard, a U.S. payments card company listed on NYSE as MA, is still determined to apply for a bankcard clearing license in China despite voluntarily withdrawing an application in 2018. The company aims to present another application soon, as American Express became the first U.S. card network to gain direct access | 38.869999 | 39.532501 | 38.580002 | 38.129673 | 134142000 | 0 | 1. Mastercard: A U.S. payments card company listed on NYSE (New York Stock Exchange) with the ticker symbol MA.\n 2. China: The country where Mastercard is seeking a bankcard clearing license.\n 3. Bankcard clearing license: The type of license Mastercard is applying for in China.\n 4. Voluntarily withdrew application (in 2018): An action taken by Mastercard in the past regarding their previous application for a bankcard clearing license in China.\n 5. American Express: A U.S. card network that has gained direct access to China's market.\n\nTopics:\n- Mastercard\n- NYSE (New | neutral_event | ||
131 | 2019-01-25 | Mastercard continues its pursuit of a bankcard clearing license in China, with plans to submit another application soon. The company previously applied in 2017 but withdrew voluntarily. American Express recently became the first US card network to gain direct access to China's payments network, bypassing UnionPay's monopoly. Master | 38.869999 | 39.532501 | 38.580002 | 38.129673 | 134142000 | 0 | 1. Topic: Mastercard's pursuit of a bankcard clearing license in China\n - Keywords: Mastercard, China, bankcard clearing license\n\n 2. Topic: Mastercard's previous application attempt in 2017\n - Keywords: Mastercard, application, 2017\n\n 3. Topic: American Express gaining direct access to China's payments network\n - Keywords: American Express, direct access, China, payments network\n\n 4. Topic: UnionPay's monopoly in China's payments network\n - Keywords: UnionPay, monopoly, China, payments network\n\nOutput:\n[\n | neutral_event | ||
132 | 2019-01-25 | The Indian Cellular and Electronics Association (ICEA) representing major smartphone makers such as Apple, Samsung, Oppo, and Foxconn, among others, submitted a 174-page document to the government calling for increased export credits on devices, tariff cuts on machinery imports, and other measures aimed at making India a | 38.869999 | 39.532501 | 38.580002 | 38.129673 | 134142000 | 1 | 1. Topic: Indian Cellular and Electronics Association (ICEA) Submission to Government\n - ICEA, major smartphone makers (Apple, Samsung, Oppo, Foxconn), submission to government\n - Request for increased export credits on devices, tariff cuts on machinery imports, other measures\n - Goal: Making India a competitive manufacturing hub\n\n News Articles: The European Union (EU) has launched legal action against the United States over subsidies given to Boeing, accusing Washington of breaking international rules and distorting competition with Airbus.\n\n 1. Topic: EU vs US - Legal Action over Subsidies for Boeing and Air | positive_event | ||
133 | 2019-01-28 | Caterpillar Inc reported lower-than-expected fourth quarter earnings and full year 2019 outlook due to weak demand in China's construction business. The company's shares fell by 5%, pulling down U.S. stock futures. Despite attempts to ease investor concerns during the October earnings call, recent | 38.947498 | 39.082500 | 38.415001 | 37.776810 | 104768400 | -1 | 1. Company: Caterpillar Inc\n 2. Industry: Construction equipment\n 3. Region: China\n 4. Event 1: Lower-than-expected fourth quarter earnings\n 5. Event 2: Weak demand in China's construction business\n 6. Event 3: Negative full year 2019 outlook\n 7. Impact: Shares fell by 5%\n 8. Consequence: Pulled down U.S. stock futures\n 9. Keywords: Caterpillar, earnings, China, construction business, weak demand, negative outlook, shares, U.S. stock futures.\n \nSummary:\n | negative_event | ||
134 | 2019-01-28 | Apple reported spending over $60 billion with around 9,000 U.S. component suppliers and companies in 2018, marking a more than 10% increase from the previous year. Since 2011, Apple has generated or supported over 2 million jobs across all 50 states in | 38.947498 | 39.082500 | 38.415001 | 37.776810 | 104768400 | 1 | 1. Apple's spending with U.S. suppliers and companies: Apple reportedly spent over | positive_event | ||
135 | 2019-01-28 | Apple is expected to report lower-than-projected fiscal first quarter earnings, with revenue falling significantly due to disappointing iPhone sales in China. This follows China's emergence as a major challenge for Apple due to trade tensions and competition from lower-priced smartphones from competitors like Huawei, Samsung, and others. Harley | 38.947498 | 39.082500 | 38.415001 | 37.776810 | 104768400 | 0 | 1. Apple: A technology company expected to report lower-than-projected fiscal first quarter earnings.\n 2. Fiscal first quarter earnings: Apple's financial performance for the initial quarter of its fiscal year.\n 3. Lower-than-projected: Apple's earnings not meeting the previously set expectations.\n 4. Revenue: The total amount of money a company earns from its business activities.\n 5. Significantly: A substantial decrease in revenue.\n 6. Disappointing iPhone sales: Unsatisfactory sales figures for Apple's iPhone product line.\n 7. China: A major market where iPhone sales have underperformed.\n 8. Trade t | neutral_event | ||
136 | 2019-01-28 | In 2018, China's smartphone shipments declined 14% YoY to 396 million units, with Q4 experiencing a 15% YoY drop and seven consecutive quarters of decline. Huawei and Vivo were the only top five vendors to experience growth in 201 | 38.947498 | 39.082500 | 38.415001 | 37.776810 | 104768400 | -1 | 1. Topic 1: China's smartphone market\n - Keywords: China, smartphone, shipments, decline, YoY\n - Summary: In 2018, China's smartphone market experienced a 14% year-over-year (YoY) decrease in shipments, reaching 396 million units. The fourth quarter of the year saw an even steeper drop of 15% YoY. This marked the seventh consecutive quarter of decline for the Chinese smartphone market.\n\n 2. Topic 2: Huawei and Vivo's growth in China's smartphone market\n - Keywords: Hua | negative_event | ||
137 | 2019-01-29 | Gold hit a seven-month high on Tuesday, as investors sought safety amid upcoming major macro events, including Brexit votes, US Federal Reserve decision, and Sino-US trade talks, as well as tech earnings and weak economic data. The metal broke through $1,300 an ounce due to uncertainties surrounding US- | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | -1 | 1. Topic 1: Gold Prices\n - Keywords: Gold, seven-month high, investors, safety, $1,300 an ounce\n - Summary: Gold prices reached a seven-month high due to investor demand for safety amid upcoming major macro events and economic uncertainties.\n\n 2. Topic 2: Macro Events\n - Keywords: Brexit votes, US Federal Reserve decision, Sino-US trade talks\n - Summary: Several major macro events are upcoming, including Brexit votes, US Federal Reserve decision, and Sino-US trade talks, causing investor uncertainty and gold price increases.\n\n 3. Topic 3 | negative_event | ||
138 | 2019-01-29 | CVS Health's insurer, Aetna, announced a new health app for Apple Watches on Tuesday. The app, called Attain, uses an individual's medical history to set personalized health goals and rewards customers with subsidies or gift cards for meeting them. Aetna had to enter into a business associate agreement to | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | 0 | 1. Topic 1: Aetna (Company)\n - Announced new health app for Apple Watches\n - Named "Attain"\n - Uses medical history for personalized health goals\n - Offers subsidies or gift cards as rewards\n\n 2. Topic 2: CVS Health (Company) (Related to Aetna)\n\n 3. Topic 3: Apple Watches\n - New platform for Aetna's health app "Attain"\n\n 4. Topic 4: Health Apps\n - Aetna's new offering, Attain, is an example of this technology\n\n 5 | neutral_event | ||
139 | 2019-01-29 | Apple will release a software patch this week to fix a FaceTime bug that lets users hear audio from recipients before they accept video calls. The issue, which can also broadcast video and audio, affects iPhone users and was first reported by Reuters. Apple's group FaceTime service has been temporarily taken offline due to the ongoing problem. | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | 0 | Topic 1:\n Apple: The tech company that will release a software patch to fix a FaceTime bug.\n Software Patch: An update intended to resolve the FaceTime issue.\n FaceTime Bug: A flaw in Apple's group video calling service that allows users to hear audio and see video before accepting calls.\n\n Topic 2:\n iPhone Users: Individuals who are affected by the FaceTime bug on their devices.\n Group FaceTime Service: Apple's video conferencing platform with the reported issue.\n Temporarily Offline: The current status of the group FaceTime service due to the ongoing problem.\n First Reported: The event when Re | neutral_event | ||
140 | 2019-01-29 | Apple, Aetna, and CVS are collaborating on a new health app called Attain. The app offers customized fitness challenges with rewards, including a free Apple Watch Series 3 for participants who don't already own one. Users must meet fitness goals over 24 months to pay off the watch. The companies started developing the | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | 0 | 1. Collaboration between Apple, Aetna, and CVS on new health app "Attain"\n 2. Customized fitness challenges with rewards (Apple Watch Series 3)\n 3. Fitness goals over a period of 24 months to pay off the watch\n \nTopics:\n1. Apple, Aetna, CVS collaboration\n2. New health app "Attain"\n3. Customized fitness challenges\n4. Rewards (Apple Watch Series 3)\n5. Fitness goals and payment plan | neutral_event | ||
141 | 2019-01-29 | Corning defied the trend of weak results in the phone and chip industry, reporting higher-than-expected revenue and profit for Q4. The surge in demand from telecom companies investing in 5G networks led to a 26% increase in sales for its optical communications division, which is on track to exceed its 202 | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | 1 | 1. Company: Corning\n 2. Industry: Phone and chip\n 3. Financial Performance: Higher-than-expected revenue and profit for Q4\n 4. Key Events: Reported financial results, defied industry trend of weak results\n 5. Topics:\n a. Corning's financial performance\n b. Phone and chip industry trends\n c. 5G networks investment\n d. Telecom companies demand\n e. Corning's optical communications division sales growth | positive_event | ||
142 | 2019-01-29 | The price of gold reached an eight-month high, driven by anticipation for clues on U.S monetary policy from Federal Reserve Chairman Jerome Powell's news conference. Gold is up 2.4% this year and heading towards a fourth consecutive monthly increase due to prospects of fewer rate hikes and slower global growth amid the | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | 1 | 1. Topic: Gold Prices\n - Summary: Gold prices reached an eight-month high, with a 2.4% increase year-to-date and potential for a fourth consecutive monthly rise due to anticipation of monetary policy clues from Jerome Powell and prospects of fewer rate hikes and slower global growth.\n\n 2. Topic: U.S Monetary Policy\n - Summary: Anticipation for clues on U.S monetary policy from Federal Reserve Chairman Jerome Powell's news conference influenced the price of gold, with potential implications for interest rates and economic conditions. | positive_event | ||
143 | 2019-01-29 | In after hours trading, Apple's shares rose despite a rare revenue decline due to weak iPhone sales, particularly in China. The tech giant reported earnings of | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | -1 | 1. Main subjects or entities: Apple, shares, after hours trading, revenue decline, iPhone sales, China, tech giant, earnings, second quarter\n 2. Key events or actions: Apple's shares rose in after hours trading despite a rare revenue decline. The decline was due to weak iPhone sales, particularly in China. Apple reported earnings of | negative_event | ||
144 | 2019-01-29 | Apple reported stronger-than-expected earnings for Q1 2023, with GAAP EPS coming in at | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | 0 | 1. Topic: Apple's Q1 2023 Earnings\n - Keywords: Apple, earnings, Q1 2023, GAAP EPS, | neutral_event | ||
145 | 2019-01-29 | 3M, the Minnesota-based manufacturing company, issued a revenue warning due to weak demand in China. The slowdown affects its automotive and electronics businesses, causing a reduction in sales growth projections from 2% to 1-4%. This is driven by customer demand issues in China. Other major US companies like Apple and Cater | 39.062500 | 39.532501 | 38.527500 | 37.385262 | 166348800 | 0 | 3M: Revenue warning due to weak demand in China, affecting automotive and electronics businesses, reducing sales growth projection from 2% to 1-4%, caused by customer demand issues.\n\nTopics:\n1. 3M\n2. Minnesota-based manufacturing company\n3. Revenue warning\n4. Weak demand\n5. China\n6. Automotive business\n7. Electronics business\n8. Sales growth projection reduction\n9. Customer demand issues. | neutral_event | ||
146 | 2019-01-30 | Apple banned Facebook from its business app program after discovering the social media giant was using it to track teenagers' web browsing habits without proper authorization. Facebook's Research app, which collected data via virtual private network software, violated Apple's agreement, leading to Facebook's removal from the program. The ban does not affect Facebook | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Subjects/Entities: Apple, Facebook, Facebook's Research app\n 2. Key Events: Apple discovered Facebook tracking teenagers' web browsing habits without authorization, Facebook violated Apple's agreement, Apple banned Facebook from its business app program, Facebook removed from the program\n 3. Summarized Topics:\n - Apple and Facebook: Dispute over data collection practices\n - Facebook Research App: Collection of teenagers' web browsing data without authorization, Violation of Apple's agreement, Ban from Apple's business app program | neutral_event | ||
147 | 2019-01-30 | AMD reported in-line earnings but missed revenue estimates, causing shares to surge 16%. Some analysts remain cautious about the company's outlook for the fiscal first quarter due to expected slow growth. Apple reported earnings ahead of estimates, with strong revenue growth from all other products and services, suggesting iPhone sales may have bottomed, eas | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. AMD: Earnings report, In-line results, Missed revenue estimates, Shares surge\n Topics: AMD earnings, Revenue miss, Stock price increase\n\n Summary: AMD reported earnings that met expectations but fell short on revenue, leading to a 16% surge in shares. Some analysts remain cautious about the company's prospects for Q1 due to anticipated slow growth.\n\n 2. Apple: Earnings report, Beat estimates, Strong revenue growth, iPhone sales\n Topics: Apple earnings, Revenue growth, Potential iPhone sales recovery\n\n Summary: Apple reported earnings that surpassed expectations and showed strong revenue growth across all product and service categories, suggesting | neutral_event | ||
148 | 2019-01-30 | Google is reportedly operating a research app, Screenwise Meter, which bypasses app store regulations using an Enterprise Certificate. The app invites users to monitor data in exchange for gift cards. Similar actions led Apple to revoke Facebook's certificate, potentially causing disruptions. Google's use of this method could result in Apple rev | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Subjects: Google, Apple, Facebook, Research App (Screenwise Meter)\n 2. Events: Google reportedly operating a research app, App bypasses app store regulations, Apple revoked Facebook's certificate, Potential disruptions, Google's use of Enterprise Certificate\n 3. Keywords: Google, Research App, Screenwise Meter, App Store Regulations, Enterprise Certificate, Apple, Facebook, Gift Cards, Revoked Certificate, Disruptions\n 4. Topics:\n a. Google and its research app, Screenwise Meter\n b. Violation of app store regulations by Google's research app\n c. Apple's response to Google | neutral_event | ||
149 | 2019-01-30 | In Apple's Q1 earnings call, CFO Luca Maestri announced the company is on track to double its FY16 Services revenue by FY20. This growth is attributed to a larger percentage of the installed base paying for at least one service. The Q1 Services margin was 62.8%, higher than | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Apple's Q1 earnings: Topic - Apple's financial performance\n 2. CFO Luca Maestri: Topic - Apple's executive leadership\n 3. Q1 earnings call: Topic - Corporate communications event\n 4. FY16 Services revenue: Topic - Previous year's services revenue\n 5. Doubling FY16 Services revenue by FY20: Topic - Revenue growth target\n 6. Installed base: Topic - Apple user base\n 7. Paying for at least one service: Topic - Subscription model\n 8. Q1 Services margin: Topic - Financial performance of Apple's services | neutral_event | ||
150 | 2019-01-30 | Apple's Q4 earnings report showed better-than-expected results, with some weakness already priced in due to the pre-announcement revenue cut. Analysts at Morgan Stanley and JPMorgan remain overweight on the stock, with the latter noting that investor focus should return to the Services opportunity following a downside correction on | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Apple: The tech company released its Q4 earnings report, displaying better-than-expected results despite some weakness due to a pre-announcement revenue reduction.\n 2. Earnings Report: Apple presented financial results for its fourth quarter that surpassed expectations, albeit with anticipated weakness factored in.\n 3. Morgan Stanley and JPMorgan: Analysts from these firms maintain a bullish stance on Apple's stock, emphasizing the potential of the Services sector following a correction.\n 4. Stock: The value of Apple shares is under scrutiny due to its strong earnings report and the shift in investor focus towards the Services opportunity.\n 5. Q4 Earnings | neutral_event | ||
151 | 2019-01-30 | The IDC reported a decline in global smartphone shipments for Q4, down 5% YoY to 375.4 million units, marking the fifth consecutive quarter of decreases. Samsung (KS 005930) and Apple (AAPL) led with market shares of 18. | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | -1 | 1. Topic 1: Global smartphone shipments\n - Event: Decline in Q4 global smartphone shipments\n - Keywords: Global, smartphone shipments, decline\n\n 2. Topic 2: IDC report\n - Event: Reported a decrease in global smartphone shipments for Q4\n - Keywords: IDC, report\n\n 3. Topic 3: Market shares\n - Event: Samsung and Apple led the market with the highest shares\n - Keywords: Market shares, Samsung, Apple\n\n 4. Topic 4: Year-over-year decrease (YoY)\n - Event: Global smartphone | negative_event | ||
152 | 2019-01-30 | LG Display reported stronger profits in Q4 due to increased sales of high-end wearable screens, but warned of weaker panel prices in 2019 amid global economic uncertainty and U.S.-China trade tensions. Operating profit for the quarter was 279 billion won, an increase from 44 billion | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | -1 | 1. Company: LG Display\n 2. Industry: Display manufacturing\n 3. Topic 1: Stronger profits in Q4\n - Keywords: Profits, Quarter 4\n 4. Topic 2: Increased sales of high-end wearable screens\n - Keywords: Sales, High-end wearable screens\n 5. Topic 3: Global economic uncertainty\n - Keywords: Economic uncertainty\n 6. Topic 4: U.S.-China trade tensions\n - Keywords: Trade tensions, US-China\n 7. Topic 5: Weaker panel prices in 2019\n - Key | negative_event | ||
153 | 2019-01-30 | European stocks rose on Wednesday as positive news about demand from China outweighed concerns over Brexit. LVMH reported record revenue for 2018, driven by double-digit growth in spending by Chinese customers. The results boosted shares of LVMH and rivals Hermes, Kering, and Burberry. U | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 1 | 1. Topics:\n a. European stocks\n b. China\n c. Positive news\n d. Demand from China\n e. Brexit\n f. LVMH\n g. Record revenue\n h. Double-digit growth\n i. Spending by Chinese customers\n j. Shares of LVMH and rivals (Hermes, Kering, Burberry)\n\n 2. Summarized Topics:\n a. European stocks rise on positive China news, Brexit concerns\n b. LVMH reports record revenue from Chinese spending growth\n c. Chinese demand boosts shares of LVMH and rivals (H | positive_event | ||
154 | 2019-01-30 | China's manufacturing sector contracted for the second consecutive month in January, with the official Purchasing Managers Index (PMI) edging up marginally to 49.5 from 49.4 in December. The reading was below the 50 mark that separates growth from contraction. Weakness came from | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. China's manufacturing sector: Experienced contraction for two consecutive months (January and December)\n 2. Purchasing Managers Index (PMI): Officially reported a marginal increase to 49.5 in January, still below the 50 mark indicating growth\n 3. Weakness: Observed in China's manufacturing sector, with specific causes not mentioned in the headline.\n\nSummary:\n1. China's manufacturing sector contraction (January and December)\n2. PMI: Increased slightly to 49.5 in January\n3. Weakness: Present in China's manufacturing sector. | neutral_event | ||
155 | 2019-01-30 | Alibaba, the Chinese e-commerce giant and second most valuable public company in Asia, reported its slowest revenue growth since 2016, totaling 117.3 billion yuan ($17.47 billion) for Q3, missing analyst estimates due to China's slowing economy and trade tensions | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | Topic 1:\n ------------------\n Alibaba\n Chinese e-commerce giant\n Second most valuable public company in Asia\n \n Key Events:\n - Reported Q3 revenue\n - Revenue growth was the slowest since 2016\n - Totaled 117.3 billion yuan ( | neutral_event | ||
156 | 2019-01-30 | The Dow Jones Industrial Average, S&P 500, and Nasdaq Composite experienced significant gains on Wednesday due to a dovish Federal Reserve stance and upbeat earnings reports from companies like Apple and Boeing. The Fed indicated it would remain patient in regards to future interest rate adjustments. The tech sector was boosted by | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | -1 | 1. Stock Market: The Dow Jones Industrial Average, S&P 500, and Nasdaq Composite experienced gains on Wednesday.\n 2. Federal Reserve: The Fed indicated a dovish stance, signaling patience regarding future interest rate adjustments.\n 3. Tech Sector: The tech sector was boosted by upbeat earnings reports from companies like Apple and Boeing. | negative_event | ||
157 | 2019-01-30 | Google and Facebook disenabled their research apps, Screenwise Meter for Google and Research App for Facebook, from Apple's developer enterprise program following criticism from privacy experts. The apps were mistakenly distributed through this program instead of the usual app stores. Google apologized for the error. Apple did not comment on the matter. | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | Topic 1:\n Google and Facebook: Two tech companies involved in the disabling of their research apps.\n\n Keywords: Google, Facebook, tech companies, research apps.\n\n Summary: Tech companies Google and Facebook had to disable their respective research apps, Screenwise Meter for Google and Research App for Facebook, due to distribution through Apple's enterprise program instead of usual app stores.\n\n Topic 2:\n Disabling of Research Apps: Action taken by Google and Facebook in response to criticism from privacy experts.\n\n Keywords: disabling, research apps, criticism, privacy experts.\n\n Summary: In response to criticism from privacy experts, both Google and Facebook took the action | neutral_event | ||
158 | 2019-01-30 | New York authorities are investigating Apple for not warning consumers in a timely manner about a FaceTime bug that allowed iPhone users to hear audio from others' phones before accepting video calls. The probe also covers Apple's slow response, as reports indicate a consumer alerted the company of the issue over a week before the feature was disabled. The bug | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Subjects: New York authorities, Apple, iPhone users, FaceTime\n 2. Events: Investigation, Notification delay, Disabling of the feature\n 3. Keywords: Probe, Timely manner, Warning, Consumer alert, Slow response, FaceTime bug, Audio, Video calls\n 4. Topics:\n - New York authorities investigating Apple for delayed notification about a FaceTime bug\n - Apple's slow response to the reported issue\n - FaceTime bug allowing audio access before accepting video calls\n \nOutput: ["New York authorities investigation into Apple's delayed notification of FaceTime bug", "Apple's slow response to FaceTime bug report"] | neutral_event | ||
159 | 2019-01-30 | Apple plans to cut prices of some flagship iPhones to boost sales, particularly in overseas markets like China where the U.S. dollar has risen significantly against local currencies, making Apple's products pricier than rivals. This marks only the second time in iPhone history that prices will be lowered. The move comes after | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Apple: A tech company planning to reduce prices of some flagship iPhones.\n 2. Flagship iPhones: Specific models of Apple's smartphones that will have price reductions.\n 3. Boost sales: An objective of Apple to increase the number of units sold.\n 4. Overseas markets: Regions outside of the company's home country where the price cuts are targeted, specifically China.\n 5. Dollar: The US currency that has risen significantly against local currencies in overseas markets.\n 6. Pricier than rivals: A situation where Apple's products become more expensive compared to competitors due to currency fluctuations.\n 7. | neutral_event | ||
160 | 2019-01-30 | Didi Chuxing, a Chinese ride-hailing firm backed by Uber, Apple, SoftBank, and others, is considering cutting up to 20% of headcount in some departments, primarily support services like marketing and HR. No final decision has been made. The move comes as part of an organizational overhaul aimed | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Company: Didi Chuxing\n 2. Industry: Chinese ride-hailing firm\n 3. Investors: Uber, Apple, SoftBank\n 4. Topics:\n a. Potential layoffs: Up to 20% of headcount in some departments\n b. Departments affected: Support services (marketing and HR)\n c. Reason for cuts: Organizational overhaul\n Summary: Didi Chuxing, a Chinese ride-hailing firm backed by Uber, Apple, and SoftBank, is considering layoffs in support services departments as part of an organizational overhaul. Potential cuts could affect up to 2 | neutral_event | ||
161 | 2019-01-30 | Facebook is facing backlash from Apple following the revelation that the social media giant used a research app to gather user data, in violation of Apple's privacy guidelines. The app, which was distributed under a developer program meant for employee-only apps, paid users up to $20 a month for their data. Apple has revoked Facebook | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Topic 1: Facebook\n 2. Topic 1: Apple\n 3. Topic 1: Privacy guidelines violation\n 4. Topic 1: Research app\n 5. Topic 1: User data collection\n 6. Event 1: Facebook used a research app to gather user data\n 7. Event 1: Violation of Apple's privacy guidelines\n 8. Event 1: Apple revoked Facebook's app access\n 9. Keywords: Facebook, Apple, Privacy guidelines, Research app, User data, Collection, Violation.\n\n Summary: Facebook faced backlash from Apple for using a research app to gather user data in violation | neutral_event | ||
162 | 2019-01-30 | Peter Jackson, the director of "Lord of the Rings," is making a movie about The Beatles using previously unseen studio footage from their final album recording sessions in January 1969. This project marks the 50th anniversary since their last live performance together. Jackson will utilize over 50 hours of never-re | 40.812500 | 41.537498 | 40.057499 | 39.939968 | 244439200 | 0 | 1. Topic: Peter Jackson\n - Director of "Lord of the Rings"\n - Creating a movie about The Beatles\n\n 2. Topic: The Beatles\n - Musical group\n - Final album recording sessions in January 1969\n - Unseen studio footage\n - 50th anniversary since their last live performance\n\n 3. Key Events:\n - Peter Jackson is making a movie about The Beatles\n - Uses previously unseen studio footage from their final album recording sessions\n - Project marks the 50th anniversary since their last live performance\n\n 4. Summary:\n - Director Peter Jackson is creating | neutral_event | ||
163 | 2019-01-31 | Kanye West and Tidal's corporate parent have resolved a lawsuit accusing them of fraudulently inducing fans to subscribe to Tidal by tweeting that his album "The Life of Pablo" could only be obtained there. The plaintiff, Justin Baker Rhett, claimed the tweet was false as the album later | 41.527500 | 42.250000 | 41.139999 | 40.227589 | 162958400 | 0 | 1. **Lawsuit**: Kanye West and Tidal's corporate parent have resolved a lawsuit.\n 2. **Plaintiff (Justin Baker Rhett)**: Accused Kanye West and Tidal of fraudulently inducing fans to subscribe to Tidal.\n 3. **Alleged Infringement**: Tweet claiming "The Life of Pablo" could only be obtained on Tidal was false.\n 4. **Topic 1 - Lawsuit**: Lawsuit over allegations of fraudulent inducement regarding Tidal subscription and Kanye West's album.\n 5. **Topic 2 - Plaintiff (Justin Baker Rhett)**: | neutral_event | ||
164 | 2019-01-31 | The UAE, through a hacking team of American mercenaries, reportedly targeted governments and individuals in rival countries as well as American citizens, according to a Reuters investigation. However, the UAE's Minister of State for Foreign Affairs Anwar Gargash denied targeting friendly countries or American citizens in a cyberprogram called Project | 41.527500 | 42.250000 | 41.139999 | 40.227589 | 162958400 | 0 | 1. UAE: The United Arab Emirates is the main subject of this news article.\n 2. Hacking team of American mercenaries: A group of mercenaries from America are the agents involved in the reported activities.\n 3. Targeted governments and individuals: The entities that were targeted by the hacking team are not explicitly stated, but they can be inferred to be from rival countries.\n 4. Rival countries: Countries that have opposing interests or conflict with the UAE.\n 5. American citizens: Individuals who hold citizenship in the United States.\n 6. Cyberprogram called Project: A covert operation or program carried out by the UAE using | neutral_event | ||
165 | 2019-01-31 | The United Arab Emirates (UAE) denied on Thursday targeting friendly countries or American citizens with its cyberspying program, Project Raven. Reuters reported that the program, which involved a group of American intelligence contractors, targeted governments, dissidents, and human rights activists of rival nations, as well as embassy | 41.527500 | 42.250000 | 41.139999 | 40.227589 | 162958400 | 0 | 1. UAE: The United Arab Emirates\n 2. Cyberspying program: Project Raven\n 3. Denial: UAE denies targeting friendly countries or American citizens\n 4. Targeted entities: governments, dissidents, human rights activists of rival nations, embassies\n 5. Keywords: UAE, cyberspying program, Project Raven, denial, governments, dissidents, human rights activists, embassies\n\nSummary:\n- The UAE denied targeting friendly countries or American citizens with its cyber espionage program, Project Raven.\n- Reports from Reuters indicated that the program involved a group of American intelligence contract | neutral_event | ||
166 | 2019-02-01 | Apple acknowledged a privacy flaw in its FaceTime chat software that allowed users to hear others before they answered the call. The issue was discovered by a 14-year-old boy and his mother, who faced difficulties in reporting it to Apple for nine days. Apple turned off the group chat feature and promised a fix. New York's governor | 38.722500 | 39.712502 | 38.557499 | 38.168350 | 148158800 | 0 | 1. Topic 1: Apple FaceTime privacy flaw\n * Description: Apple acknowledged a privacy issue in their FaceTime chat software that allowed users to hear others before they answered the call.\n * Keywords: Apple, FaceTime, privacy flaw, hear others, before answering\n\n 2. Topic 2: Discovery of the issue\n * Description: The issue was discovered by a 14-year-old boy and his mother.\n * Keywords: discovered, 14-year-old boy, mother\n\n 3. Topic 3: Reporting the issue to Apple\n * Description: They faced difficulties in reporting it to Apple for nine days.\n | neutral_event | ||
167 | 2019-02-01 | Foxconn Technology announced on Friday that it will proceed with building a Gen 6 fab facility in Wisconsin, following conversations between its chairman and U.S. President Donald Trump. The $10 billion campus, which was the largest investment for a foreign company in U.S. history when announced in 2017, faced criticism and uncertainty | 38.722500 | 39.712502 | 38.557499 | 38.168350 | 148158800 | 1 | Topic 1:\n - Foxconn Technology\n - Building a Gen 6 fab facility\n - Wisconsin\n \n Summary: Foxconn Technology plans to construct a Gen 6 fabrication facility in Wisconsin. | positive_event | ||
168 | 2019-02-01 | A Chinese court sentenced a Didi Chuxing driver, Zhong Yuan, to death for raping and killing a female passenger last year. The brutal crime sparked public and government criticism of the ride-hailing company, prompting it to suspend its carpool service Hitch and overhaul its business with stricter | 38.722500 | 39.712502 | 38.557499 | 38.168350 | 148158800 | -1 | 1. Topic 1: Didi Chuxing (ride-hailing company)\n 2. Topic 2: Zhong Yuan (Didi Chuxing driver)\n 3. Topic 3: Rape and murder of a female passenger\n 4. Event 1: A Chinese court sentenced Zhong Yuan to death for the crime.\n 5. Event 2: The brutal crime sparked public and government criticism of Didi Chuxing.\n 6. Event 3: Didi Chuxing suspended its carpool service Hitch in response.\n 7. Event 4: The company is overhauling its business with stricter | negative_event | ||
169 | 2019-02-04 | The Dow Jones Industrial Average, S&P 500, and Nasdaq Composite rose on Monday, with tech stocks driving gains. Netflix surged on JPMorgan's suggestion it could be an Apple acquisition target, while FAANG stocks performed well. Alphabet fell after reporting earnings, but consumer staples and energy stocks | 47.772499 | 48.615002 | 47.762501 | 47.094631 | 91062800 | 1 | 1. Topics:\n a. Stock Market (Dow Jones Industrial Average, S&P 500, Nasdaq Composite)\n b. Tech Stocks\n c. Netflix\n d. FAANG Stocks\n e. Alphabet\n f. Consumer Staples\n g. Energy Stocks\n\n 2. Summaries:\n a. Stock Market: The major US stock indices (Dow Jones, S&P 500, Nasdaq) experienced growth on Monday.\n b. Tech Stocks: Tech stocks were the primary drivers of the market's upward trend.\n c. Netflix: Netflix saw significant gains following | positive_event | ||
170 | 2019-02-04 | JPMorgan suggests Apple should acquire Netflix due to its leading engagement level and original content, differentiating it from aggregators. Acquiring Netflix would cost approximately $189 billion at a 20% premium and could lead to long-term streaming and advertising revenue upside. Netflix stock rose 1.45% in early | 47.772499 | 48.615002 | 47.762501 | 47.094631 | 91062800 | 1 | 1. Topic: Merger/Acquisition Proposal between JPMorgan, Apple, and Netflix\n 2. Keywords: JPMorgan, Apple, Netflix, Acquire, Merger, Acquisition\n 3. Summary: JPMorgan proposes that Apple should consider acquiring Netflix for approximately $189 billion at a 20% premium. This potential merger could lead to increased streaming and advertising revenue for Apple in the long term.\n\n ---------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------- | positive_event | ||
171 | 2019-02-04 | Despite strong January market performance, fears of a Chinese economic slowdown led to caution ahead of earnings from tech giants Alphabet and Apple. Sony warned of potential impact on chip and image sensor divisions due to weakening global smartphone demand. Earnings reports expected from Sysco, Gilead Sciences, Seagate Technology, Over | 47.772499 | 48.615002 | 47.762501 | 47.094631 | 91062800 | 0 | 1. Chinese economic slowdown: Fears of a potential economic downturn in China affecting the market performance and earnings of tech companies Alphabet and Apple.\n 2. Tech giants' earnings: Anticipation of earnings reports from Alphabet and Apple amidst concerns about the Chinese economy.\n 3. Sony: Warned of potential impact on chip and image sensor divisions due to weakening global smartphone demand.\n 4. Earnings reports: Expected reports from Sysco, Gilead Sciences, Seagate Technology, and Over (name not clear).\n 5. Market performance: Strong January market performance.\n 6. Global smartphone demand: Weakening demand for smartphones | neutral_event | ||
172 | 2019-02-04 | This news article reports on the rallying share prices of Ultimate Software, Roku, and Papa John's towards the end of trading on Monday. Ultimate Software rallied after accepting a $331.50 per share takeover offer from a Hellman Friedman-led consortium, with a 50- | 47.772499 | 48.615002 | 47.762501 | 47.094631 | 91062800 | 0 | 1. Subjects/Entities: Ultimate Software, Roku, Papa John's, Hellman Friedman-led consortium\n 2. Key Events: Ultimate Software accepts takeover offer, share prices of Ultimate Software, Roku, and Papa John's rally\n 3. Summary: Ultimate Software experiences a significant increase in share price following acceptance of a $331.50 per share takeover offer from Hellman Friedman-led consortium. Simultaneously, Roku and Papa John's also see their share prices rise.\n\nOutput: Topic 1 - Ultimate Software: Acceptance of takeover offer leads to share price increase. | neutral_event | ||
173 | 2019-02-05 | Apple retail chief Angela Ahrendts announced her departure from the tech giant effective April, following a five-year tenure marked by store redesigns and controversial changes. Known for its long-serving executives, Apple did not disclose reasons for Ahrendts' exit. During her time, she introduced more casual service centers, renov | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | -1 | 1. Topic 1: Apple and Angela Ahrendts\n - Sub-topic A: Apple executive departure\n - Sub-topic B: Angela Ahrendts tenure at Apple (5 years)\n - Sub-topic C: Store redesigns during her tenure\n - Sub-topic D: Controversial changes in Apple stores\n\n 2. Topic 2: Angela Ahrendts' Role and Achievements\n - Sub-topic A: Apple retail chief\n - Sub-topic B: Introduced more casual service centers\n - Sub-topic C: Renovations during her tenure\n\n 3. Topic 3: Apple Company | negative_event | ||
174 | 2019-02-05 | Snap Inc reported a flat number of daily active users in Q1 2019, easing concerns over continued user loss to Facebook's Instagram. The photo messaging app has struggled with competitors replicating its features and a controversial redesign. Despite avoiding a third consecutive quarterly decline, some question the company's ability to | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 0 | 1. Snap Inc: This is the subject of the news article. It is a company that produces Snapchat, a photo messaging app.\n 2. Q1 2019: This refers to the first quarter of the year 2019.\n 3. Flat number of daily active users: Snap Inc reported no increase or decrease in the number of daily active users during this quarter.\n 4. User loss: There have been concerns that Snap Inc is losing users to Facebook's Instagram.\n 5. Competitors replicating features: Other companies are copying Snapchat's features, making it harder for Snap Inc to differentiate itself.\n | neutral_event | ||
175 | 2019-02-05 | Two U.S. House Democrats, Frank Pallone and Jan Schakowsky, have expressed concern over Apple's handling of a privacy flaw in its FaceTime group video chat software. The bug allowed users to hear audio before the call was answered, and the teen who discovered it tried for days to alert Apple. The company fixed the | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 0 | 1. Topic: Apple's FaceTime Privacy Flaw\n 2. Summary: Two U.S. House Democrats, Frank Pallone and Jan Schakowsky, raised concerns over Apple's handling of a privacy issue in their FaceTime group video chat software. The bug enabled users to hear audio before the call was answered. A teen discovered the flaw but struggled to notify Apple about it. Eventually, Apple resolved the issue.\n 3. Keywords: Apple, FaceTime, privacy flaw, audio, call, answered, US House Democrats, Frank Pallone, Jan Schakowsky. | neutral_event | ||
176 | 2019-02-05 | European shares surged to nine-week highs on Tuesday, boosted by a rebound in banks and gains in oil stocks. BP reported a doubling of profits, driven by strong oil output following the acquisition of U.S shale assets. Miners benefited from rising iron ore prices, while euro zone banks recovered after six | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 1 | 1. European shares: This headline is about the European stock market experiencing a surge to a nine-week high. The key subjects are European shares and the stock market.\n 2. Tuesday: This is a descriptive term indicating when the event occurred.\n 3. Rebound in banks: Banks in Europe have seen a recovery or bounce back.\n 4. Gains in oil stocks: Oil stocks have experienced an increase in value.\n 5. Strong oil output: There has been robust production of oil.\n 6. Acquisition of U.S shale assets: BP purchased shale assets in the United States.\n 7. Miners: This refers to companies involved in | positive_event | ||
177 | 2019-02-05 | This news article reports that AMS, a sensor specialist supplying components for Apple's face recognition technology, has warned of a more than 20 percent sales decline in Q1 2019 due to weak smartphone demand. The company suspended its cash dividend policy for fiscal year 2018 and disappointed investors with its | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 0 | 1. Topic: AMS (Company)\n 2. Event: Warned of a more than 20% sales decline in Q1 2019\n 3. Reason: Weak smartphone demand\n 4. Keywords: AMS, sales decline, Q1 2019, weak smartphone demand\n\n 5. Topic: Apple (Company)\n 6. Event: Uses components from AMS for face recognition technology\n 7. Keywords: Apple, face recognition technology, components\n\n 8. Topic: Smartphones\n 9. Event: Experiencing weak demand\n 10. Keywords: Smartphones, weak demand | neutral_event | ||
178 | 2019-02-05 | Lumentum Holdings Inc expects Android smartphone makers to launch devices with facial recognition technology this year, including Huawei's Honor V20 and Samsung's Galaxy S10 5G. The company forecast slightly lower than expected revenue for the current quarter but expects new contracts and design wins from Android phone makers to help | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 0 | 1. Topics:\n a. Lumentum Holdings Inc\n b. Android smartphone makers\n c. Facial recognition technology\n d. Huawei's Honor V20\n e. Samsung's Galaxy S10 5G\n\n 2. Summarized Topics:\n a. Lumentum Holdings Inc anticipates release of facial recognition-enabled Android devices in 2023 by major manufacturers like Huawei and Samsung.\n b. New business opportunities for Lumentum Holdings Inc through contracts and design wins with Android phone makers.\n c. Facial recognition technology integration in upcoming Android smartphones, specifically the Honor V | neutral_event | ||
179 | 2019-02-05 | Wall Street rallied on Tuesday, with tech and consumer discretionary stocks leading gains following upbeat earnings reports from Est e Lauder and Ralph Lauren. Tech giant Alphabet reported better than expected quarterly revenue and profit but concerns over higher spending sent its shares down. Despite a positive fourth-quarter earnings season and lower expectations for the | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 1 | 1. Wall Street Rally: Tech and consumer discretionary sectors leading, Estée Lauder and Ralph Lauren reporting upbeat earnings.\n 2. Alphabet: Better than expected Q4 revenue and profit, but higher spending concerns causing share decrease.\n 3. Topics:\n a. Wall Street Rally\n b. Tech sector gains\n c. Consumer discretionary sector gains\n d. Estée Lauder - upbeat earnings\n e. Ralph Lauren - upbeat earnings\n f. Alphabet - better than expected Q4 revenue and profit\n g. Alphabet - higher spending concerns. | positive_event | ||
180 | 2019-02-05 | Apple's French division has reached an agreement to pay undeclared back taxes estimated at around 571 million euros, following a multi-year audit by the French tax administration. The details of the payment amount will be published in public accounts. France is pushing for an EU-wide tax on digital and software companies like Apple, | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 0 | Topic 1:\n Apple's French division reaches agreement to pay undeclared back taxes worth approximately 571 million euros following a multi-year audit by the French tax administration.\n\n Keywords: Apple, French division, undeclared back taxes, audit, French tax administration, payment amount, public accounts.\n\n Topic 2:\n France pushes for EU-wide tax on digital and software companies, including Apple.\n\n Keywords: France, EU-wide tax, digital and software companies, Apple. | neutral_event | ||
181 | 2019-02-07 | Apple addressed a FaceTime privacy issue by rolling out software updates and contributing to the education of the teenager who discovered the bug, Grant Thompson from Tucson, Arizona. The bug allowed users to hear audio from people before they answered a video call. Apple formally credited Thompson and Daven Morris from Texas in its update release notes. The company conducted | 50.352501 | 50.782501 | 50.340000 | 49.398319 | 67740800 | -1 | 1. Apple: The tech company in question.\n 2. FaceTime privacy issue: A problem related to the security of Apple's video calling service.\n 3. Rolled out software updates: Apple released new versions of their software to address the issue.\n 4. Grant Thompson (from Tucson, Arizona): The teenager who discovered the FaceTime bug.\n 5. Daven Morris (from Texas): Another individual involved in discovering the FaceTime bug.\n 6. Bug allowed users to hear audio: The specific issue that enabled users to access audio from others before accepting a video call.\n 7. Conducted formal crediting: Apple acknowledged and publicly recognized Thompson and Morris for their contributions | negative_event | ||
182 | 2019-02-08 | Analysts predict a decline of 0.1% in first quarter earnings for S&P 500 companies, marking the group's first quarterly profit decrease since 2016 according to Refinitiv data. The forecast represents a significant drop from the start of the year when growth was projected at 5- | 51.382500 | 51.607498 | 50.407501 | 49.712643 | 163448400 | -1 | 1. Subjects: S&P 500 companies, analysts, Refinitiv data\n 2. Events: Analysts predicting decline in first quarter earnings, first quarterly profit decrease for S&P 500 since 2016\n 3. Keywords: decline, 0.1%, first quarter earnings, S&P 500 companies, analysts, Refinitiv data, forecast, growth, projected, significant drop\n 4. Summary Topics:\n - Decline in S&P 500 first quarter earnings\n - Significant drop in projected growth for S&P 500\n - First quarterly profit decrease | negative_event | ||
183 | 2019-02-08 | Sony Corp, Japan's leading tech firm, announced its first major share buyback worth 100 billion yen, or 2.36% of outstanding shares, following weak earnings and investor concerns. This is the second large buyback this week after SoftBank. Japanese companies have been increasing buybacks to attract foreign investors | 51.382500 | 51.607498 | 50.407501 | 49.712643 | 163448400 | 1 | Topic 1:\n ------------------\n Company: Sony Corp\n Action: Announced share buyback\n Value: 100 billion yen (2.36% of outstanding shares)\n Reason: Weak earnings, investor concerns\n\n Summary: Sony Corp initiated a share buyback worth 100 billion yen in response to weak earnings and investor concerns. | positive_event | ||
184 | 2019-02-12 | This week, the European Union's second highest court will rule on a Belgian tax break that reportedly benefited over 35 large companies, including Apple, Starbucks, Fiat Chrysler, and others. The European Commission ordered Belgium to recover around €790 million from these firms for allegedly providing an unfair advantage | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | 0 | Topic 1:\n European Union (EU) Court Ruling\n \n Keywords: EU, court, ruling\n\n Topic 2:\n Belgian Tax Break\n \n Keywords: Belgium, tax break\n\n Topic 3:\n Large Companies\n \n Keywords: Apple, Starbucks, Fiat Chrysler (and others)\n\n Topic 4:\n Unfair Advantage\n \n Keywords: allegedly provided, recovery of €790 million, ordered by European Commission | neutral_event | ||
185 | 2019-02-12 | Akamai Technologies reported stronger than projected earnings, driven by increased demand for its cybersecurity and media content delivery services. Revenue from its cloud security business rose 36% to | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | 1 | 1. Akamai Technologies: This company is the subject of the news article.\n 2. Stronger than projected earnings: Akamai reported better financial results than anticipated.\n 3. Increased demand: There is a higher-than-usual interest in Akamai's services.\n 4. Cybersecurity and media content delivery services: The specific services provided by Akamai that are driving the growth.\n 5. Cloud security business: A key division of Akamai, generating significant revenue.\n 6. | positive_event | ||
186 | 2019-02-12 | Apple is facing resistance from several publications over its proposed news subscription service, which could be priced around $10 per month. The company plans to keep about half of the revenue but has not yet finalized the price. Apple's transaction fee of 30 percent for software developers in the App Store may be a concern for publishers. | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | 0 | Topic 1:\n Apple's proposed news subscription service\n \n Keywords: Apple, news subscription service, proposed\n\n Topic Summary:\n Apple is introducing a new news subscription service, which is currently under discussion and could potentially cost around $10 per month.\n\n ----------------------\n\n Topic 2:\n Publishers' resistance to Apple's news subscription service\n\n Keywords: publications, resistance, publishers\n\n Topic Summary:\n Several publications have expressed opposition to Apple's proposed news subscription service.\n\n ----------------------\n\n Topic 3:\n Apple's revenue sharing model for the news subscription service | neutral_event | ||
187 | 2019-02-12 | Goldman analyst Rod Hall anticipates Apple's traffic acquisition costs from Google searches will decelerate significantly in 2019, leading to an estimated 16% reduction in services revenue growth compared to the prior year's 24%. To offset this decline, Apple is expected to launch its Apple Prime bundle with original video | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | -1 | Topic 1:\n Apple's services revenue growth deceleration in 2019\n Keywords: Apple, services revenue, growth, deceleration, 2019\n\n Topic 2:\n Impact of Google searches on Apple's traffic acquisition costs\n Keywords: Apple, Google, searches, traffic acquisition, costs\n\n Topic 3:\n Expected reduction in Apple's services revenue growth compared to prior year\n Keywords: Apple, services revenue, growth, reduction, prior year\n\n Topic 4:\n Apple's anticipated response to revenue decline with launch of Apple Prime bundle\n Keywords: Apple, | negative_event | ||
188 | 2019-02-12 | The U.K. government has released a report recommending greater regulation of tech companies, specifically Google, Facebook, and Apple, in how they distribute news content. The companies are urged to sign a code of conduct governing their commercial agreements with publishers. Additionally, the U.K.'s competition authority is encouraged to investigate online advertising for fair competition | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | 0 | 1. **Topic 1:** U.K. government and tech companies (Google, Facebook, Apple)\n 2. **Topic 2:** Regulation of tech companies in news content distribution\n 3. **Topic 3:** Recommendation of a code of conduct for commercial agreements between publishers and tech companies\n 4. **Topic 4:** U.K.'s competition authority investigation into online advertising for fair competition.\n\n Summary: The U.K. government has suggested stricter regulations for Google, Facebook, and Apple regarding their handling of news content distribution. They recommend a code of conduct for commercial agreements between these tech companies and publishers, while also urging the U.K.'s | neutral_event | ||
189 | 2019-02-12 | Japan Display Inc, an ailing Apple supplier, is reportedly set to receive up to 80 billion yen in funding from a consortium of Chinese and Taiwanese investors, led by China's state-backed Silk Road Fund and Taiwanese panel maker TPK Holding Co. This would make the group the top share | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | 0 | 1. Topics: Japan Display Inc, Apple supplier, funding, Chinese investors, Taiwanese investors, Silk Road Fund, TPK Holding Co\n 2. Summary: Japanese display manufacturer Japan Display Inc is set to receive up to 80 billion yen in funding from a consortium of Chinese and Taiwanese investors. The group is led by China's state-backed Silk Road Fund and Taiwanese panel maker TPK Holding Co, making them the top shareholders.\n \n News Articles: Elon Musk, Tesla CEO, has announced that the company will be increasing production of its Model 3 sedan at its California factory in an effort to meet growing demand for the electric vehicle | neutral_event | ||
190 | 2019-02-13 | The Trump administration has formed a new advisory board comprised of major company CEOs, including those from Apple, Walmart, IBM, Lockheed Martin, Siemens USA, Home Depot, and Visa. The board's goal is to prepare U.S. workers for job training issues brought about by automation and artificial | 42.847500 | 43.119999 | 42.480000 | 41.307930 | 89960800 | -1 | 1. Trump administration\n 2. New advisory board\n 3. Major company CEOs (Apple, Walmart, IBM, Lockheed Martin, Siemens USA, Home Depot, Visa)\n 4. Formation of the board\n 5. Preparing U.S. workers\n 6. Job training issues\n 7. Automation\n 8. Artificial intelligence\n\nSummary:\nThe Trump administration established a new advisory board consisting of major CEOs from companies like Apple, Walmart, IBM, Lockheed Martin, Siemens USA, Home Depot, and Visa. The primary objective of the board is to address job training concerns arising from autom | negative_event | ||
191 | 2019-02-13 | Apple is targeting an April event to introduce a streaming television service, likely featuring content from CBS, Viacom, and Lions Gate, along with its own original productions. The service aims to consolidate multiple apps into one location, offering both Apple's original shows and subscriptions to traditional TV channels, similar to Amazon Prime Video. Apple | 42.847500 | 43.119999 | 42.480000 | 41.307930 | 89960800 | 1 | 1. Apple\n 2. Streaming television service introduction\n 3. CBS, Viacom, Lions Gate (content providers)\n 4. Own original productions\n 5. Consolidation of multiple apps\n 6. Traditional TV channels subscriptions\n 7. Amazon Prime Video (competitor comparison)\n\nSummary:\nApple is planning to launch a new streaming television service in April, which will include content from CBS, Viacom, and Lions Gate, as well as its own original productions. The service aims to consolidate various apps into one location, offering both Apple's exclusive shows and subscriptions to traditional TV channels, similar to Amazon Prime Video. | positive_event | ||
192 | 2019-02-13 | Apple significantly increased its self-driving car tests on public roads in California in 2018, putting in over 79,000 miles, up from 838 miles the previous year. However, it lagged far behind market leader Waymo, which had 11,017 miles between diseng | 42.847500 | 43.119999 | 42.480000 | 41.307930 | 89960800 | 0 | Topic 1:\n Apple's self-driving car tests\n \n Keywords: Apple, self-driving cars, tests\n\n Topic 2:\n Increase in public road testing miles\n\n Keywords: public roads, testing, miles\n\n Topic 3:\n Comparison with market leader Waymo\n\n Keywords: Waymo, market leader, lagged behind | neutral_event | ||
193 | 2019-02-13 | The former top corporate lawyer at Apple, Gene Levoff, was criminally charged with insider trading by the U.S. Department of Justice on Wednesday. Levoff allegedly exploited his positions as corporate secretary and head of corporate law to trade illegally between 2011 and 2016, generating approximately $ | 42.847500 | 43.119999 | 42.480000 | 41.307930 | 89960800 | 0 | 1. Topic: Gene Levoff\n - Former top corporate lawyer at Apple\n - Criminally charged with insider trading\n\n 2. Key Events:\n - Gene Levoff held positions of corporate secretary and head of corporate law at Apple\n - He allegedly engaged in insider trading between 2011 and 2016\n - The U.S. Department of Justice brought criminal charges against him\n\n 3. Relevant Keywords:\n - Gene Levoff\n - Former Apple lawyer\n - Insider trading\n - Criminal charges\n - Corporate secretary\n - Head of corporate law\n\n 4. Summary:\n - | neutral_event | ||
194 | 2019-02-13 | Apple significantly ramped up its self-driving car testing in 2018, recording tens of thousands of miles versus just hundreds of miles in 2017, as per data from the California Department of Motor Vehicles. | 42.847500 | 43.119999 | 42.480000 | 41.307930 | 89960800 | -1 | Topic 1:\n Apple's self-driving car testing\n \n Keywords: Apple, self-driving car, testing\n \n Summary: Apple increased its self-driving car testing activities significantly in 2018 compared to the previous year. | negative_event | ||
195 | 2019-02-14 | Warren Buffett's Berkshire Hathaway reduced its stake in Apple, though none of the selling was done by Buffett himself. The company added positions in Suncor Energy and software firm Red Hat, while also appearing to have sold off a significant stake in Oracle. Berkshire's U.S.-listed stock portfolio shrank | 42.427502 | 42.814999 | 42.345001 | 41.458420 | 87342800 | 0 | 1. Topic 1: Warren Buffett / Berkshire Hathaway\n 2. Topic 2: Apple\n - Event: Reduced stake\n 3. Topic 3: Suncor Energy\n 4. Topic 4: Software firm Red Hat\n 5. Topic 5: Oracle\n - Event: Significant stake sold off\n 6. Topic 6: Berkshire Hathaway's U.S.-listed stock portfolio\n 7. Keywords: Buffett, Berkshire Hathaway, Apple, reduced stake, Suncor Energy, software firm Red Hat, Oracle, significant stake, sold off.\n\nSummary: Warren Buff | neutral_event | ||
196 | 2019-02-14 | The EU General Court dealt a potential setback to the European Commission's campaign against corporate tax avoidance by annulling an order for Belgian tax break schemes worth about 700 million euros to multinational firms, including Fiat Chrysler, Amazon, Engie, and Apple. The court ruled that the EU executive | 42.427502 | 42.814999 | 42.345001 | 41.458420 | 87342800 | 0 | 1. Subjects/Entities: European Union (EU), EU General Court, European Commission, Belgian tax break schemes, Fiat Chrysler, Amazon, Engie, Apple\n 2. Key Events: EU General Court annulled an order, EU Commission's campaign against corporate tax avoidance, worth about 700 million euros, multinational firms (Fiat Chrysler, Amazon, Engie, and Apple) involved\n 3. Summarized Topics:\n - EU General Court ruling on Belgian tax break schemes\n - European Commission's campaign against corporate tax avoidance\n - Involvement of multinational companies (Fiat Chrysler, Amazon | neutral_event | ||
197 | 2019-02-14 | In Q4 2018, prominent hedge fund managers sold Chinese tech stocks and major US companies like Apple and Facebook due to economic fears. Jana Partners exited Alibaba and reduced Apple stake by 63%, Berkshire Hathaway shrank Apple stake, Soros Fund Management and Appaloosa Management sold | 42.427502 | 42.814999 | 42.345001 | 41.458420 | 87342800 | -1 | 1. Q4 2018: Prominent hedge funds selling Chinese tech stocks and major US companies (Apple, Facebook)\n Topics:\n a. Hedge funds selling Chinese tech stocks\n b. Hedge funds reducing stakes in major US companies (Apple, Facebook)\n c. Economic fears in Q4 2018\n\n Summary: In Q4 2018, hedge funds sold Chinese tech stocks and major US companies due to economic concerns. Specifically mentioned were Alibaba, Apple, and Facebook. | negative_event | ||
198 | 2019-02-14 | Applied Materials, a leading chip gear maker, forecasted lower-than-expected second quarter earnings and revenue, reflecting industry-wide challenges. The semiconductor sector is grappling with a slowing smartphone market, particularly in China, and the impact of the US-China trade dispute and a slowing Chinese economy. | 42.427502 | 42.814999 | 42.345001 | 41.458420 | 87342800 | 0 | Topic 1:\n ------------------\n Company: Applied Materials\n Industry: Chip gear maker\n Event: Lower-than-expected Q2 earnings and revenue forecast\n Reason: Industry-wide challenges, including a slowing smartphone market, US-China trade dispute, and a slowing Chinese economy. | neutral_event | ||
199 | 2019-02-14 | Lucy Li, a 16-year-old golfer who became the youngest player ever to qualify for the U.S. Women's Open in 2014, was issued a warning by the USGA after breaching amateur status rules by appearing in an Apple Watch advertisement campaign. Li engaged with a casting agent for an | 42.427502 | 42.814999 | 42.345001 | 41.458420 | 87342800 | 0 | 1. Youngest golfer: Lucy Li (age 16)\n 2. Qualified for U.S. Women's Open in 2014\n 3. Issued a warning by USGA\n 4. Breached amateur status rules\n 5. Appeared in Apple Watch advertisement campaign\n\n Summary:\n 16-year-old golfer Lucy Li, who qualified for the U.S. Women's Open in 2014, was issued a warning by the USGA for breaching amateur status rules after appearing in an Apple Watch advertisement campaign. | neutral_event | ||
200 | 2019-02-15 | NVIDIA's stock price surged in premarket trade, up by 8.06% at 8:06 AM ET or 13:06 GMT, following the company's forecast for better-than-expected sales during the current fiscal year. | 42.812500 | 42.924999 | 42.437500 | 41.366173 | 98507200 | 1 | Topic 1:\n ------------------\n NVIDIA\n Premarket trade\n Stock price surge\n Up 8.06%\n \n Summary:\n NVIDIA's stock experienced a significant increase of 8.06% during premarket trading.\n\n Topic 2:\n ------------------\n NVIDIA\n Better-than-expected sales\n Current fiscal year\n \n Summary:\n NVIDIA forecasted sales that exceed expectations for the current fiscal year. | positive_event | ||
201 | 2019-02-15 | Wall Street ended the week on a positive note, with all three major indexes posting their eighth consecutive weekly gains. Investor optimism grew as trade talks between the US and China resumed, with both sides reporting progress in resolving their long-standing trade dispute. Key industrial stocks such as Boeing, 3M, United Technologies | 42.812500 | 42.924999 | 42.437500 | 41.366173 | 98507200 | 1 | 1. Stock Market: All three major indexes posted eighth consecutive weekly gains.\n 2. Wall Street: Ended the week on a positive note.\n 3. Trade Talks: Resumed between US and China.\n 4. US-China Trade Dispute: Reported progress in resolving.\n 5. Investor Optimism: Grew due to trade talks progress.\n 6. Key Industrial Stocks: Boeing, 3M, United Technologies mentioned specifically. | positive_event | ||
202 | 2019-02-19 | This news article discusses progress towards gender equality in Hollywood following Frances McDormand's advocacy for inclusion riders at the Oscars last year. Warner Bros adopted this policy, and major stars including Matt Damon and Michael B Jordan committed to pushing for it. The number of films with female leads has increased, as have Oscar | 42.427502 | 42.860001 | 42.372501 | 41.489967 | 75891200 | 1 | 1. Gender equality in Hollywood\n 2. Frances McDormand's advocacy for inclusion riders at the Oscars\n 3. Warner Bros adopting inclusion rider policy\n 4. Major stars (Matt Damon, Michael B Jordan) supporting and pushing for inclusion riders\n 5. Increase in number of films with female leads\n 6. Oscar nominations and wins for female-led films\n\n Summary: Discussions on gender equality progress in Hollywood, specifically the impact of Frances McDormand's advocacy for inclusion riders at the Oscars, Warner Bros' adoption of this policy, and the subsequent increase in films with female leads and | positive_event | ||
203 | 2019-02-20 | WhatsApp, owned by Facebook, has acknowledged a security bug allowing iPhone users to bypass its new privacy feature that requires Touch ID or Face ID for app access. The issue arises when users select any interval other than immediate verification. A user on Reddit first reported the problem, and Reuters confirmed it. WhatsApp said a fix | 42.797501 | 43.330002 | 42.747501 | 41.756977 | 104457600 | 0 | 1. Subjects: WhatsApp, Facebook, iPhone users, privacy feature, Touch ID, Face ID, app access\n 2. Events: WhatsApp acknowledges security bug, issue arises when selecting interval other than immediate verification, user reports problem on Reddit, Reuters confirms the issue, WhatsApp promises a fix\n 3. Keywords: WhatsApp, Facebook, iPhone users, privacy feature, Touch ID, Face ID, app access, security bug, interval, immediate verification, fix\n 4. Topics:\n - WhatsApp and Facebook face a security issue with their new privacy feature for iPhone users.\n - The problem occurs when users choose an interval other than immediate | neutral_event | ||
204 | 2019-02-20 | Garmin reported stronger-than-expected fourth quarter earnings and revenue, driven by robust demand for its wearable fitness devices and aviation products. The company's shares surged 15% following the announcement, reaching their highest level in over a decade. In the past year, Garmin bounced back from a decline in demand for car | 42.797501 | 43.330002 | 42.747501 | 41.756977 | 104457600 | 1 | 1. Topic 1: Garmin's Fourth Quarter Earnings and Revenue\n - Keywords: Garmin, earnings, revenue, stronger-than-expected\n\n 2. Topic 2: Robust Demand for Wearable Fitness Devices\n - Keywords: wearable fitness devices, demand\n\n 3. Topic 3: Robust Demand for Aviation Products\n - Keywords: aviation products, demand\n\n 4. Topic 4: Garmin's Shares Surge Following Announcement\n - Keywords: shares, surge, announcement, highest level in over a decade\n\n 5. Topic 5 | positive_event | ||
205 | 2019-02-20 | Viaciom announced it will provide programming on fuboTV's live streaming service, joining other virtual pay TV providers such as Sling TV, DirectTV Now and Philo. FuboTV, a four-year-old streaming service focused on soccer, has expanded into entertainment programming from networks like FX and Showtime. Vi | 42.797501 | 43.330002 | 42.747501 | 41.756977 | 104457600 | 0 | 1. Subjects: Viacom, fuboTV\n 2. Events: Viacom announces partnership with fuboTV, provides programming for live streaming service\n 3. Keywords: Viacom, partnership, fuboTV, live streaming, programming, virtual pay TV providers, Sling TV, DirectTV Now, Philo\n 4. Topic 1: Viacom partners with fuboTV to provide programming for their live streaming service\n 5. Topic 2: Expansion of fuboTV into entertainment programming from networks like FX and Showtime\n \nOutput: [\n {\n "topic": "Viacom partners with fuboTV",\n | neutral_event | ||
206 | 2019-02-21 | Apple's long-rumored vehicle project may shift from developing a car to an electric van, according to Manager Magazin. Unnamed sources reportedly saw black and silver prototypes and claimed that engineers are now focusing on the interior design. Apple has yet to comment on the matter. | 42.950001 | 43.092499 | 42.575001 | 41.521526 | 68998800 | 0 | Topic 1:\n Apple's vehicle project\n \n Summary:\n Apple is reportedly shifting its focus from developing a car to an electric van for their long-rumored transportation initiative.\n\n \n News Article 2:\n Elon Musk says Tesla's Full Self-Driving feature will be 'feature complete' by end of year, but admits it won't be perfect.\n \n Topic 1:\n Tesla's Full Self-Driving feature\n \n Summary:\n Tesla is working on completing the development of its Full Self-Driving feature by the end of the year, although Musk acknowledges that it | neutral_event | ||
207 | 2019-02-21 | Goldman Sachs is partnering with Apple to launch co-branded credit cards, allowing users to manage finances via iPhone and set spending goals. This deal benefits both companies; Apple aims to boost its services business, while Goldman seeks to increase consumer loans. The card, using Mastercard's network, offers about 2% cash | 42.950001 | 43.092499 | 42.575001 | 41.521526 | 68998800 | 1 | 1. Partnership between Goldman Sachs and Apple\n 2. Launch of co-branded credit cards\n 3. Management of finances via iPhone\n 4. Setting spending goals\n 5. Boosting services business (Apple)\n 6. Increasing consumer loans (Goldman Sachs)\n 7. Use of Mastercard's network\n 8. Offering approximately 2% cash back\n\nTopics:\n1. Goldman Sachs-Apple partnership\n2. Co-branded credit cards\n3. iPhone finance management\n4. Spending goals\n5. Services business growth (Apple)\n6. Consumer loans expansion (Goldman Sachs | positive_event | ||
208 | 2019-02-22 | Apple collaborates with Ant Financial Services Group and local banks in China, providing interest-free financing for iPhone purchases as part of an effort to revive sales. The scheme, available through Huabei, is open to customers purchasing products worth a minimum of 4,000 yuan from Apple. Economic slowdown and increased competition are contributing factors | 42.895000 | 43.250000 | 42.845001 | 41.985130 | 75652800 | 1 | Topic 1:\n Apple's collaboration with Ant Financial Services Group and local banks in China\n \n Keywords: Apple, Ant Financial Services Group, local banks, China\n\n Topic 2:\n Interest-free financing for iPhone purchases\n\n Keywords: iPhone, financing, interest-free\n\n Topic 3:\n Effort to revive sales\n\n Keywords: sales, revenue, growth\n\n Topic 4:\n Minimum purchase requirement of 4,000 yuan\n\n Keywords: minimum purchase, 4,000 yuan\n\n Topic 5:\n Economic slowdown as | positive_event | ||
209 | 2019-02-22 | Kraft Heinz suffered a significant loss in premarket trade due to a disappointing earnings report and an SEC investigation. The company wrote down $15.4 billion from its Kraft and Oscar Mayer trademarks, and is under scrutiny for accounting practices. Roku stock surged following better-than-expected quarterly results. | 42.895000 | 43.250000 | 42.845001 | 41.985130 | 75652800 | -1 | 1. Event 1: Kraft Heinz Earnings Disappointment and SEC Investigation\n Topics: Kraft Heinz, earnings report, significant loss, premarket trade, SEC investigation\n\n 2. Event 2: Roku Better-than-Expected Quarterly Results\n Topics: Roku, quarterly results, stock surge | negative_event | ||
210 | 2019-02-25 | The Dow Jones Industrial Average and other major indexes posted gains on Monday, with the Dow rising 60 points, after President Trump announced progress in trade talks with China and delayed tariff hikes. Trade-sensitive stocks like Boeing and Caterpillar performed well, but some tariffs are expected to remain as an enforcement mechanism | 43.540001 | 43.967499 | 43.487499 | 42.290981 | 87493600 | 1 | Topic 1:\n - Trade talks between China and the United States\n - Progress in negotiations\n - Tariff hikes delayed\n\n Summary: The news article discusses the progress made in trade talks between China and the United States, resulting in a delay of tariff hikes and positive market reactions. Specifically mentioned are Boeing and Caterpillar as trade-sensitive stocks that performed well due to this development. However, some tariffs are expected to remain as an enforcement mechanism. | positive_event | ||
211 | 2019-02-25 | AAC Technologies Holdings, an Apple supplier based in Hong Kong, reported a significant decrease in expected net profit for Q1 2019 due to reduced orders from customers. The company forecasted a profit decline of 65-75% compared to the same period last year and narrowing gross profit margins. AAC | 43.540001 | 43.967499 | 43.487499 | 42.290981 | 87493600 | 0 | 1. Company: AAC Technologies Holdings\n 2. Industry: Apple supplier\n 3. Location: Hong Kong\n 4. Event 1: Significant decrease in expected net profit for Q1 2019\n 5. Event 2: Reduced orders from customers\n 6. Topic Summaries:\n a. AAC Technologies Holdings experiences financial downturn\n b. Apple supplier based in Hong Kong faces decreased profits\n c. Net profit decline forecasted for Q1 2019 (65-75%)\n d. Narrowing gross profit margins\n e. Reduced orders from customers impact business performance. | neutral_event | ||
212 | 2019-02-25 | Huawei, the world's third-largest smartphone vendor, showcased its new folding phone, the Mate X, on February 24. The device is designed for next-generation 5G networks and promises super-fast internet speeds. Despite US efforts to exclude the Chinese company from 5G networks | 43.540001 | 43.967499 | 43.487499 | 42.290981 | 87493600 | 1 | 1. Topic: Huawei\n Summary: Chinese tech company, third-largest smartphone vendor\n\n 2. Topic: New folding phone (Mate X)\n Summary: Huawei's latest device, designed for next-generation 5G networks\n\n 3. Topic: 5G networks\n Summary: Next-generation wireless technology, promises super-fast internet speeds\n\n 4. Event: Showcased new folding phone (Mate X)\n Summary: Huawei presented its new device to the public\n\n 5. Action: Designed for next-generation 5G networks\n Summary: The Mate X | positive_event | ||
213 | 2019-02-25 | Sony, aiming to differentiate itself in the smartphone market, unveiled its new flagship Xperia 1 at Mobile World Congress featuring a 21:9 ratio HDR OLED screen and professional-grade camera capabilities. The device leverages Sony's Bravia TV technology for enhanced visual experiences. Two mid-range | 43.540001 | 43.967499 | 43.487499 | 42.290981 | 87493600 | 0 | 1. Sony: The electronics company announced the release of their new flagship smartphone, Xperia 1.\n 2. Smartphone market: Sony aims to distinguish itself with innovative features in a competitive market.\n 3. New flagship Xperia 1: Unveiled at Mobile World Congress, this device boasts a unique 21:9 ratio HDR OLED screen and advanced camera capabilities.\n 4. HDR OLED screen: The new smartphone offers an enhanced visual experience with high definition resolution and color depth.\n 5. Professional-grade camera capabilities: Sony's latest innovation targets photography enthusiasts with superior image quality.\n 6. Bravia TV technology: Le | neutral_event | ||
214 | 2019-02-25 | Warren Buffett, the Oracle of Omaha, revealed on Monday that his company, Berkshire Hathaway, had unexpectedly exited its 2.13 billion stake in Oracle Corp during last year's fourth quarter. This quick exit was unusual for Berkshire, which typically holds stocks for decades and rarely invests | 43.540001 | 43.967499 | 43.487499 | 42.290981 | 87493600 | 0 | Topic 1:\n ------------------\n Warren Buffett\n Berkshire Hathaway\n Oracle Corp\n Unexpected exit\n Fourth quarter (2021)\n\n Summary:\n Warren Buffett's company, Berkshire Hathaway, unexpectedly sold its 2.13 billion stake in Oracle Corp during the last quarter of 2021. This is an unusual move for Berkshire, which typically holds stocks for long periods and rarely invests or divests quickly. | neutral_event | ||
215 | 2019-02-25 | Huawei, the world's third largest smartphone vendor, defended its position as a global tech leader amid ongoing U.S.-China trade tensions. Chairman Guo Ping reiterated Huawei's commitment to cybersecurity and innovation, while welcoming President Trump's statements on mobile competition. The company un | 43.540001 | 43.967499 | 43.487499 | 42.290981 | 87493600 | 1 | 1. Topic: Huawei\n Summary: Chinese tech company, third largest smartphone vendor\n\n 2. Topic: Trade Tensions (between US and China)\n Summary: Ongoing geopolitical issue between two global powers\n\n 3. Topic: Cybersecurity\n Summary: Concerns regarding data security and protection\n\n 4. Topic: Innovation\n Summary: Development of new technologies and advancements\n\n 5. Topic: Chairman Guo Ping (of Huawei)\n Summary: Executive leader of the company\n\n 6. Topic: President Trump\n Summary: Current US President, mentioned in context of | positive_event | ||
216 | 2019-02-26 | AAC Technologies Holdings Inc, listed on the Hong Kong Stock Exchange, saw its shares plummet over 13% after announcing a significant decrease in first-quarter profits, forecasted between 65-75% year-on-year. The drop was attributed to reduced orders from customers and weak seasonal demand | 43.427502 | 43.825001 | 43.292500 | 42.315266 | 68280800 | -1 | Topic 1:\n Company: AAC Technologies Holdings Inc\n Event: Significant decrease in first-quarter profits\n Keywords: Hong Kong Stock Exchange, plummeted, shares, 13%, year-on-year, forecasted, between 65-75%\n\n Summary: AAC Technologies Holdings Inc experienced a significant decrease in first-quarter profits, causing its shares to drop by over 13%. The exact decline was forecasted to be between 65-75% year-on-year.\n\n Topic 2:\n Company: AAC Technologies Holdings Inc\n Event: Reduced orders from customers | negative_event | ||
217 | 2019-02-27 | Apple announced plans to lay off approximately 190 employees from its self-driving car project, Project Titan. The layoffs include software and hardware engineers, product design engineers, an ergonomics engineer, a machine shop supervisor, and possibly machinists. This is the first major shakeup under Doug Field, who returned | 43.302502 | 43.750000 | 43.182499 | 42.446327 | 111341600 | -1 | 1. Company: Apple\n 2. Project: Project Titan (Apple's self-driving car project)\n 3. Event: Layoffs\n 4. Keywords: Approximately 190 employees, Software engineers, Hardware engineers, Product design engineers, Ergonomics engineer, Machine shop supervisor, Machinists, Doug Field (returned)\n 5. Summary: Apple announced layoffs affecting approximately 190 employees from its self-driving car project, Project Titan. The positions include software and hardware engineers, product design engineers, an ergonomics engineer, a machine shop supervisor, and possibly machinists. This marks the first major shakeup | negative_event | ||
218 | 2019-02-27 | Spotify, the world's leading paid music streaming service, entered the Indian market on Tuesday. The Swedish company will offer a free version with ads and a premium ad-free one for 119 rupees ($1.67) per month. Apple, Google, Amazon, and Reliance Industries already have established local players | 43.302502 | 43.750000 | 43.182499 | 42.446327 | 111341600 | 0 | Topic 1:\n ------------------\n Company: Spotify\n Action: Entered Indian market\n Keywords: Paid music streaming service, World's leading, Indian market\n\n Summary: Spotify, the world-leading paid music streaming service, entered the Indian market on Tuesday. | neutral_event | ||
219 | 2019-03-04 | Spotify, the world's largest paid music streaming platform, reported over 1 million unique users in India within a week of launch. The company, which entered the price-sensitive Indian market on Tuesday, offers a free version with ads and a premium ad-free variant for 119 Indian rupees per month. With a | 48.312500 | 49.125000 | 48.287498 | 47.417465 | 93087200 | 0 | 1. Company: Spotify\n 2. Industry: Music streaming platform\n 3. Event: Reported over 1 million unique users in India within a week of launch\n 4. Keywords: World's largest paid music streaming platform, India, Launch, Unique users\n 5. Summary: Spotify reports significant user growth in India following its market entry. | neutral_event | ||
220 | 2019-03-05 | Mozilla, the Firefox browser maker, is considering revoking DarkMatter's authority to certify websites as safe due to reports linking the cybersecurity firm to a UAE-based intelligence agency's hacking program. Reuters reported that DarkMatter provided staff for Project Raven, which hacked into the internet accounts | 52.722500 | 52.959999 | 52.557499 | 51.398247 | 83569600 | 0 | 1. Topic: Mozilla (organization)\n 2. Topic: Firefox browser maker\n 3. Topic: DarkMatter (cybersecurity firm)\n 4. Event: Considering revoking DarkMatter's authority\n 5. Keywords: reports, linking, UAE-based intelligence agency, hacking program, Project Raven\n 6. Summary: Mozilla is evaluating the potential removal of DarkMatter's ability to certify websites as secure due to allegations that they have ties to a UAE intelligence agency and were involved in hacking activities through Project Raven. | neutral_event | ||
221 | 2019-03-05 | In the news article, Michael Jackson's music was removed from radio playlists and Oprah Winfrey faced backlash after broadcasting a documentary titled "Leaving Neverland," in which two adult men accused him of child abuse during their childhood. The documentary received mixed reactions, with some expressing horror and disbelief while others questioned | 52.722500 | 52.959999 | 52.557499 | 51.398247 | 83569600 | -1 | 1. Michael Jackson: The removal of Michael Jackson's music from radio playlists and the backlash against Oprah Winfrey for broadcasting the documentary "Leaving Neverland" are the main subjects in this news article.\n 2. Documentary "Leaving Neverland": A documentary titled "Leaving Neverland" was aired, featuring two adult men accusing Michael Jackson of child abuse during their childhood.\n 3. Child abuse allegations: The central event or action described in the headline is the accusation of child abuse against Michael Jackson by two men.\n 4. Keywords: Michael Jackson, documentary, Leaving Neverland, child abuse, accusations.\n 5. Topics | negative_event | ||
222 | 2019-03-06 | IBM CEO Ginni Rometty and Apple CEO Tim Cook, among other corporate leaders, attended a White House forum where they discussed hiring more Americans without college degrees due to a shortage of applicants for open jobs. Rometty stated that "a less than a four-year degree will get a very good paying job in the new economy | 43.900002 | 44.480000 | 42.567501 | 42.227238 | 161584400 | 1 | Topic 1:\n IBM and Apple CEOs Attend White House Forum\n \n Topic 2:\n Corporate Leaders Discuss Hiring Americans without College Degrees\n \n Topic 3:\n Shortage of Applicants for Open Jobs\n \n Topic 4:\n IBM CEO Ginni Rometty's Statement on Four-Year Degree Requirement\n \n Topic 5:\n Good Paying Jobs in the New Economy for Those without a Four-Year Degree. | positive_event | ||
223 | 2019-03-06 | European shares were flat on Wednesday as weak results from the auto sector and fading investor confidence offset positive news from China's easing policies. Schaeffler's warning of an extremely challenging business environment in 2019 and its plan to restructure led to significant losses for the German automaker, dragging down the DA | 43.900002 | 44.480000 | 42.567501 | 42.227238 | 161584400 | -1 | 1. Auto sector performance\n 2. Weak results from Schaeffler\n 3. Challenging business environment in 2019\n 4. Company restructuring plan\n 5. European shares market flat\n 6. Fading investor confidence\n 7. Positive news from China's easing policies\n\nSummary:\nEuropean shares remained unchanged due to weak results and a challenging business environment in the auto sector, specifically from Schaeffler. The company announced plans for restructuring, leading to significant losses. Despite this, positive news emerged from China's easing policies. Auto sector performance, Schaeffler's results, business environment, restructuring | negative_event | ||
224 | 2019-03-06 | Tesla's bull thesis, which has relied on the arrival of the lower-priced Model 3 and Elon Musk's vision, is facing challenges. China, a significant growth market for Tesla, halted Model 3 sales due to regulatory issues. Additionally, Tesla reported a first-quarter loss and announced | 43.900002 | 44.480000 | 42.567501 | 42.227238 | 161584400 | -1 | 1. Tesla: The electric vehicle company experiencing regulatory challenges in China and reporting a first-quarter loss.\n 2. Model 3: Lower-priced electric car model from Tesla that faced halted sales in China due to regulatory issues.\n 3. Elon Musk: CEO of Tesla whose vision is part of the bull thesis for the company.\n 4. China: Significant growth market for Tesla where regulatory issues led to halted Model 3 sales.\n 5. Regulatory issues: Challenges faced by Tesla in China that resulted in halted Model 3 sales and potential impact on the company's growth.\n 6. First-quarter loss | negative_event | ||
225 | 2019-03-06 | In this interview, NYU Stern Professor Scott Galloway discusses his predictions for tech industry trends with Datatrek's Nicholas Colas. They debate which company will surpass Apple's market value and discuss future developments in social media and cryptocurrencies. The conversation took place in New York City on April 24, | 43.900002 | 44.480000 | 42.567501 | 42.227238 | 161584400 | 0 | 1. Topics: Tech industry trends, NYU Stern Professor Scott Galloway, Datatrek's Nicholas Colas, Apple's market value, Social media, Cryptocurrencies\n 2. Summary: A discussion between Professor Scott Galloway and Nicholas Colas about tech industry predictions, focusing on potential companies to surpass Apple's market value and future developments in social media and cryptocurrencies. (New York City, April 24) | neutral_event | ||
226 | 2019-03-06 | Chinese online retailers, including Suning, Pinduoduo, and JD com, have recently discounted the price of Apple's iPhone XS by up to 1,000 yuan in an effort to boost sales during a prolonged sales slowdown in China. Several vendors also offered discounts on other iPhone models | 43.900002 | 44.480000 | 42.567501 | 42.227238 | 161584400 | -1 | Topic 1:\n - Chinese online retailers (Suning, Pinduoduo, JD.com)\n - Discounting price of Apple's iPhone XS\n - Up to 1,000 yuan discount\n - Boost sales during sales slowdown in China\n\n Topic 2:\n - Chinese market\n - Sales slowdown\n - Discounted prices on iPhone models (iPhone XS and others) | negative_event | ||
227 | 2019-03-06 | Fitbit introduced its most affordable smartwatch, the Versa Lite, on Wednesday at a price point of $159. Despite selling 5.5 million units in 2018, second only to Apple's 22.5 million, Fitbit lost the quarterly market share to Samsung in late | 43.900002 | 44.480000 | 42.567501 | 42.227238 | 161584400 | 0 | 1. Topic 1: Fitbit - A company that manufactures smartwatches\n 2. Topic 2: Versa Lite - The newest and most affordable smartwatch introduced by Fitbit\n 3. Topic 3: Introduction - Fitbit announcing the release of their new product\n 4. Topic 4: Price point - The affordability of the Versa Lite at $159\n 5. Topic 5: Market share - Fitbit's quarterly market share loss to Samsung\n 6. Event: Fitbit introduced the Versa Lite smartwatch at a lower price point, aiming to regain market share from Samsung | neutral_event | ||
228 | 2019-03-07 | The European Commission has initiated an investigation into tax rulings granted by Luxembourg to Finnish firm Huhtamaki, suspecting them of being state aid. The probe focuses on three rulings issued between 2009 and 2013, with the earliest one revealed in the Luxleaks scandal. The Commission believes these rul | 50.820000 | 51.110001 | 50.672501 | 49.807678 | 45448000 | 0 | 1. Topic: European Commission Investigation\n - The European Commission is conducting an investigation into tax rulings granted by Luxembourg to Finnish firm Huhtamaki.\n - Suspected of being state aid.\n\n 2. Topic: Tax Rulings Granted to Huhtamaki\n - Three specific rulings issued between 2009 and 2013 are under investigation.\n - Previously revealed in the Luxleaks scandal.\n\n 3. Topic: Luxembourg\n - The country where the tax rulings were granted.\n\n 4. Topic: Finnish Firm Huhtamaki\n - The recipient of the tax rul | neutral_event | ||
229 | 2019-03-12 | The United States opposes France's digital services tax, viewing it as discriminatory against American businesses. The U.S. prefers international tax reform at the OECD to tackle the broader challenges facing the international tax system. Digital giants can currently book profits in countries with the lowest taxes regardless of where their customers are located. France | 64.577499 | 64.882500 | 64.072502 | 63.649750 | 114430400 | 0 | 1. Topic 1: United States (US) opposition to France's digital services tax\n 2. Topic 2: France's digital services tax\n 3. Topic 3: Discriminatory tax against American businesses\n 4. Topic 4: International tax reform\n 5. Topic 5: OECD (Organisation for Economic Co-operation and Development)\n 6. Topic 6: Digital giants\n 7. Topic 7: Profits booking in countries with lowest taxes\n\n Summary:\n 1. The US opposes France's digital services tax, considering it discriminatory against American businesses.\n 2. France | neutral_event | ||
230 | 2019-03-12 | Boeing's NYSE BA stock experienced significant losses in premarket trade on Tuesday, as the company faced continued scrutiny following the second crash of a 737 Max 8 plane. The crashes resulted in groundings of the fleet in Singapore, Australia, China, and Indonesia, but not in the US, where design changes are | 64.577499 | 64.882500 | 64.072502 | 63.649750 | 114430400 | 0 | 1. Boeing's 737 Max 8 planes: Two crashes have led to scrutiny and stock losses for Boeing.\n 2. Groundings of the fleet: Singapore, Australia, China, and Indonesia have grounded their fleets due to crashes.\n 3. US regulations: Design changes in the US have prevented a grounding of the fleet there. | neutral_event | ||
231 | 2019-03-13 | Smartphone shipments to China in February dropped to their lowest level in six years due to consumer hesitation amid a slowing economy and trade tensions. The market saw a decline of 19.9% year-over-year, with Apple identifying China as a reason for its reduced sales forecast earlier this year. To stimulate demand, | 45.562500 | 45.825001 | 45.230000 | 44.106613 | 124130000 | 0 | 1. Topics: Smartphone shipments, China, Consumer hesitation, Slowing economy, Trade tensions, Apple\n 2. Summary: In February 2023, smartphone shipments to China experienced a significant decline of 19.9% year-over-year, marking the lowest level in six years. This decrease can be attributed to consumer hesitation, a slowing economy, and trade tensions. Apple identified China as a contributing factor to its reduced sales forecast earlier this year. To stimulate demand, further measures may be taken. | neutral_event | ||
232 | 2019-03-13 | Spotify, a music streaming service launched a year after Apple's iPhone in 2007, has filed a complaint with EU antitrust regulators against Apple. The complaint alleges that Apple unfairly limits rivals to its own Apple Music service by controlling the App Store and charging a 30% fee for in-app | 45.562500 | 45.825001 | 45.230000 | 44.106613 | 124130000 | 0 | 1. Subjects/Entities: Spotify, Apple, EU antitrust regulators, iPhone, music streaming service, Apple Music\n 2. Key Events: Spotify files complaint against Apple, Alleges unfair practices by Apple, Control of App Store, 30% in-app fee for rivals\n 3. Summary Topics:\n - Antitrust investigation into Apple's business practices\n - Spotify accuses Apple of limiting competition in music streaming market\n - Dispute over App Store control and commission fees for in-app services. | neutral_event | ||
233 | 2019-03-14 | The European Commission is delaying its decision on whether the UK's tax scheme for multinationals violates EU state aid rules. An investigation was initiated in October 2017, and European Competition Commissioner Margrethe Vestager acknowledged receiving a complaint from Spotify regarding Apple's allegedly unfair practices towards streaming rivals | 45.974998 | 46.025002 | 45.639999 | 44.596924 | 94318000 | 0 | Topic 1:\n European Commission (EC) Delaying Decision on UK's Tax Scheme for Multinationals\n\n Keywords: European Commission, decision, UK tax scheme, multinationals, EU state aid rules\n\n Topic 2:\n Investigation into Apple's Allegedly Unfair Practices towards Streaming Rivals\n\n Keywords: investigation, Apple, unfair practices, streaming rivals. | neutral_event | ||
234 | 2019-03-14 | The European Union's Competition Commissioner Margrethe Vestager has indicated that the EU is considering opening an investigation into Apple over allegations of using its app store to favor its own services over rivals. This comes after Spotify filed a complaint against Apple for limiting competition in the music streaming market. If found to have a dominant market | 45.974998 | 46.025002 | 45.639999 | 44.596924 | 94318000 | -1 | 1. EU's Competition Commissioner Margrethe Vestager\n 2. European Union (EU)\n 3. Investigation into Apple\n 4. Allegations of favoring own services, limiting competition\n 5. App Store\n 6. Apple\n 7. Rivals (specifically, Spotify)\n 8. Music streaming market\n\nTopics:\n1. EU and Margrethe Vestager investigating Apple\n2. Alleged favoritism in App Store towards Apple's services\n3. Impact on competition in music streaming market\n4. Role of Spotify in the complaint against Apple | negative_event | ||
235 | 2019-03-14 | In Thursday's premarket trade, General Electric (GE) stock rebounded, despite expecting lower earnings due to power business struggles. Boeing (BA) stock fell after the FAA grounded its 737 Max 8 following a deadly crash. Facebook (FB) stock dropped amid U.S. prosecutors' data deals | 45.974998 | 46.025002 | 45.639999 | 44.596924 | 94318000 | 0 | 1. Event 1: General Electric (GE) Stock Rebound\n Topic: General Electric, Stock Market, Premarket Trade\n\n 2. Event 2: Lower Earnings Expectation for General Electric due to Power Business Struggles\n Topic: General Electric, Power Business, Earnings\n\n 3. Event 3: Boeing (BA) Stock Fallout after FAA Grounds 737 Max 8\n Topic: Boeing, Stock Market, 737 Max 8, FAA\n\n 4. Event 4: Deadly Crash of Boeing 737 Max 8\n Topic: Boeing, Air | neutral_event | ||
236 | 2019-03-14 | In a preliminary ruling, U.S. District Court Judge Gonzalo Curiel ordered Qualcomm to pay nearly $1 billion in patent royalty rebate payments to Apple. The decision stems from a business cooperation agreement between the tech giants and the unique patent licensing practices of the consumer electronics industry. Qualcomm is the world | 45.974998 | 46.025002 | 45.639999 | 44.596924 | 94318000 | 0 | 1. Subjects: Qualcomm, U.S. District Court Judge Gonzalo Curiel, Apple\n 2. Key Events: Preliminary ruling, Ordered Qualcomm to pay nearly | neutral_event | ||
237 | 2019-03-14 | The S&P 500 slipped on Thursday, ending a three-day winning streak, as uncertainty over the timing of a US-China trade deal persisted. US President Donald Trump and Treasury Secretary Steven Mnuchin stated that discussions were progressing quickly, but no final deal was imminent. Bloomberg reported a | 45.974998 | 46.025002 | 45.639999 | 44.596924 | 94318000 | 0 | 1. Topic 1: S&P 500\n - Summary: The S&P 500 experienced a decline on Thursday, marking the end of its three-day winning streak.\n\n 2. Topic 2: US-China trade deal\n - Summary: Uncertainty surrounding the timing of a US-China trade deal continued to impact financial markets.\n\n 3. Topic 3: US President Donald Trump\n - Summary: Trump made statements about the progress of discussions regarding the US-China trade deal.\n\n 4. Topic 4: Treasury Secretary Steven Mnuchin\n - Summary: Mnuchin | neutral_event | ||
238 | 2019-03-14 | Apple launched a new television advertising campaign emphasizing its commitment to data privacy, distinguishing itself from rivals Google and Facebook under regulatory scrutiny. The ad, which started airing during the NCAA basketball tournament in the U.S., features situations where people seek privacy and states "If privacy matters in your life, it should matter to the phone | 45.974998 | 46.025002 | 45.639999 | 44.596924 | 94318000 | 1 | Topic 1:\n Apple's new television advertising campaign\n \n Keywords: Apple, advertising campaign, television\n\n Topic 2:\n Emphasis on data privacy\n\n Keywords: data privacy, commitment, rivals, Google, Facebook\n\n Topic 3:\n Regulatory scrutiny for Google and Facebook\n\n Keywords: regulatory scrutiny, Google, Facebook. | positive_event | ||
239 | 2019-03-14 | The S&P 500 experienced a minor decline, with the Nasdaq Composite suffering greater losses due to a fall in tech stocks, led by Facebook. The Dow Jones Industrial Average saw minimal gains. The NYT reported that federal prosecutors were investigating data deals made by Facebook. Tech sector losses were offset by Apple's | 45.974998 | 46.025002 | 45.639999 | 44.596924 | 94318000 | -1 | 1. S&P 500 and Nasdaq Composite market decline: The S&P 500 and Nasdaq Composite experienced a decrease in value, with the Nasdaq Composite suffering more significant losses due to declining tech stocks.\n 2. Facebook-led tech stock fall: Tech stocks, particularly those of Facebook, contributed to the broader market decline.\n 3. Minimal gains for Dow Jones Industrial Average: In contrast to the S&P 500 and Nasdaq Composite, the Dow Jones Industrial Average saw minimal gains during this period.\n 4. Federal prosecutors investigating Facebook data deals: The New York Times reported that federal prosecutors were examining | negative_event | ||
240 | 2019-03-15 | Stocks rallied Friday as technology companies surged following reports of progress in U.S.-China trade talks, with the S&P 500 and Nasdaq posting their best weekly gains since November. The Philadelphia Semiconductor Index jumped 2.9%, while the S&P 500 Technology Index | 46.212502 | 46.832500 | 45.935001 | 45.177055 | 156171600 | 1 | 1. Topics: U.S.-China trade talks, stocks, technology companies, S&P 500, Nasdaq, Philadelphia Semiconductor Index, S&P 500 Technology Index\n 2. Summary: Stocks experienced a rally on Friday due to progress in U.S.-China trade talks. Technology companies saw significant gains, leading the way for the S&P 500 and Nasdaq's best weekly performance since November. The Philadelphia Semiconductor Index surged by 2.9%, while the S&P 500 Technology Index also posted impressive growth. | positive_event | ||
241 | 2019-03-15 | In a SEC filing, Berkshire Hathaway revealed that its Vice Chairmen Greg Abel and Ajit Jain received approximately $18 million each in compensation last year. Abel, who oversees non-insurance operations such as BNSF railroad, Precision Castparts, and Berkshire Hathaway Energy | 46.212502 | 46.832500 | 45.935001 | 45.177055 | 156171600 | 1 | Topic 1:\n Compensation for Greg Abel and Ajit Jain from Berkshire Hathaway: $18 million each\n\n Topic 2:\n Berkshire Hathaway executives: Greg Abel, Ajit Jain\n\n Topic 3:\n Non-insurance operations of Berkshire Hathaway: BNSF railroad, Precision Castparts, Berkshire Hathaway Energy (overseen by Greg Abel) | positive_event | ||
242 | 2019-03-15 | Apple and Spotify are in a dispute with EU antitrust regulators over allegations of Apple limiting rivals in its App Store. Apple responded, stating that Spotify wants the benefits of a free app without being free. Apple has approved and distributed nearly 200 app updates for Spotify, resulting in over 300 million | 46.212502 | 46.832500 | 45.935001 | 45.177055 | 156171600 | 0 | 1. Topics: Apple, Spotify, EU antitrust regulators, App Store, Dispute, Regulators, Allegations, Limiting rivals\n 2. Summary: Apple and Spotify are under investigation by EU antitrust regulators for alleged limiting of rivals in Apple's App Store. Apple defends its actions, stating that Spotify wants the benefits of a free app without adhering to the rules. The companies have had over 300 million app updates approved and distributed between them. | neutral_event | ||
243 | 2019-03-15 | This year's China Central Television (CCTV) consumer rights show, similar to CBS network's 60 Minutes in the US, is expected to draw attention due to Beijing's ongoing trade war with the US and criticism of foreign brands regarding Taiwan and Huawei. Companies, including Apple and Nike, have faced scrut | 46.212502 | 46.832500 | 45.935001 | 45.177055 | 156171600 | 0 | 1. CCTV Consumer Rights Show: an annual event in China similar to 60 Minutes in the US\n 2. Beijing's trade war with the US: ongoing political and economic conflict between China and the United States\n 3. Criticism of foreign brands: negative public perception towards certain international companies\n 4. Taiwan and Huawei: specific entities under scrutiny due to their involvement in the trade dispute\n\n Topics:\n 1. CCTV Consumer Rights Show\n 2. Beijing-US Trade War\n 3. Criticism of Foreign Brands\n - Taiwan\n - Huawei\n\n Note: The topics listed above are not mutually exclusive and | neutral_event | ||
244 | 2019-03-15 | Oracle stock declined by 8.15% in premarket trade after CEO Safra Catz warned of a potential revenue drop up to 2 billion for the current quarter, marking the fourth consecutive quarterly decline due to challenges in cloud services growth. | 46.212502 | 46.832500 | 45.935001 | 45.177055 | 156171600 | 0 | Topic 1:\n Oracle\n \n Summary:\n Oracle stock experienced a significant decrease of 8.15% in pre-market trade.\n\n Keywords:\n Oracle, stock, decrease, pre-market trade\n\n Topic 2:\n CEO Safra Catz\n\n Summary:\n Oracle CEO, Safra Catz, issued a warning about potential revenue drop for the current quarter.\n\n Keywords:\n CEO, Safra Catz, warning, revenue drop\n\n Topic 3:\n Potential revenue drop\n\n Summary:\n Oracle may experience a revenue drop of up to 2 billion for the current | neutral_event | ||
245 | 2019-03-18 | Facebook's stock price dropped more than 3% on Monday following downgrades from Needham and Bank of America, with concerns over the company's pivot towards privacy and encrypted messages, as well as regulatory risks, impacting its ability to monetize data. The stock had previously rebounded 22% this year but | 46.450001 | 47.097500 | 46.447498 | 45.638241 | 104879200 | -1 | 1. Event: Facebook's stock price drop\n 2. Topics:\n a. Facebook's stock market performance\n b. Downgrades from Needham and Bank of America\n c. Concerns over Facebook's pivot towards privacy and encrypted messages\n d. Regulatory risks\n e. Monetization of data\n 3. Summary: Facebook's stock price dropped following downgrades due to concerns over the company's shift towards privacy, encrypted messages, and regulatory risks, which may impact its ability to monetize data. | negative_event | ||
246 | 2019-03-18 | Banks and tech sectors led Wall Street higher, while Boeing and Facebook weighed on gains. The Dow, S&P 500, and Nasdaq all closed in positive territory after a strong week, with eight of the eleven major sectors advancing. Energy and financial companies gained from oil price increases and IPOs, respectively | 46.450001 | 47.097500 | 46.447498 | 45.638241 | 104879200 | 0 | 1. Topic 1: Stock Market Performance\n - Keywords: Wall Street, higher, Dow, S&P 500, Nasdaq, positive territory, eight of the eleven major sectors, advancing\n - Summary: The stock market, specifically the Dow, S&P 500, and Nasdaq, experienced growth with eight out of eleven sectors contributing to the increase.\n\n 2. Topic 2: Banks and Tech Sectors\n - Keywords: banks, tech sectors, led, gains\n - Summary: The banking and technology sectors were the leading contributors to the stock market's upward trend.\n\n 3. Topic 3: | neutral_event | ||
247 | 2019-03-18 | Foxconn, a leading tech company, announced it will complete construction of its new factory in Wisconsin by the end of this year to manufacture liquid crystal display screens. The facility's initial phase will produce Generation 6 LCD screens for education, medical, entertainment, and other sectors. Foxconn initially aimed to build advanced displays for TVs but | 46.450001 | 47.097500 | 46.447498 | 45.638241 | 104879200 | 1 | 1. Company: Foxconn\n 2. Industry: Tech, leading, manufacturing\n 3. Location: Wisconsin\n 4. Construction: Completing new factory by end of year\n 5. Product: Liquid crystal display screens (LCD)\n 6. Initial phase production: Generation 6 LCD screens\n 7. Sectors: Education, medical, entertainment\n 8. Future plans: Advanced displays for TVs (previously aimed for)\n\nTopics:\n1. Foxconn\n2. Tech industry\n3. Wisconsin factory construction\n4. Liquid crystal display screens (LCD)\n5. Generation 6 LCD screens production\n6. Education, medical | positive_event | ||
248 | 2019-03-18 | The S&P 500 rose on Monday, with gains in energy and consumer discretionary stocks offsetting losses for Boeing and Facebook. The Dow Jones and Nasdaq Composite also advanced. Energy stocks gained due to rising oil prices after Saudi Arabia suggested extending supply cuts into the second half of 2019. Cons | 46.450001 | 47.097500 | 46.447498 | 45.638241 | 104879200 | 0 | 1. Topic 1: Stock Market Performance\n - Summary: The S&P 500, Dow Jones, and Nasdaq Composite experienced gains on Monday.\n\n 2. Topic 2: Energy Sector\n - Summary: Energy stocks rose due to increasing oil prices following Saudi Arabia's suggestion of extending supply cuts into the second half of 2019.\n\n 3. Topic 3: Boeing and Facebook\n - Summary: Both companies experienced losses on Monday, offsetting gains in other sectors. | neutral_event | ||
249 | 2019-03-18 | In an unexpected move, Apple introduced new iPad Air and updated iPad Mini models ahead of its March 25 event. The devices come with the latest A12 Bionic chip, support for Apple Pencil and Smart Keyboard. While hardware upgrades have been a focus in past events, this year's edition is anticipated to emphasize | 46.450001 | 47.097500 | 46.447498 | 45.638241 | 104879200 | 1 | 1. Apple: The tech company\n 2. New iPad Air and updated iPad Mini models: Newly released tablet devices\n 3. A12 Bionic chip: Latest technology used in the new tablets\n 4. Apple Pencil and Smart Keyboard: Accessories compatible with the new tablets\n 5. March 25 event: Upcoming Apple event where more information may be shared\n\n Topics:\n 1. Apple introduces new iPad Air and updated iPad Mini models\n 2. New tablets come with A12 Bionic chip, support for Apple Pencil and Smart Keyboard\n 3. Anticipated focus on software upgrades at March 25 | positive_event | ||
250 | 2019-03-19 | Finnish game developer Rovio, known for Angry Birds, has released a new augmented reality (AR) game called Angry Birds Isle of Pigs. Developed in collaboration with Swedish studio Resolution Games, the game utilizes Apple's ARKit technology to allow players to overlay the 3D environment onto | 47.087502 | 47.247501 | 46.480000 | 45.276569 | 126585600 | 0 | 1. Topic: Rovio - Finnish game developer known for Angry Birds\n 2. Topic: Angry Birds Isle of Pigs - New AR game by Rovio\n 3. Topic: Augmented Reality (AR) - Technology used in the game\n 4. Topic: Apple's ARKit - Specific technology utilized for AR implementation\n 5. Event: Release of a new AR game called Angry Birds Isle of Pigs\n 6. Action: Collaboration between Rovio and Swedish studio Resolution Games on the development of the game. | neutral_event | ||
251 | 2019-03-19 | Tesla's CEO Elon Musk faces SEC scrutiny again for tweets without pre-approval, causing a slip in TSLA stock. | 47.087502 | 47.247501 | 46.480000 | 45.276569 | 126585600 | 0 | Topic 1:\n ------------------\n Elon Musk (CEO of Tesla)\n SEC (Securities and Exchange Commission)\n Scrutiny\n Tweets without pre-approval\n Slip in TSLA stock\n\n Summary:\n --------\n Elon Musk, CEO of Tesla, is under investigation by the Securities and Exchange Commission (SEC) for making tweets without prior approval. This action led to a decline in Tesla's stock price (TSLA). | neutral_event | ||
252 | 2019-03-19 | Samsung Electronics reported strong sales for its new Galaxy flagship smartphones in China despite significant market share losses to Chinese rivals like Huawei. The company is optimistic about its performance in the world's largest smartphone market and plans to introduce a new handset with a big bending screen and 5G connection, features not | 47.087502 | 47.247501 | 46.480000 | 45.276569 | 126585600 | 1 | 1. Samsung Electronics: This topic refers to the South Korean multinational electronics company that manufactures and sells various consumer and industrial products, including smartphones.\n 2. Strong sales for new Galaxy flagship smartphones: This topic signifies the successful sales figures of Samsung's latest high-end smartphone models in the market.\n 3. China: This is a geographical location where the sales data was reported and where Samsung faces significant competition from Chinese rivals.\n 4. Significant market share losses to Chinese rivals like Huawei: This topic indicates that Samsung has experienced a decrease in its market share due to competition from Chinese smartphone manufacturers, specifically Huawei.\n | positive_event | ||
253 | 2019-03-20 | Apple introduced updated AirPods headphones on March 20, featuring improved battery life and an optional wireless charging case. The new AirPods are powered by Apple's latest chip and are available starting March 27 for | 46.557499 | 47.372501 | 46.182499 | 45.672226 | 124140800 | -1 | 1. Subjects/Entities: Apple, AirPods, updated AirPods, battery life, wireless charging case, chip\n 2. Key Events/Actions: Introduced, Featuring improved battery life, Optional wireless charging case, Powered by Apple's latest chip, Available for purchase\n 3. Summarized Topics:\n a. Apple introduces updated AirPods with enhanced battery life and optional wireless charging case\n b. New AirPods are powered by Apple's latest chip and available for purchase starting March 27\n c. Standard charging case version priced at | negative_event | ||
254 | 2019-03-20 | In the news article, U.S. stocks were mixed after the close on Wednesday with gains in the Oil, Gas, Consumer Services and Utilities sectors leading shares higher, while losses in the Financials, Healthcare and Consumer Goods sectors led shares lower. The Dow Jones Industrial Average fell 0.55%, S& | 46.557499 | 47.372501 | 46.182499 | 45.672226 | 124140800 | 0 | 1. Topics: U.S. stocks, close of Wednesday, gains (Oil, Gas, Consumer Services, Utilities), losses (Financials, Healthcare, Consumer Goods)\n 2. Summary: Mixed performance of U.S. stocks on Wednesday with sectors like Oil, Gas, Consumer Services, and Utilities experiencing gains, while Financials, Healthcare, and Consumer Goods sectors faced losses. The Dow Jones Industrial Average declined by 0.55%. | neutral_event | ||
255 | 2019-03-21 | Apple's stock price increased by 4.01 to trade at | 47.505001 | 49.082500 | 47.452499 | 47.354347 | 204136800 | -1 | 1. Apple's stock price: Increased by 4.01 to trade at | negative_event | ||
256 | 2019-03-21 | IOTA's partnership with payments and banking services app Zeux has enabled users to use MIOTA tokens as payment with merchants accepting Apple Pay and Samsung Pay. This development, according to IOTA Foundation's David Snsater and Zeux's Frank Zhou, will provide significant convenience benefits and drive widespread crypto adoption. | 47.505001 | 49.082500 | 47.452499 | 47.354347 | 204136800 | -1 | Topic 1:\n IOTA's partnership with payments app Zeux\n\n Summary: IOTA has partnered with payments app Zeux to enable the use of MIOTA tokens as payment with merchants accepting Apple Pay and Samsung Pay.\n\n --------------------------------------------------\n\n Topic 2:\n Use of MIOTA tokens as payment\n\n Summary: Users can now use MIOTA tokens as a form of payment through Zeux, which is accepted by merchants using Apple Pay and Samsung Pay.\n\n --------------------------------------------------\n\n Topic 3:\n Convenience benefits of the partnership\n\n Summary: The partnership between IOTA and Zeux | negative_event | ||
257 | 2019-03-21 | Zeux, an FCA-regulated payments app, announced support for IOTA's MIOTA tokens. Users can now use these tokens to make payments at merchants accepting Apple Pay and Samsung Pay. The partnership between Zeux and the IOTA Foundation aims to increase convenience and adoption of IOTA within the crypto community. | 47.505001 | 49.082500 | 47.452499 | 47.354347 | 204136800 | 0 | Topic 1:\n ------------------\n Zeux, an FCA-regulated payments app, announces support for IOTA's MIOTA tokens.\n\n Summary:\n Zeux, a regulated payments app, integrates IOTA's MIOTA tokens for transactions.\n\n Keywords: Zeux, payments app, FCA-regulated, IOTA, MIOTA tokens, integration.\n \n Topic 2:\n ------------------\n Users can now use these tokens to make payments at merchants accepting Apple Pay and Samsung Pay.\n\n Summary:\n MIOTA token holders can utilize their tokens for transactions at merch | neutral_event | ||
258 | 2019-03-21 | Tesla has filed a lawsuit against a former engineer, Guangzhi Cao, for allegedly copying Autopilot source code before joining Chinese startup Xiaopeng Motors Technology Company Ltd. The company also accused four former employees and U.S. self-driving car startup Zoox of stealing proprietary information | 47.505001 | 49.082500 | 47.452499 | 47.354347 | 204136800 | 0 | 1. Topic 1: Tesla (Company)\n 2. Topic 2: Lawsuit\n 3. Topic 3: Former engineer, Guangzhi Cao\n 4. Topic 4: Xiaopeng Motors Technology Company Ltd. (Chinese startup)\n 5. Topic 5: Alleged theft of Autopilot source code\n 6. Topic 6: Proprietary information\n 7. Key Events: Tesla files lawsuit against former engineer and Chinese startup for alleged intellectual property theft.\n 8. Summary: Tesla accuses a former engineer, Guangzhi Cao, and Xiaopeng Motors Technology | neutral_event | ||
259 | 2019-03-21 | Tech stocks, led by Apple Inc., drove a broad market rally on Wall Street as investors' concerns over economic slowdown due to the Federal Reserve were alleviated by positive economic data. The Dow Jones Industrial Average rose 0.84%, S&P 500 gained 1.09%, and Nasdaq Composite | 47.505001 | 49.082500 | 47.452499 | 47.354347 | 204136800 | 1 | 1. Topics: Tech stocks, Apple Inc., market rally, Wall Street, investors, economic data, Federal Reserve, economic slowdown\n 2. Summary: Tech stocks, led by Apple Inc., rallied on Wall Street as investors' concerns over an economic slowdown due to the Federal Reserve were alleviated by positive economic data.\n The Dow Jones Industrial Average rose 0.84%, S&P 500 gained 1.09%, and Nasdaq Composite experienced similar growth. | positive_event | ||
260 | 2019-03-21 | The European Union's Antitrust Commissioner, Margrethe Vestager, has announced her candidacy for the presidency of the next European Commission. Known for enforcing competition rules and fining large corporations like Google and Apple, Vestager was put forward by the European liberal party, alongside six other prominent politicians. With | 47.505001 | 49.082500 | 47.452499 | 47.354347 | 204136800 | -1 | 1. EU Antitrust Commissioner Margrethe Vestager\n 2. Candidacy for European Commission presidency\n 3. Enforcing competition rules\n 4. Fining corporations (Google, Apple)\n 5. Endorsed by European liberal party\n 6. Six other prominent politicians also candidates. | negative_event | ||
261 | 2019-03-22 | Donald Trump has announced his intention to nominate Stephen Moore, a Heritage Foundation fellow and longtime supporter, for a seat on the Federal Reserve Board. The move may be aimed at checking current chairman Jerome Powell, who fell out of favor with Trump following rate increases that could slow economic growth ahead of his 2020 reelection | 48.834999 | 49.422501 | 47.695000 | 46.373718 | 169630800 | 1 | 1. Topics:\n - Donald Trump\n - Stephen Moore\n - Federal Reserve Board\n - Jerome Powell\n - Chairman of the Federal Reserve\n - Economic growth\n - Reelection\n\n 2. Summarized topics:\n - President Trump intends to nominate Stephen Moore for a seat on the Federal Reserve Board.\n - Moore is a Heritage Foundation fellow and supporter of Trump.\n - The move could be aimed at checking current Fed Chairman Jerome Powell.\n - Trump reportedly disfavors Powell following rate increases that may slow economic growth before the 2020 election. | positive_event | ||
262 | 2019-03-22 | Myer, Australia's largest department store chain, announced it will stop selling Apple products due to weak demand and unprofitable sales. The decision applies to all 16 stores carrying Apple items, both online and offline. Apple's iPhone has faced declining demand globally, particularly in China due to the US-China trade | 48.834999 | 49.422501 | 47.695000 | 46.373718 | 169630800 | -1 | 1. Topic 1: Myer (Australia's largest department store chain)\n - Event: Discontinuing sales of Apple products\n - Keywords: Myer, department store, discontinuing sales, Apple products\n\n 2. Topic 2: Apple\n - Events: Weak demand and unprofitable sales\n - Keywords: Apple, weak demand, unprofitable sales\n\n 3. Topic 3: iPhone\n - Event: Declining demand globally\n - Keywords: iPhone, declining demand\n\n 4. Topic 4: China\n - Event: Impact on Apple's sales due to US-China trade | negative_event | ||
263 | 2019-03-25 | This news article reports that the S&P 500 Index ended slightly lower on Monday due to concerns about a slowdown in global economic growth and as Apple's shares fell after the tech giant unveiled its video streaming service. The yield curve between three-month bills and ten-year notes inverted further, with benchmark | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | -1 | 1. Global Economic Growth: Concerns about a potential slowdown in global economic growth mentioned in the news article.\n 2. S&P 500 Index: The stock market index ended slightly lower due to economic concerns and Apple's shares performance.\n 3. Apple: Tech giant saw its shares fall after unveiling its video streaming service.\n 4. Yield Curve Inversion: The yield curve between three-month bills and ten-year notes inverted further, indicating economic uncertainty.\n\n Summary of Topics:\n 1. Global Economic Growth concerns\n 2. S&P 500 Index performance\n 3. Apple and its video streaming service | negative_event | ||
264 | 2019-03-25 | Wall Street is poised for a lower open on Monday amidst lingering concerns over economic slowdown and potential U.S. recession, with the S&P 500 and Nasdaq 100 futures experiencing losses. The Dow Jones Industrial Average saw minimal declines. The inversion of the U.S. | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. Economy: Wall Street anticipates a lower open due to concerns over economic slowdown.\n 2. Stock Market: S&P 500, Nasdaq 100 futures experiencing losses; Dow Jones Industrial Average saw minimal declines.\n 3. Recession: Potential U.S. recession is a lingering concern.\n 4. Inversion: The inversion of the U.S. (possibly yield curve) is mentioned but not explicitly stated as a cause for concern in this headline.\n\nOutput:\n1. Economy and Stock Market concerns leading to potential lower open on Wall Street.\n2. Possible U.S. recession remains a | neutral_event | ||
265 | 2019-03-25 | Inverted U.S. Treasury yield curve turns positive after a brief inversion, signaling possible economic recovery but also raising recession fears; stock index futures indicate lower open as investors remain cautious amidst economic uncertainty; Mueller report clears Trump of collusion with Russia, sparking political debates; German business morale unexpected | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. Economic Recovery / Inversion of U.S. Treasury Yield Curve: The yield curve has turned positive after a brief inversion, which can be seen as a potential sign of economic recovery.\n 2. Stock Market / Investor Caution: Stock index futures indicate a lower open as investors remain cautious due to economic uncertainty.\n 3. Mueller Report / Trump / Collusion with Russia: The Mueller report has cleared Trump of collusion with Russia, leading to political debates.\n 4. German Business Morale / Unexpected: German business morale is unexpected.\n\nOutput:\n[1] Economic Recovery, U.S. Treasury Yield Curve | neutral_event | ||
266 | 2019-03-25 | The U.S stock market saw a mixed performance on Monday, with the S&P 500 and Nasdaq Composite posting small losses while the Dow Jones Industrial Average eked out gains. Falling U.S government bond yields kept recession fears alive, despite analysts' upbeat outlook on global growth. Goldman | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. U.S Stock Market: The S&P 500 and Nasdaq Composite experienced small losses, while the Dow Jones Industrial Average gained.\n 2. Mixed performance of U.S stock market: S&P 500 and Nasdaq Composite had declines, while the Dow Jones Industrial Average showed gains.\n 3. Falling U.S government bond yields: Yields decreased, fueling recession fears.\n 4. Recession fears: Despite positive global growth outlook from analysts, concerns about a potential economic downturn persisted due to falling bond yields.\n\nTopics:\n1. U.S Stock Market Performance\n2. S | neutral_event | ||
267 | 2019-03-25 | The U.S. stock market experienced mixed performance after the close on Monday, with gains in Consumer Goods, Consumer Services, and Industrials sectors outweighing losses in Technology, Basic Materials, and Financials sectors. The Dow Jones Industrial Average rose 0.06%, while the S&P 5 | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 1 | 1. Subjects/Entities: U.S. stock market, Consumer Goods sector, Consumer Services sector, Industrials sector, Technology sector, Basic Materials sector, Financials sector, Dow Jones Industrial Average, S&P 500\n 2. Key Events/Actions: Mixed performance of the U.S. stock market after close on Monday, gains in certain sectors (Consumer Goods, Consumer Services, Industrials), losses in other sectors (Technology, Basic Materials, Financials)\n 3. Summary Topics:\n - Stock market performance\n - Gains in Consumer Goods, Consumer Services, and Industrials sectors\n | positive_event | ||
268 | 2019-03-25 | Apple Inc. held a Hollywood-style event to announce its new television streaming service, featuring Oprah Winfrey, Steven Spielberg, Jennifer Aniston, and Jason Momoa promoting original content. Apple aims to reinvent itself as an entertainment and financial services company amid falling iPhone sales. Over 30 shows have been commissioned, including projects | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 1 | 1. Apple Inc.: The tech company held a high-profile event to introduce its new television streaming service.\n 2. New Television Streaming Service: Apple unveiled its latest offering in the media industry.\n 3. Hollywood-style Event: Apple utilized a glamorous presentation for the announcement.\n 4. Original Content: The company commissioned original shows and series for its streaming platform.\n 5. Oprah Winfrey, Steven Spielberg, Jennifer Aniston, Jason Momoa: These celebrities were present to promote their involvement in the new service.\n 6. Reinventing as an Entertainment and Financial Services Company: Apple aims to expand beyond tech sales with these new ventures.\n | positive_event | ||
269 | 2019-03-25 | Apple is set to unveil a television and movie streaming service on Monday, along with a new games subscription service for its App Store. The gaming service will focus on iPhones and iPads, bundling together paid games from various developers for a monthly fee. Notably, the service won't compete directly with cloud-based offer | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. Apple: The tech company is making an announcement.\n 2. Television and movie streaming service: Apple will introduce a new media streaming platform.\n 3. Monday: The date of the event.\n 4. New games subscription service: Apple is launching a gaming service for its App Store.\n 5. iPhones and iPads: The devices supported by the gaming service.\n 6. Monthly fee: Users will pay a recurring charge for access to the bundled games.\n 7. Cloud-based services: Apple's new offering won't directly compete with these types of streaming platforms.\n\nTopics:\n1. Apple\n2. Television and movie streaming service | neutral_event | ||
270 | 2019-03-25 | This news article reports on the pressured decline of Wall Street indices on Monday, with concerns over economic outlook dominating despite positive developments. The yield curve inversion, which had occurred on Friday, returned to normal but failed to ease investor anxiety. The Chicago Federal Reserve Bank President and former Fed Chairwoman downplayed recession concerns, while | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. Economic outlook: Concerns over the economic outlook dominated the news despite positive developments.\n 2. Wall Street indices: Decline of Wall Street indices on Monday.\n 3. Yield curve inversion: Occurred on Friday but failed to ease investor anxiety when it returned to normal.\n 4. Investor anxiety: Prevailed due to economic concerns, despite the yield curve returning to normal.\n 5. Chicago Federal Reserve Bank President and former Fed Chairwoman: Downplayed recession concerns.\n\n Summary:\n 1. Economic concerns dominated news despite positive developments.\n 2. Wall Street indices experienced a decline.\n 3. Yield curve inversion | neutral_event | ||
271 | 2019-03-25 | Viacom's stock surged 8.04% in premarket trade on Monday following the renewal of its contract with AT&T, preventing a blackout of MTV, Nickelodeon, and Comedy Central for DirecTV users. Nike faced a 1.37% decline due to a | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. Viacom: Renewal of contract with AT&T, prevention of blackout for DirecTV users\n 2. Viacom (Via MTV, Nickelodeon, Comedy Central): Contract renewal with AT&T\n 3. AT&T: Renewal of contract with Viacom\n 4. Stock market: Viacom's stock surged 8.04%\n 5. Companies: Viacom, AT&T\n 6. Television: MTV, Nickelodeon, Comedy Central\n 7. Business: Contract renewal\n\n 2. Nike: 1.37% decline\n \n No clear main topics or | neutral_event | ||
272 | 2019-03-25 | Asian shares rebounded slightly on Tuesday after a tumultuous session the previous day, with China's Shanghai Composite and Shenzhen Component both showing gains. The Hang Seng Index in Hong Kong and Japan's Nikkei 225 also rose. However, shares of Apple supplier AAC Technologies Holdings | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. Asian shares: Collective term for stock markets in Asia.\n 2. Rebounded slightly: Improvement or recovery in the stock market after a period of decline.\n 3. Tuesday: Specific day mentioned.\n 4. China's Shanghai Composite and Shenzhen Component: Stock market indices for Shanghai and Shenzhen, respectively, in China.\n 5. Gains: Increase in value or positive return.\n 6. Hang Seng Index: Stock market index for Hong Kong.\n 7. Japan's Nikkei 225: Stock market index for Japan.\n 8. Apple supplier AAC Technologies Holdings: Specific company mentioned, | neutral_event | ||
273 | 2019-03-25 | Apple announced a host of new subscription services during its event, including ad-free streaming TV service Apple TV+, gaming service Apple Arcade, and a paid news service AppleNews. Apple TV+ will include original content and be available in 100 countries this autumn, while pricing remains undisclosed. Apple Arcade will offer over | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. Topic: Apple's New Subscription Services\n - Apple announced new subscription services: Apple TV+, Apple Arcade, and AppleNews.\n - Apple TV+ is an ad-free streaming TV service with original content available in 100 countries this autumn.\n - Pricing for Apple TV+ remains undisclosed.\n - Apple Arcade offers a gaming service with over [number] games.\n 2. Topic: Apple TV+\n - Apple's new ad-free streaming TV service.\n - Includes original content.\n - Available in 100 countries this autumn.\n - Pricing undisclosed. | neutral_event | ||
274 | 2019-03-26 | Tesla's stock rose by 8.15% in premarket trade on Tuesday following the dismissal of a lawsuit over production claims for its Model 3 car. Bed Bath & Beyond's stock surged 17.2% after The Wall Street Journal reported that three activist funds were attempting to replace its entire board due | 47.915001 | 48.220001 | 46.145000 | 45.339684 | 199202000 | 1 | 1. Tesla: Increase in Tesla's stock price (8.15%) during premarket trade, dismissal of lawsuit over Model 3 production claims\n 2. Bed Bath & Beyond: Surge in Bed Bath & Beyond's stock price (17.2%), reports of activist funds aiming to replace entire board. | positive_event | ||
275 | 2019-03-26 | The Dow Jones Industrial Average rose, with energy stocks driving gains as oil prices advanced amid supply concerns. However, weak economic data, including a decline in U.S. housing starts and consumer confidence, kept gains in check. Apple fell on a patent infringement ruling, while Viacom surged on full-year guidance and merger rumors | 47.915001 | 48.220001 | 46.145000 | 45.339684 | 199202000 | -1 | 1. Topic 1: Stock Market (Dow Jones Industrial Average)\n - Key Events: Rise in the stock market\n - Relevant Keywords: Dow Jones Industrial Average, gained\n\n 2. Topic 2: Energy Sector and Oil Prices\n - Key Events: Energy stocks driving gains, oil prices advanced\n - Relevant Keywords: energy stocks, oil prices, supply concerns\n\n 3. Topic 3: Economic Data\n - Key Events: Weak economic data, decline in U.S. housing starts and consumer confidence\n - Relevant Keywords: weak economic data, U.S. housing starts, consumer confidence\n\n 4. Top | negative_event | ||
276 | 2019-03-26 | Goldman Sachs has announced a credit card partnership with Apple, aiming to tap into iPhone users and expand its consumer business. However, entering the co-branded cards market could be challenging, as retailers often hold sway and Goldman faces shareholder concerns over growing unsecured debt. The first Goldman Sachs credit card offers no | 47.915001 | 48.220001 | 46.145000 | 45.339684 | 199202000 | 0 | 1. Goldman Sachs: A financial institution announcing a partnership with Apple.\n 2. Apple: A technology company involved in a credit card partnership with Goldman Sachs.\n 3. Consumer business: Goldman Sachs' goal to expand in this area through the partnership.\n 4. iPhone users: The target demographic for the new credit cards.\n 5. Co-branded cards market: The industry Goldman Sachs is entering, which may present challenges.\n 6. Retailers: Entities that hold sway in the co-branded cards market.\n 7. Shareholder concerns: Issues regarding Goldman Sachs' growing unsecured debt.\n\n | neutral_event | ||
277 | 2019-03-26 | In a setback for Qualcomm, the full U. S International Trade Commission (ITC) rejected its bid to block imports of certain Apple iPhones in a final ruling on one dispute between the companies. An earlier non-binding recommendation from an administrative judge in favor of Qualcomm is now under review by the agency. | 47.915001 | 48.220001 | 46.145000 | 45.339684 | 199202000 | 0 | Topic 1:\n ------------------\n Company: Qualcomm\n Event: ITC rejected Qualcomm's bid to block Apple iPhones imports\n Summary: The International Trade Commission (ITC) denied Qualcomm's attempt to prevent the import of certain iPhone models into the US. | neutral_event | ||
278 | 2019-03-27 | Lyft raised the price range for its IPO due to strong investor demand, targeting a valuation of up to $24.3 billion. This would make it the biggest US IPO since Alibaba in 2014, surpassing Snap's market cap at the time. Despite mounting losses and | 47.187500 | 47.439999 | 46.637501 | 45.747482 | 119393600 | 1 | 1. Topic 1: Lyft IPO\n - Keywords: Lyft, IPO, price range, investor demand, valuation\n - Summary: Lyft increased its IPO target valuation due to high investor interest, potentially reaching up to $24.3 billion, making it the largest US IPO since Alibaba in 2014.\n\n 2. Topic 2: Investor Demand\n - Keywords: investor demand, Lyft IPO, valuation\n - Summary: Strong investor interest led to an increased target valuation for Lyft's IPO.\n\n 3. Topic 3: Valuation\n | positive_event | ||
279 | 2019-03-27 | The S&P 500 and Dow Jones Industrial Average declined on Wednesday due to decreasing U.S. government bond yields, which fueled recession fears. The benchmark 10-year yield fell to a 14-month low below 2.40%. Energy stocks were hit by the decline in WTI | 47.187500 | 47.439999 | 46.637501 | 45.747482 | 119393600 | -1 | 1. Topics:\n - S&P 500\n - Dow Jones Industrial Average\n - U.S. government bond yields\n - Recession fears\n - 10-year yield\n - Energy stocks\n - WTI\n\n 2. Summarized topics:\n - Stock market decline: The S&P 500 and Dow Jones Industrial Average experienced a drop due to decreasing U.S. government bond yields.\n - Recession fears: The decline in bond yields fueled concerns about an economic recession.\n - Low 10-year yield: The benchmark 10-year yield reached a 14-month | negative_event | ||
280 | 2019-03-27 | Apple held an event at its Cupertino headquarters on Monday, where the focus was on the company's new TV service. However, the biggest announcement was not about original TV shows or subscription services but rather a new credit card called the Apple Card. Apple introduced Apple Pay in 2014 as a more secure and convenient alternative to plastic | 47.187500 | 47.439999 | 46.637501 | 45.747482 | 119393600 | 0 | 1. Topic 1: Apple Event\n - Keywords: Apple, event, Cupertino headquarters\n - Summary: Apple held an event at its headquarters to announce new products or services.\n\n 2. Topic 2: New TV Service\n - Keywords: new TV service, focus\n - Summary: During the event, Apple discussed its new offering in the television industry.\n\n 3. Topic 3: Apple Card\n - Keywords: Apple Card, biggest announcement, credit card\n - Summary: The most significant revelation of the event was the introduction of a new credit card product by Apple.\n\n 4. Topic 4: Original TV Shows | neutral_event | ||
281 | 2019-03-27 | U.S. stocks ended lower on Wednesday, with losses in the Healthcare Technology and Oil & Gas sectors leading the decline. The Dow Jones Industrial Average lost 0.13%, the S&P 500 index declined 0.46%, and the NASDAQ Composite index dropped 0.63%. Bo | 47.187500 | 47.439999 | 46.637501 | 45.747482 | 119393600 | 0 | 1. Topics: U.S. stocks, Dow Jones Industrial Average, S&P 500 index, NASDAQ Composite index, Healthcare Technology sector, Oil & Gas sector\n 2. Summary: Stocks experienced a decline on Wednesday, with the Dow Jones and S&P 500 indices losing 0.13% and 0.46%, respectively. The NASDAQ Composite index dropped by 0.63%. Losses were led by the Healthcare Technology and Oil & Gas sectors. | neutral_event | ||
282 | 2019-03-28 | Sony Corp is shutting down its Beijing smartphone plant due to cost-cutting measures aimed at making the money-losing business profitable from next year. The decision is not related to U.S.-China trade tensions. The closure will result in a loss of 95 billion yen for the financial year ending this month | 47.237499 | 47.389999 | 46.882500 | 45.808159 | 83121600 | -1 | Topic 1:\n Company: Sony Corp\n Event: Shutting down Beijing smartphone plant\n Reason: Cost-cutting measures\n Impact: Loss of 95 billion yen in current financial year\n Summary: Sony Corp is closing its Beijing smartphone plant as part of cost-cutting efforts, resulting in a loss of 95 billion yen this year. | negative_event | ||
283 | 2019-03-28 | Kazuo Hirai, Sony's chairman who led the company's revival from years of losses in consumer electronics, is retiring in June. Under Hirai and finance chief Kenichiro Yoshida, Sony transformed into an entertainment firm with steady revenue from music content and gaming. The company is on track for another record profit this | 47.237499 | 47.389999 | 46.882500 | 45.808159 | 83121600 | 1 | 1. Topic 1: Kazuo Hirai (Sony's chairman)\n - Keywords: Kazuo Hirai, chairman, retirement\n\n 2. Topic 2: Sony\n - Keywords: Sony, company, transformation, entertainment firm, revenue, music content, gaming\n\n 3. Topic 3: Consumer electronics\n - Keywords: consumer electronics, losses, revival\n\n 4. Topic 4: Kenichiro Yoshida (Sony's finance chief)\n - Keywords: Kenichiro Yoshida, finance chief\n\n 5. Topic 5: Transformation\n - Keywords: transformation | positive_event | ||
284 | 2019-03-29 | Daimler, a German carmaker, has lodged a complaint against Nokia with EU antitrust regulators over essential patents for car communications. The tensions between tech companies and the auto industry are heightening as tech firms' technologies become crucial for navigation systems, vehicle-to-vehicle communication, and self-driving | 47.457500 | 47.520000 | 47.134998 | 46.106716 | 94256000 | -1 | 1. Daimler (German carmaker)\n 2. Nokia (tech company)\n 3. EU antitrust regulators\n 4. Complaint filed over essential patents for car communications\n 5. Tech firms' technologies becoming crucial for:\n a. Navigation systems\n b. Vehicle-to-vehicle communication\n c. Self-driving technology\n\nTopics:\n1. Daimler vs Nokia dispute\n2. EU antitrust investigation into essential patents for car communications\n3. Role of tech firms in the auto industry (navigation systems, vehicle-to-vehicle communication, self-driving technology) | negative_event | ||
285 | 2019-03-29 | Apple announced the cancellation of its AirPower wireless charging mat, a product intended to charge up to three devices at once, including an iPhone, Apple Watch, and AirPods. The company stated that it could not meet its high standards for the project and apologized to customers. Apple continues to push for wireless technology but has faced challenges with fast, | 47.457500 | 47.520000 | 47.134998 | 46.106716 | 94256000 | -1 | 1. Topic 1: Apple's AirPower wireless charging mat\n - Event: Cancellation of the product\n - Keywords: Apple, AirPower, wireless charging mat, cancellation\n\n 2. Topic 2: Devices compatible with AirPower\n - Events: Included iPhone, Apple Watch, and AirPods for charging\n - Keywords: iPhone, Apple Watch, AirPods, charge\n\n 3. Topic 3: High standards of Apple\n - Event: Unable to meet these standards for the project\n - Keywords: high standards, project, Apple\n\n 4. Topic 4: Apology to customers\n - Event | negative_event | ||
286 | 2019-04-02 | Apple and other consumer brands, including LVMH's Louis Vuitton and Kering's Gucci, reduced prices for their products in China following a cut in the country's value-added tax rate. The discounts ranged from up to 500 yuan for some iPhone models to around 3 percent | 41.852501 | 42.915001 | 41.820000 | 41.390125 | 125982000 | 0 | Topic 1:\n Apple and other consumer brands (LVMH's Louis Vuitton, Kering's Gucci)\n \n Summary: Consumer brands, including Apple, have implemented price reductions in China following a value-added tax rate cut.\n\n Topic 2:\n Price reductions\n\n Summary: Brands have reduced prices for their products in response to a tax rate cut in China.\n\n Topic 3:\n China\n\n Summary: The news article focuses on events occurring in China, specifically the reduction of value-added tax rates and its impact on consumer brands' pricing strategies. | neutral_event | ||
287 | 2019-04-02 | Swatch Group successfully defended its use of the "Tick different" slogan against Apple's trademark infringement claim. The Swiss Federal Administrative Court ruled in Swatch's favor, stating that Apple did not provide sufficient evidence to prove "Think Different" was well-known enough in Switzerland to merit protection. Apple' | 41.852501 | 42.915001 | 41.820000 | 41.390125 | 125982000 | 0 | 1. Topic 1: Swatch Group\n - Keywords: Swatch, Group\n 2. Topic 2: Trademark infringement claim\n - Keywords: trademark, infringement, claim\n 3. Topic 3: "Tick different" slogan\n - Keywords: "Tick different", slogan\n 4. Topic 4: Apple\n - Keywords: Apple\n 5. Topic 5: Trademark protection\n - Keywords: protection, well-known enough\n 6. Topic 6: Swiss Federal Administrative Court\n - Keywords: Swiss Federal Administrative Court, ruled in Swatch' | neutral_event | ||
288 | 2019-04-02 | In premarket trade Tuesday, Apple's NASDAQ AAPL stock decreased by 0.15% due to price cuts in China. Amazon's NASDAQ AMZN stock rose by 0.2%, following price reductions at Whole Foods stores. Lyft's NASDAQ LYFT | 41.852501 | 42.915001 | 41.820000 | 41.390125 | 125982000 | 0 | 1. Apple: Decrease in NASDAQ AAPL stock due to price cuts in China\n 2. Amazon: Increase in NASDAQ AMZN stock following price reductions at Whole Foods stores.\n\nSummary:\n1. Apple: Price cuts in China affecting NASDAQ AAPL stock\n2. Amazon: Price reductions at Whole Foods leading to increase in NASDAQ AMZN stock. | neutral_event | ||
289 | 2019-04-02 | In US markets, futures for the Dow, S&P 500, and Nasdaq were mostly flat on Tuesday. Crude oil prices reached a new high of $62.13 a barrel due to output cuts by OPEC producers. Boeing suffered pre-market losses after a software update delay for its trou | 41.852501 | 42.915001 | 41.820000 | 41.390125 | 125982000 | -1 | 1. US markets: Flat performance of Dow, S&P 500, and Nasdaq futures.\n 2. Crude oil: Reached new high of 62.13 a barrel due to OPEC output cuts.\n 3. Boeing: Pre-market losses due to software update delay.\n\nTopics:\n1. US markets: Flat performance of Dow, S&P 500, and Nasdaq futures.\n2. Crude oil: Price increase to62.13 a barrel due to OPEC output cuts.\n3. Boeing: Software update delay causing pre-market losses. | negative_event | ||
290 | 2019-04-03 | Japan Display, a key Apple supplier, is set to begin providing OLED screens for the Apple Watch later this year. This represents a breakthrough for the cash-strapped company, whose shift to OLED came late and cost it orders from Apple. The deal marks Japan Display's entry into the OLED market, which is currently dominated by | 43.922501 | 44.437500 | 43.492500 | 42.684212 | 109744800 | 1 | 1. Apple: A tech company that is set to receive OLED screens from Japan Display for the Apple Watch.\n 2. Japan Display: A cash-strapped company that will begin supplying OLED screens to Apple for the Apple Watch, marking its entry into the OLED market.\n 3. OLED Screens: The type of display technology that Japan Display will provide to Apple for the Apple Watch.\n 4. Apple Watch: A wearable device produced by Apple that will receive OLED screens from Japan Display.\n 5. Entry into the OLED market: Japan Display's expansion into a market currently dominated by other companies.\n 6. Cash-strapped company: Japan Display's | positive_event | ||
291 | 2019-04-03 | The S&P 500, Dow Jones Industrial Average, and Nasdaq Composite closed higher on Wednesday due to optimism over U.S.-China trade talks and surging chip stocks. Myron Brilliant, executive vice president for international affairs at the U.S. Chamber of Commerce, stated that ninety percent | 43.922501 | 44.437500 | 43.492500 | 42.684212 | 109744800 | 0 | 1. Topic 1: Stock Markets (S&P 500, Dow Jones Industrial Average, Nasdaq Composite)\n Summary: The major US stock indices closed higher on Wednesday due to optimism over U.S.-China trade talks and strong chip stocks performance.\n\n 2. Topic 2: Trade Talks between US and China\n Summary: Optimism surrounding the ongoing trade negotiations between the United States and China contributed to the positive market sentiment.\n\n 3. Topic 3: Myron Brilliant (Executive Vice President for International Affairs at the U.S. Chamber of Commerce)\n Summary: Myron Brilliant expressed a positive outlook | neutral_event | ||
292 | 2019-04-03 | In the first quarter, Samsung Electronics faces challenges including falling memory chip prices and slowing demand for display panels, potentially leading to a significant earnings miss. Chipmakers have been hit hard by a global semiconductor industry glut due to weak smartphone sales, falling investment from data centers, China's economic slowdown, the | 43.922501 | 44.437500 | 43.492500 | 42.684212 | 109744800 | 0 | 1. Samsung Electronics: Q1 challenges with memory chip prices and display panel demand, potential earnings miss\n 2. Semiconductor industry: Glut leading to hardships for chipmakers\n 3. Smartphone sales: Weak market contributing to semiconductor industry issues\n 4. Data centers: Decreased investment affecting the semiconductor industry\n 5. China's economic slowdown: Impacting demand and causing challenges in the tech sector. | neutral_event | ||
293 | 2019-04-04 | Facebook has introduced a business version of WhatsApp, its encrypted messaging app, for iOS devices. The free app will initially be available in Brazil, Germany, Indonesia, India, Mexico, the UK, and the US, with a global rollout planned. It allows small businesses to communicate with customers and currently boasts over 5 million | 48.697498 | 49.092499 | 48.285000 | 47.499989 | 76457200 | 0 | 1. Subjects/Entities: Facebook, WhatsApp, iOS devices, small businesses, customers\n 2. Key Events/Actions: Introduction of business version of WhatsApp for iOS devices, Initial availability in select countries (Brazil, Germany, Indonesia, India, Mexico, UK, US), Global rollout planned\n 3. Relevant Keywords: Business version, WhatsApp, iOS devices, Small businesses, Customers, Communication, Availability, Rollout\n 4. Summarized Topics:\n - Facebook introduces business version of WhatsApp for iOS devices\n - Initial availability in Brazil, Germany, Indonesia, India, Mexico, UK, US with global rollout planned\n | neutral_event | ||
294 | 2019-04-04 | In response to the deadly mosque shootings in Christchurch, Australia passed a new law fining social media and web hosting companies up to 10% of their global turnover and imprisoning executives for up to three years if they fail to remove violent content expeditiously. The legislation specifically targets videos or photographs showing murder, torture | 48.697498 | 49.092499 | 48.285000 | 47.499989 | 76457200 | 0 | 1. **Australia's New Law**: Australia passes a new law targeting social media and web hosting companies.\n 2. **Subjects**: Australia, social media and web hosting companies.\n 3. **Key Events**: Passing of a new law, targeting specific content (murder, torture).\n 4. **Relevant Keywords**: Australia, new law, social media, web hosting companies, violent content, murder, torture.\n 5. **Summary Topics**: Australia enacts stricter regulations on social media and web hosting companies for removing violent content. | neutral_event | ||
295 | 2019-04-04 | EU antitrust regulators should consider compelling tech giants like Google and Amazon to share their data with competitors, instead of breaking them up, according to a report from three academics appointed by European Commissioner Margrethe Vestager. The experts also recommended faster investigations and stronger arguments against "killer acquisitions" to prevent dominance | 48.697498 | 49.092499 | 48.285000 | 47.499989 | 76457200 | 1 | Topic 1:\n EU antitrust regulators and their potential actions towards tech giants (Google and Amazon)\n \n Keywords: EU antitrust regulators, tech giants, Google, Amazon, compelling, share data, competitors, breaking up, investigations, stronger arguments, "killer acquisitions", prevent dominance. | positive_event | ||
296 | 2019-04-04 | Sara Bareilles, a singer-songwriter, has released a new album, "Amidst the Chaos," expressing her emotions over the 2016 US elections. The album includes love songs about former President Barack Obama and Michelle, reflecting her grief and support for social movements like female empowerment. Inspired | 48.697498 | 49.092499 | 48.285000 | 47.499989 | 76457200 | -1 | 1. Sara Bareilles (singer-songwriter)\n 2. New album release: "Amidst the Chaos"\n 3. 2016 US elections\n 4. Emotions and expressions towards former President Barack Obama and Michelle\n 5. Social movements: female empowerment\n\nSummary:\nSara Bareilles, a singer-songwriter, expressed her emotions over the 2016 US elections through her new album "Amidst the Chaos." The album includes love songs about former President Barack Obama and Michelle, reflecting her grief and support for social movements like female empowerment.\n\nTopics:\n1. Sara Bareilles | negative_event | ||
297 | 2019-04-04 | Apple has slashed the price of its iPhone XR model in India by approximately one-fourth, according to sources. The reduction, which includes a credit card cashback campaign, is aimed at boosting sales and competing with more affordable devices from Samsung and OnePlus. The price cut applies to all variants of the iPhone XR on the | 48.697498 | 49.092499 | 48.285000 | 47.499989 | 76457200 | 0 | 1. Topic: Apple's price reduction for iPhone XR in India\n 2. Summary: Apple has decreased the price of its iPhone XR model in India by approximately 25%. This adjustment includes a credit card cashback campaign and is intended to increase sales and challenge competitors like Samsung and OnePlus with more affordable devices. | neutral_event | ||
298 | 2019-04-10 | In March, mobile phone shipments to China dropped by 6 percent from the previous year to 28.4 million units, according to official figures. This is the fifth consecutive month of decline and follows an anemic year in 2018 when total shipments fell 15.5 percent. The slowdown is attributed to | 56.410000 | 56.872501 | 55.972500 | 55.524677 | 138478800 | 0 | 1. Mobile phone shipments to China: A decrease of 6% in March 2019 compared to the previous year, marking the fifth consecutive monthly decline.\n 2. Total mobile phone shipments in 2018: A decline of 15.5%.\n 3. Reasons for the slowdown: Not explicitly stated in the headline but can be inferred as economic factors affecting demand.\n\nTopics:\n1. Mobile phone shipments to China\n2. Decline in mobile phone sales (March and overall in 2018)\n3. Economic factors impacting demand. | neutral_event | ||
299 | 2019-04-10 | Oprah Winfrey and Prince Harry have partnered to create an Apple documentary, set for release next year, aimed at promoting mental health awareness. Harry, who has been vocal about his struggles following his mother's death, revealed that he came close to a breakdown as a child. He and Winfrey, one of the world's | 56.410000 | 56.872501 | 55.972500 | 55.524677 | 138478800 | 1 | 1. Topic 1: Oprah Winfrey and Prince Harry Partnership\n - Summary: Oprah Winfrey and Prince Harry have collaborated to create an Apple documentary focusing on mental health awareness.\n\n 2. Topic 2: Mental Health Awareness\n - Summary: The partnership aims to promote mental health awareness through the creation of a documentary.\n\n 3. Topic 3: Oprah Winfrey's Involvement\n - Summary: Oprah Winfrey is one of the world-renowned figures involved in this collaboration.\n\n 4. Topic 4: Prince Harry's Struggles and Advocacy\n - Summary: | positive_event | ||
300 | 2019-04-10 | Google raised YouTube TV's monthly membership fee by 25% to $49.99, effective April 10 for new subscribers and May 13 for existing ones. The price hike comes with the addition of channels like Discovery, Animal Planet, and TLC, taking the total number to over | 56.410000 | 56.872501 | 55.972500 | 55.524677 | 138478800 | 0 | Topic 1:\n - Google\n - YouTube TV\n - Monthly membership fee increase\n - | neutral_event | ||
301 | 2019-04-10 | Delta Airlines' Q1 earnings surpassed expectations, leading to a 2.7% increase in DAL stock. HSBC downgraded Apple stock due to concerns over returns on investment in services, but Bank of America raised its price target. JetBlue speculation and possible AT&T sale fueled gains for JBLU and T | 56.410000 | 56.872501 | 55.972500 | 55.524677 | 138478800 | 1 | 1. Delta Airlines: Q1 earnings exceeded expectations, causing a 2.7% increase in DAL stock.\n 2. HSBC: Downgraded Apple stock due to concerns over returns on investment in services.\n 3. Bank of America: Raised its price target for Apple.\n 4. JetBlue: Speculation and possible sale fueled gains for JBLU.\n 5. AT&T: No explicit mention of events or actions, but T saw gains related to JetBlue speculation.\n\nTopics:\n1. Delta Airlines: earnings, expectations exceeded, stock increase\n2. HSBC: Apple stock, downgraded, concerns over returns on investment in services | positive_event | ||
302 | 2019-04-11 | Apple is under investigation by the Dutch competition agency, ACM, for allegedly favoring its own apps on the App Store. The probe may expand to Google's Play Store due to similar business practices. Indications of possible anti-competitive behavior include preferential treatment for Apple's own apps, mandatory use of its payment systems with | 64.332497 | 64.462502 | 63.845001 | 62.982265 | 103272000 | 0 | 1. Apple: Subject (Company under investigation)\n 2. Dutch competition agency, ACM: Subject (Regulatory body initiating the investigation)\n 3. Allegedly favoring its own apps: Key Event (Apple accused of bias towards its own apps)\n 4. App Store: Location of alleged favoritism\n 5. Indications of possible anti-competitive behavior: Key Issue (Potential violation of competition laws)\n 6. Preferential treatment for Apple's own apps: Description of the issue\n 7. Mandatory use of its payment systems: Description of the issue\n 8. Probe may expand to Google's Play Store: Potential Expansion | neutral_event | ||
303 | 2019-04-11 | Apple has nearly doubled the number of suppliers using clean energy for production, including major iPhone manufacturers Hon Hai Precision Industry and Taiwan Semiconductor Manufacturing. The companies are part of Apple's initiative to reduce its carbon footprint by encouraging suppliers to build their own renewable energy projects or sign power purchase agreements with new renewable energy | 64.332497 | 64.462502 | 63.845001 | 62.982265 | 103272000 | 1 | Topic 1:\n Apple increasing number of clean energy suppliers\n \n Keywords: Apple, clean energy, suppliers, renewable energy projects, power purchase agreements.\n\n Topic 2:\n Major iPhone manufacturers adopting clean energy\n\n Keywords: Hon Hai Precision Industry, Taiwan Semiconductor Manufacturing, clean energy, iPhone manufacturers.\n\n Topic 3:\n Apple's initiative to reduce carbon footprint\n\n Keywords: Apple, carbon footprint, renewable energy, suppliers, reduction. | positive_event | ||
304 | 2019-04-12 | In this article, a Chinese-Taiwanese group led by TPK Holding and Harvest Group will take control of Japan Display with a 21 billion bailout plan, making them the company's biggest shareholders. The rescue comes after previous government bailouts failed to help Japan Display reduce its dependence on Apple, whose slowing | 65.267502 | 65.827499 | 65.169998 | 64.211540 | 67181600 | -1 | 1. Topic: Japanese Display Company\n 2. Event: Chinese-Taiwanese group (TPK Holding and Harvest Group) takes control with a 21 billion bailout plan\n 3. Keywords: Japanese Display, Chinese-Taiwanese group, TPK Holding, Harvest Group, bailout plan, biggest shareholders\n 4. Summary: A Chinese-Taiwanese consortium, consisting of TPK Holding and Harvest Group, assumes control over the Japanese Display Company through a 21 billion bailout agreement.\n\n News Article 2: The European Union (EU) has agreed to extend its sanctions against Russia for another six months due | negative_event | ||
305 | 2019-04-15 | The chairman of Taiwan's Foxconn, Terry Gou, plans to step down from his position in the coming months to allow younger talent to take over. This comes as Foxconn tries to diversify its business and reduce its reliance on Apple, which is also seeking new suppliers. Gou hopes to remain involved in strategic decisions but not daily | 49.645000 | 49.962502 | 49.502499 | 48.359261 | 70146400 | 0 | Topic 1:\n - Terry Gou, chairman of Taiwan's Foxconn\n - Stepping down from position\n - Allowing younger talent to take over\n \n Summary:\n - Terry Gou announces plans to step down as chairman of Foxconn.\n - Intention is to bring in new leadership for the company.\n\n Topic 2:\n - Foxconn\n - Diversifying business\n - Reducing reliance on Apple\n\n Summary:\n - Foxconn aims to expand its business areas and decrease dependence on Apple as a major client. | neutral_event | ||
306 | 2019-04-15 | Amazon's potential entry into the free music streaming market sent shockwaves through the industry, with shares of Amazon NASDAQ AMZN and Spotify NYSE:SPOT sliding in early trading. According to a report by Billboard, Amazon has entered into discussions to launch a free, ad-supported music service, which could become available | 49.645000 | 49.962502 | 49.502499 | 48.359261 | 70146400 | -1 | 1. Amazon: The e-commerce giant is reportedly entering the free music streaming market.\n 2. Music Streaming Market: Amazon's potential entry is causing ripples in this industry.\n 3. Free, Ad-Supported Music Service: Amazon plans to launch a new offering in this business model.\n 4. Discussions: Amazon has reportedly initiated talks with relevant parties for the implementation of this service.\n 5. Shares: The stocks of Amazon and Spotify were affected by this news in early trading.\n\n Summary:\n 1. Amazon's entry into free music streaming market\n 2. Impact on music streaming industry\n 3. Launch of a free, ad | negative_event | ||
307 | 2019-04-16 | In a complex trial in San Diego, Apple accused Qualcomm of abusing market power by using its patent licensing practices to maintain control over premium modem chips for smartphones. Qualcomm countered that Apple bullied contract manufacturers into withholding royalty payments, amounting to billions in potential revenue loss. The jury will determine the fate | 49.865002 | 50.342499 | 49.639999 | 48.364113 | 102785600 | 0 | 1. Subjects/Entities: Apple, Qualcomm, San Diego court, patent licensing practices, premium modem chips, smartphones, contract manufacturers\n 2. Key Events/Actions: Apple accused Qualcomm of market power abuse, Qualcomm countered with bullying allegations against Apple, jury will determine the outcome\n 3. Summarized Topics:\n - Apple vs. Qualcomm antitrust trial\n - Allegations of market power abuse by Qualcomm\n - Apple's accusation of contract manufacturer involvement in royalty payment withholding\n - Potential revenue loss for Qualcomm due to the dispute\n \nOutput: ["Apple-Qualcomm antitrust trial", | neutral_event | ||
308 | 2019-04-17 | Taiwan business tycoon Terry Gou, chairman of Apple supplier Foxconn and Taiwan's richest person with a net worth of $7.6 billion, announced his intention to contest the 2020 presidential election, joining the opposition China-friendly Kuomintang (KMT) party and shaking up the political landscape. | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 0 | Topic 1:\n ------------------\n Taiwan Presidential Election 2020\n \n Summary:\n Taiwan business tycoon Terry Gou, a billionaire and chairman of Apple supplier Foxconn, announced his intention to run in the 2020 presidential election. He joined the opposition China-friendly Kuomintang (KMT) party, potentially shaking up the political landscape. | neutral_event | ||
309 | 2019-04-17 | Chinese video-sharing app TikTok, owned by Bytedance Technology, has been removed from Google's Play Store and Apple's App Store in India following a state court order. The app, which allows users to create and share short videos with special effects, is popular in India but faced criticism for inappropriate content. A | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 0 | 1. Subjects: Chinese video-sharing app TikTok, Bytedance Technology, India's App Stores (Google Play Store and Apple App Store)\n 2. Key Events: Removal of TikTok from Google Play Store and Apple App Store in India following a state court order.\n 3. Relevant Keywords: Chinese video-sharing app, TikTok, Bytedance Technology, removal, state court order, India, App Stores (Google Play Store and Apple App Store)\n 4. Topic Summary: The Chinese-owned video-sharing app TikTok has been taken down from Google's Play Store and Apple's App Store in India due to a | neutral_event | ||
310 | 2019-04-17 | TomTom, a Dutch navigation and digital maps firm, reported a 14% increase in first quarter revenue to €169.5 million, beating analysts' forecasts. The company secured two contracts to supply high definition (HD) maps to major carmakers, positioning it as an early player in this growing market. TomTom | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 1 | Topic 1:\n ------------------\n Company: TomTom\n Industry: Navigation and digital maps firm\n Event: Reported Q1 revenue increase of 14% to €169.5 million\n Keywords: Dutch, Q1 revenue, €169.5 million, beat forecasts\n \n Topic 2:\n ------------------\n Company: TomTom\n Industry: Navigation and digital maps firm\n Event: Secured two contracts to supply HD maps to major carmakers\n Keywords: Contracts, HD maps, Major carmakers, Growing market, Early player | positive_event | ||
311 | 2019-04-17 | In a volatile trading session, the S&P 500 was virtually unchanged, with gains in tech stocks led by Qualcomm's 10% surge after a legal victory against Apple, offset by declines in healthcare stocks. The Philadelphia chip index rallied due to China's steady economic growth and earnings reports, while | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 1 | 1. Volatile trading session for the S&P 500 with minimal change\n 2. Tech stocks gain, led by Qualcomm's 10% surge after legal victory against Apple\n 3. Healthcare stocks decline\n 4. Philadelphia chip index rallies due to China's steady economic growth\n 5. Earnings reports contribute to the rally in the Philadelphia chip index\n\nTopics:\n1. Volatile trading session for S&P 500\n2. Tech stocks gain, specifically Qualcomm\n3. Legal victory for Qualcomm against Apple\n4. Decline in healthcare stocks\n5. Steady economic growth in China\n6. Positive earnings reports\n | positive_event | ||
312 | 2019-04-17 | Aeva Inc, a startup founded by former Apple engineers, has signed a deal with Audi's autonomous driving unit, AID Autonomous Intelligent Driving, for lidar sensor systems. Aida will use Aeva's sensors on its e-tron development fleet vehicles in Munich, Germany. The lidar | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 1 | 1. Topic: Aeva Inc (Company)\n 2. Event: Signed a deal with Audi's autonomous driving unit, AID Autonomous Intelligent Driving.\n 3. Keywords: Startup, Founded by former Apple engineers, Lidar sensor systems.\n 4. Summary: Aeva Inc, a startup led by ex-Apple engineers, has entered into an agreement with Audi's autonomous driving division, AID Autonomous Intelligent Driving, for lidar sensor technology.\n\n 1. Topic: Audi's autonomous driving unit, AID Autonomous Intelligent Driving (Company)\n 2 | positive_event | ||
313 | 2019-04-17 | The Chinese government is considering drafting stimulus measures to boost car and electronics sales, according to sources. The plans include subsidies for new energy vehicles, smartphones, and home appliances. This move comes as leaders attempt to mitigate trade tensions with the U.S. and bolster consumption. Retail sales expanded 8 | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 0 | 1. Chinese government: A body responsible for governing and making decisions in China.\n 2. Stimulus measures: Economic interventions by the government to stimulate economic activity.\n 3. Car sales: The sale of automobiles.\n 4. Electronics sales: The sale of electronic devices.\n 5. New energy vehicles: Vehicles that use renewable energy sources for propulsion.\n 6. Smartphones: Portable communication and computing devices.\n 7. Home appliances: Household electrical appliances.\n 8. Subsidies: Financial incentives provided by the government to encourage certain actions or purchases.\n 9. Trade tensions with the U.S.: | neutral_event | ||
314 | 2019-04-17 | This news article reports that Apple Inc. faced a securities fraud lawsuit for allegedly concealing weakened demand for iPhones, particularly in China, leading to a significant stock price drop. The complaint was filed by the City of Roseville Employees Retirement System and seeks damages for investors who bought Apple stock before January 201 | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | -1 | Topic 1:\n Apple Inc.\n Keywords: securities fraud, lawsuit, concealing, weakened demand, iPhones, China, significant stock price drop\n Summary: Apple Inc. faced a securities fraud lawsuit alleging the company concealed weakened iPhone demand, particularly in China, resulting in a significant stock price drop.\n\n Topic 2:\n City of Roseville Employees Retirement System\n Keywords: complaint, seeks damages, investors, bought Apple stock\n Summary: The City of Roseville Employees Retirement System filed a complaint seeking damages for investors who purchased Apple stock prior to January 2019. | negative_event | ||
315 | 2019-04-17 | Facebook, aiming to compete with Alexa, Siri, and Google Assistant, is developing a voice assistant technology that could be integrated into its AR/VR products like Portal, Oculus, and future projects. The exact usage of the assistant remains unclear but it could potentially be used on Portal video chat smart speakers or Oculus head | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | -1 | 1. Topic 1: Facebook developing voice assistant technology\n - Keywords: Facebook, voice assistant, technology\n 2. Topic 2: Facebook integrating voice assistant into AR/VR products\n - Keywords: Facebook, AR/VR, Portal, Oculus\n 3. Topic 3: Potential usage of voice assistant on Portal video chat smart speakers or Oculus headsets\n - Keywords: Portal, video chat, smart speakers, Oculus, headsets | negative_event | ||
316 | 2019-04-17 | Wisconsin Governor Tony Evers announced his intention to renegotiate the state's contract with Foxconn Technology Group due to the company's failure to meet job creation goals. The Taiwanese firm, which received around $4 billion in tax breaks and incentives under former Republican Governor Scott Walker, is expected to create fewer jobs than initially pled | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 0 | 1. **Subjects:** Wisconsin Governor Tony Evers, Foxconn Technology Group\n 2. **Key Events:** Announcement of intention to renegotiate contract, Failure to meet job creation goals\n 3. **Relevant Keywords:** Wisconsin Governor, Foxconn Technology Group, Contract renegotiation, Job creation goals, Tax breaks, Incentives\n 4. **Summarized Topics:**\n * Wisconsin Governor Tony Evers intends to renegotiate the state's contract with Foxconn Technology Group\n * Foxconn Technology Group is expected to create fewer jobs than initially pledged\n * The company received around $4 billion in tax breaks and incentives under former | neutral_event | ||
317 | 2019-04-17 | On Wednesday, Morgan Stanley's revenue fell less than expected, leading to a smaller profit decline. Netflix added a record number of subscribers but missed consensus earnings forecasts for Q2. Qualcomm saw a surge in stock price due to a patent settlement with Apple and potential earnings boost from Huawei. PepsiCo reported better- | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | -1 | 1. Morgan Stanley: Revenue fell less than expected, leading to smaller profit decline.\n Topic: Morgan Stanley - Revenue, Profit Decline\n\n 2. Netflix: Added record number of subscribers but missed earnings forecasts for Q2.\n Topic: Netflix - Subscribers, Earnings\n\n 3. Qualcomm: Saw surge in stock price due to patent settlement with Apple and potential earnings boost from Huawei.\n Topic: Qualcomm - Patent Settlement, Stock Price, Huawei\n\n 4. PepsiCo: Reported better-\n \n results.\n Topic: PepsiCo - Better | negative_event | ||
318 | 2019-04-17 | In a move to combat rising robocalls and spam, T Mobile has launched a new call protection feature in collaboration with Comcast. The feature, called Caller Verified, identifies authentic calls across both networks by using industry standard STIR SHAKEN technology. Customers on certain Samsung and LG devices can already use it, | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | 0 | 1. Topic 1: T-Mobile's new call protection feature (Caller Verified)\n - Keywords: T-Mobile, new call protection feature, Caller Verified\n 2. Topic 2: Collaboration between T-Mobile and Comcast\n - Keywords: T-Mobile, Comcast, collaboration\n 3. Topic 3: Use of STIR SHAKEN technology for combating robocalls and spam\n - Keywords: STIR SHAKEN technology, combating robocalls, spam\n 4. Topic 4: Availability on certain Samsung and LG devices\n - Keywords: Samsung, L | neutral_event | ||
319 | 2019-04-17 | Wall Street showed mixed reactions on Wednesday, with the S&P 500 and Nasdaq Composite posting gains, while the Dow Jones Industrial Average dropped. The upbeat earnings from Morgan Stanley and PepsiCo, along with positive Chinese economic data, helped ease concerns of a global slowdown. China's economy grew by | 49.884998 | 50.845001 | 49.652500 | 49.305897 | 115627200 | -1 | 1. Topic: Stock Markets\n Summary: Mixed reactions in Wall Street with S&P 500 and Nasdaq Composite posting gains, while Dow Jones Industrial Average dropped.\n\n 2. Topic: Earnings Reports\n Summary: Upbeat earnings from Morgan Stanley and PepsiCo reported.\n\n 3. Topic: Global Economy\n Summary: Concerns of a global slowdown eased due to positive Chinese economic data.\n\n 4. Topic: China's Economy\n Summary: China's economy grew by an undisclosed percentage. | negative_event | ||
320 | 2019-04-18 | In the news article, Taiwan Semiconductor Manufacturing Company (TSMC), the world's largest contract chipmaker, reported a steep quarterly profit drop of 32% due to weak global demand for smartphones and the prolonged U.S.-China trade war. However, TSMC expressed optimism about the out | 50.779999 | 51.037498 | 50.630001 | 49.483093 | 96783200 | 0 | 1. Topic: Taiwan Semiconductor Manufacturing Company (TSMC)\n 2. Event: Reported a steep quarterly profit drop of 32%\n 3. Reason for Profit Drop: Weak global demand for smartphones and the prolonged U.S.-China trade war\n 4. Keywords: TSMC, profit drop, weak global demand, smartphones, U.S.-China trade war, optimism\n\n ------------------------------------------------------------------------------------------------------------------\n\n News Article: Elon Musk's SpaceX successfully launched 60 Starlink satellites into orbit from Cape Canaveral, Florida, marking a significant step forward | neutral_event | ||
321 | 2019-04-18 | In this article, a senior U.S. official expresses concern over China's attempts to exert influence on Taiwan's upcoming presidential election, including disinformation campaigns and direct interference. China's military pressure on the self-ruled island, which Beijing views as its sacred territory, has increased, with Beijing suspecting President Ts | 50.779999 | 51.037498 | 50.630001 | 49.483093 | 96783200 | -1 | 1. Topic 1: U.S.-China Relations\n Summary: A senior U.S. official voices concern over China's influence on Taiwan's presidential election through disinformation campaigns and direct interference.\n\n 2. Topic 2: Taiwan Presidential Election\n Summary: Upcoming election in Taiwan is a focus of concern due to potential Chinese interference.\n\n 3. Topic 3: China's Influence Campaigns\n Summary: Beijing is suspected of engaging in disinformation campaigns to influence the outcome of Taiwan's presidential election.\n\n 4. Topic 4: Direct Interference\n Summary: China is accused of attempting direct interference in Taiwan | negative_event | ||
322 | 2019-04-18 | Apple plans to open a Material Recovery lab in Austin, Texas, to research new methods for recovering valuable materials from its devices using robotics and machine learning. The 9,000 square foot lab will be located at the same facility as Daisy, an Apple-built robot that can disassemble iPhones at a | 50.779999 | 51.037498 | 50.630001 | 49.483093 | 96783200 | 1 | 1. Topic: Apple's Material Recovery Lab in Austin, Texas\n - Keywords: Apple, Material Recovery lab, Austin, Texas, Research, Robotics, Machine learning, Daisy, Disassemble, iPhones.\n\n 2. Topic: Apple's New Technologies for Valuable Material Recovery\n - Keywords: Apple, Valuable materials, Recovery, Robotics, Machine learning. | positive_event | ||
323 | 2019-04-18 | In an effort to address EU antitrust concerns and avoid further penalties, Alphabet's Google will begin allowing Android users in Europe to choose from five alternative browsers and search engines starting Thursday. The company was previously fined a record €4.34 billion for using its market power to block rivals in internet browsing. Google | 50.779999 | 51.037498 | 50.630001 | 49.483093 | 96783200 | 1 | Topic 1:\n Google (Alphabet)\n \n Summary:\n Google, under Alphabet, will comply with EU antitrust regulations by allowing Android users in Europe to select from five alternative browsers and search engines starting Thursday. Previously, the company was penalized €4.34 billion for hindering rivals in internet browsing. | positive_event | ||
324 | 2019-04-18 | Samsung Electronics has reported issues with the displays of its upcoming foldable smartphone, the Galaxy Fold, raising concerns over a smooth launch. The handset, set to be released in the US on April 26, features a second display as large as a small tablet. However, journalists supplied with review samples have reported malfunctions within | 50.779999 | 51.037498 | 50.630001 | 49.483093 | 96783200 | 0 | 1. Samsung Electronics: A South Korean technology company known for producing electronics, including smartphones.\n 2. Galaxy Fold: An upcoming foldable smartphone from Samsung Electronics.\n 3. Displays issues: Problems reported with the displays of the Galaxy Fold.\n 4. Smooth launch: The concern over whether the Galaxy Fold will have a successful release due to the display issues.\n 5. Second display: A large additional display featured on the Galaxy Fold, similar in size to a small tablet.\n 6. Malfunctions: Technical difficulties reported by journalists who received review samples of the Galaxy Fold.\n\nTopics:\n1. Samsung Electron | neutral_event | ||
325 | 2019-04-22 | Taiwan's export orders continued to decline for the fifth consecutive month in March, falling at a faster-than-expected rate of 9%. The Ministry of Economic Affairs reported that orders totaled $38.59 billion, down 8.4% annually for January-March. Hi-tech factories, major suppliers for global | 50.707500 | 51.235001 | 50.584999 | 49.645725 | 77758000 | 0 | 1. Topic: Taiwan's Export Orders\n - Key Events: Declined for the fifth consecutive month in March, falling at a faster-than-expected rate of 9%\n - Summary: Taiwan's export orders experienced a continuous decline, decreasing by 9% in March and totaling $38.59 billion for January-March, which represents an 8.4% annual decrease.\n\n 2. Topic: Hi-tech factories\n - Key Events: Serving as major suppliers for global industries\n - Summary: Hi-tech factories play a significant role in supplying goods and services to various industries on a global scale. | neutral_event | ||
326 | 2019-04-22 | Samsung Electronics has delayed the retail launch of its new Galaxy Fold smartphone due to display issues reported by reviewers. About 50 units were sent for review, with several reporting screen defects such as bulges and blinking screens. The root cause of the problem is not yet known, but initial findings suggest it may be related | 50.707500 | 51.235001 | 50.584999 | 49.645725 | 77758000 | -1 | 1. Samsung Electronics\n 2. New Galaxy Fold smartphone\n 3. Retail launch delay\n 4. Display issues\n 5. Bulges in screens\n 6. Blinking screens\n 7. Reviewers' reports\n 8. Root cause unknown\n 9. Initial findings suggest display-related problem\n\nSummary:\nSamsung Electronics faced a delay in the retail launch of its new Galaxy Fold smartphone due to reported display issues. Several review units exhibited bulges and blinking screens, but the root cause remains undetermined, with initial indications pointing towards a display-related problem. | negative_event | ||
327 | 2019-04-23 | The social media company Snap reported better-than-expected earnings for Q1, with a loss of 10 cents per share and revenue of $320.4 million. The popularity of its original shows and the launch of a new Android app drove these results, leading to an increase in daily active users (DAUs) to | 51.107498 | 51.937500 | 50.974998 | 50.361782 | 93292000 | 0 | 1. Snap: The social media company\n 2. Q1 Earnings: Reported better-than-expected results with a loss of 10 cents per share and revenue of $320.4 million\n 3. Original Shows: Popularity of Snap's original content drove earnings growth\n 4. New Android App: Launch contributed to earnings increase\n 5. Daily Active Users (DAUs): Increased due to the success of original shows and new app.\n\nSummary:\n1. Snap: Earnings boosted by popular original shows and new Android app\n2. Q1 Financial Performance: Better-than-expected loss and revenue growth\n3. User Eng | neutral_event | ||
328 | 2019-04-23 | Chinese tech giant Tencent Holdings has invested in Argentine mobile banking service Uala, joining investors including George Soros and Point72 Ventures. The investment significantly raised Uala's valuation and will help accelerate its growth plans. Uala offers prepaid Mastercards, bill payment, metro card top up, and digital | 51.107498 | 51.937500 | 50.974998 | 50.361782 | 93292000 | 1 | 1. Topic 1: Chinese tech giant Tencent Holdings (Subject)\n 2. Topic 2: Argentine mobile banking service Uala (Subject)\n 3. Topic 3: Investment (Key Event)\n 4. Topic 4: George Soros and Point72 Ventures (Investors)\n 5. Topic 5: Significantly raised valuation (Impact of investment)\n 6. Topic 6: Growth plans (Planned actions)\n 7. Topic 7: Prepaid Mastercards (Product offered by Uala)\n 8. Topic 8: Bill payment (Service offered by Uala | positive_event | ||
329 | 2019-04-23 | This news article reports that India's ban on Chinese video app TikTok is causing daily financial losses of up to $6.6 million for its developer, Beijing Bytedance Technology Co. The ban has put over 250 jobs at risk and has also impacted the user base, losing close to one million new users per day | 51.107498 | 51.937500 | 50.974998 | 50.361782 | 93292000 | -1 | Topic 1:\n India's ban on Chinese video app TikTok\n\n Summary:\n The news article discusses the financial implications of India's ban on the Chinese video-sharing app TikTok. The ban has resulted in daily losses of approximately $6.6 million for its developer, Beijing Bytedance Technology Co. Additionally, over 250 jobs are at risk and the user base is decreasing by nearly one million users per day. | negative_event | ||
330 | 2019-04-24 | LG Electronics, one of the world's top three mobile phone makers a decade ago, announced it would cease smartphone production in South Korea and shift manufacturing to Vietnam. The move comes as global demand for smartphones slumps and LG struggles with market share below 3%. Despite low global presence, LG maintains | 51.840000 | 52.119999 | 51.762501 | 50.284119 | 70162400 | -1 | 1. Topic: LG Electronics\n Summary: South Korean tech company announces end of domestic smartphone production, plans to shift manufacturing to Vietnam due to slumping global demand and low market share.\n\n 2. Topic: Smartphone Production\n Summary: Cessation of smartphone manufacturing in South Korea by LG Electronics, relocation to Vietnam.\n\n 3. Topic: Global Demand for Smartphones\n Summary: Decrease in demand for smartphones leading to business challenges for LG Electronics.\n\n 4. Topic: Market Share\n Summary: LG Electronics' struggle with maintaining market share below 3%.\n\n | negative_event | ||
331 | 2019-04-24 | Silicon Valley ethicists Tristan Harris and Aza Raskin, co-founders of the nonprofit Center for Humane Technology, urged tech leaders to focus on reversing "human downgrading" by reconsidering the design and financial incentives of their systems. They warned that the excessive exploitation of human weaknesses | 51.840000 | 52.119999 | 51.762501 | 50.284119 | 70162400 | 1 | 1. Topics: Silicon Valley ethicists, Center for Humane Technology, tech leaders, human downgrading, design, financial incentives\n 2. Summary: Silicon Valley ethicists Tristan Harris and Aza Raskin from the nonprofit Center for Humane Technology called on tech leaders to address "human downgrading" by reevaluating the design and financial structures of their systems, which have been exploiting human weaknesses excessively. | positive_event | ||
332 | 2019-04-24 | ASM International beat first quarter expectations with revenue of 249 million euros and order intake of 235 million euros. The strong performance was attributed to its fabrication and logic semiconductor businesses. For Q2, the company anticipates revenue between 230-250 million euros and orders | 51.840000 | 52.119999 | 51.762501 | 50.284119 | 70162400 | 0 | 1. Company: ASM International\n 2. Quarterly Financial Performance:\n - Q1 Revenue: 249 million euros\n - Q1 Order Intake: 235 million euros\n 3. Key Business Units: Fabrication and logic semiconductor businesses\n 4. Anticipated Q2 Revenue: Between 230-250 million euros\n 5. Topics: ASM International, Q1 Financial Results, Fabrication business, Logic semiconductor business, Q2 Anticipated Revenue | neutral_event | ||
333 | 2019-04-24 | The Indian state court has lifted a ban on the popular video-sharing app TikTok, allowing its developer Beijing Bytedance Technology Co to resume operations in the country. The ban was imposed earlier this month due to concerns over pornographic content and potential child exposure to sexual predators. Apple and Google had removed TikTok from their Indian | 51.840000 | 52.119999 | 51.762501 | 50.284119 | 70162400 | 0 | 1. Topic: TikTok Unban in India\n 2. Summary: The Indian state court has reversed the ban on TikTok, enabling Beijing Bytedance Technology Co to restart operations in the country. The app was previously prohibited due to concerns regarding explicit content and potential risks to children from sexual predators. Apple and Google had complied by removing TikTok from their Indian app stores. | neutral_event | ||
334 | 2019-04-24 | Wall Street experienced muted trading on Wednesday, with the S&P 500 and Dow Jones Industrial Average declining slightly following disappointing earnings reports from Boeing and Caterpillar. Boeing's first quarter report revealed a 21% profit drop due to the ongoing grounding of its 737 Max aircraft | 51.840000 | 52.119999 | 51.762501 | 50.284119 | 70162400 | 0 | Topic 1:\n - Wall Street trading\n - S&P 500 and Dow Jones Industrial Average\n - Declining markets\n\n Topic 2:\n - Boeing\n - Disappointing earnings report\n - 737 Max aircraft grounding\n - Profit drop (21%)\n\n Summary:\n 1. Wall Street trading saw muted activity with the S&P 500 and Dow Jones Industrial Average declining slightly.\n 2. Boeing reported disappointing earnings, leading to a profit drop of 21% due to the ongoing grounding of its 737 Max aircraft. | neutral_event | ||
335 | 2019-04-25 | In a legal dispute, Spotify has agreed to remove all songs from Indian record label Saregama from its streaming app after failing to reach licensing terms. Saregama filed a petition in Delhi High Court seeking an injunction against Spotify. The court document reveals that Spotify's senior counsel stated the removal would occur within | 51.707500 | 51.939999 | 51.279999 | 49.827774 | 74172800 | -1 | 1. **Legal Dispute**: Spotify and Indian record label Saregama are involved in a legal dispute.\n 2. **Spotify**: Agrees to remove all songs from Saregama from its streaming app.\n 3. **Saregama**: Files a petition in Delhi High Court seeking an injunction against Spotify.\n 4. **Delhi High Court**: Presides over the legal dispute between Spotify and Saregama.\n 5. **Injunction**: Saregama seeks to stop Spotify from streaming their songs.\n 6. **Removal of Songs**: Spotify agrees to remove all Saregama songs from its app.\n\n | negative_event | ||
336 | 2019-04-26 | Sony, the Japanese technology giant, announced a sharper than expected drop in annual profit due to a slower gaming business with the PlayStation 4 console nearing the end of its life. The company warned of significant changes to the operating environment and withdrew earnings goals for individual businesses. Gaming profits are expected to decrease due to costs for developing a | 51.224998 | 51.250000 | 50.529999 | 49.589897 | 74596400 | 0 | 1. Company: Sony (Japanese technology giant)\n 2. Industry: Technology\n 3. Topic 1: Profit drop for Sony\n - Keywords: Sharper than expected, Annual profit, Decrease\n 4. Topic 2: End of life for PlayStation 4 console\n - Keywords: PlayStation 4, Console, Nearing end\n 5. Topic 3: Slower gaming business for Sony\n - Keywords: Gaming business, Slower\n 6. Topic 4: Significant changes to operating environment\n - Keywords: Operating environment, Changes\n 7. Topic 5: Withdrawn | neutral_event | ||
337 | 2019-04-29 | Spotify reported better-than-expected Q1 revenue growth, reaching 100 million paid subscribers despite increasing competition from Apple Music, Amazon, and Google. The streaming giant seeks expansion in emerging markets and continues aggressive pricing strategies. The company aims to grow at over 30% per year with 107-11 | 51.099998 | 51.492500 | 50.965000 | 49.665138 | 88818800 | 1 | 1. Subjects/Entities: Spotify, Q1 revenue growth, paid subscribers, Apple Music, Amazon, Google, emerging markets, aggressive pricing strategies\n 2. Key Events/Actions: Reported better-than-expected Q1 revenue growth, Reached 100 million paid subscribers, Seeks expansion in emerging markets, Continues aggressive pricing strategies\n 3. Summarized Topics:\n - Spotify's Financial Performance: Better-than-expected Q1 revenue growth and reaching 100 million paid subscribers\n - Competition: Presence of Apple Music, Amazon, and Google in the market\n - Expansion Plans: Focus on emerging markets for | positive_event | ||
338 | 2019-04-29 | The S&P 500 reached a new intraday record high on Monday, fueled by strong consumer spending data and tame inflation. The index, along with the Nasdaq, closed at another record. The bull market's longevity is seen continuing due to hopes of trade deal resolution, upbeat earnings, | 51.099998 | 51.492500 | 50.965000 | 49.665138 | 88818800 | 1 | 1. S&P 500: Reached new intraday record high, fueled by strong consumer spending data and tame inflation.\n 2. Stock Market: S&P 500 and Nasdaq closed at record highs.\n 3. Economy: Consumer spending data indicated strength.\n 4. Inflation: Remained tame.\n 5. Trade Deals: Hopes of resolution continue to support the market.\n 6. Earnings: Upbeat earnings contribute to bull market's longevity.\n\n Summary:\n - S&P 500 and Stock Market reached record highs due to strong consumer spending data | positive_event | ||
339 | 2019-04-29 | This news article reports on Spotify's first quarter financial results. The company exceeded revenue expectations, with revenues growing by 33% to €1.51 billion, driven mainly by paid user subscriptions which accounted for 92% of revenues. Spotify reached a milestone of 100 million paid | 51.099998 | 51.492500 | 50.965000 | 49.665138 | 88818800 | 0 | 1. Company: Spotify\n 2. Financial Results: Q1 2023\n 3. Key Events: Exceeded revenue expectations, Revenues grew by 33% to €1.51 billion, Paid user subscriptions accounted for 92% of revenues, Milestone of 100 million paid users reached.\n 4. Topics:\n - Spotify\n - Financial Results\n - Q1 2023\n - Revenue Growth (33%)\n - Paid User Subscriptions\n - Milestone (100 million paid users) | neutral_event | ||
340 | 2019-04-30 | The Czech Finance Ministry is finalizing plans to impose a digital tax on global internet giants, such as Google, Apple, Facebook, and Amazon, with a rate of 7 percent. This tax will primarily target advertising services and data sales. The tax could generate around 5 billion crowns (219 million USD) annually for the | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | 0 | 1. Czech Finance Ministry: The ministry is finalizing plans to implement a digital tax.\n 2. Digital tax: A proposed tax on global internet giants.\n 3. Global internet giants: Companies such as Google, Apple, Facebook, and Amazon.\n 4. Targeted industries: Advertising services and data sales.\n 5. Tax rate: 7 percent.\n 6. Expected revenue: Around 5 billion crowns (219 million USD) annually.\n\n Summary of topics:\n 1. Czech Finance Ministry and digital tax plans.\n 2. Proposed tax on global internet giants.\n 3. Targeted industries: Advertising services and | neutral_event | ||
341 | 2019-04-30 | In early trading, U.S. stock futures were flat despite mixed economic data from China and Europe, with tech stocks set for a weaker opening due to disappointing earnings reports from Google parent Alphabet and Samsung. Domestic earnings releases from companies like General Electric, Eli Lilly, McDonald's, Pfizer, Merck, Master | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | 0 | 1. U.S. stock futures: Flat trading in the early hours\n 2. Mixed economic data: China and Europe reports\n - No specific topics mentioned, assume economic data is the topic\n 3. Tech stocks: Weaker opening due to disappointing earnings\n - Tech companies, specifically Alphabet (Google) and Samsung\n 4. Disappointing earnings reports: From Alphabet (Google) and Samsung\n 5. Domestic earnings releases: General Electric, Eli Lilly, McDonald's, Pfizer, Merck, Mastercard\n\nTopics:\n1. U.S. stock futures trading\n2. Mixed economic data from China and Europe\n3. Tech | neutral_event | ||
342 | 2019-04-30 | Foxconn's Chairman, Gou, is traveling to the United States on Tuesday for a White House meeting believed to be related to an investment in Wisconsin. The company remains committed to its contract to build a display plant and tech research facilities despite reports of reconsidering plans for advanced liquid crystal display panels due to hiring mostly engineers and researchers instead | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | 0 | 1. Topic 1: Foxconn's Chairman, Gou\n 2. Topic 2: White House meeting\n 3. Topic 3: Investment in Wisconsin\n 4. Topic 4: Contract to build a display plant and tech research facilities\n 5. Topic 5: Reconsidering plans for advanced liquid crystal display panels\n 6. Keywords: Foxconn, Chairman Gou, White House meeting, Wisconsin investment, Display plant, Tech research facilities, Liquid crystal display panels, Contract, Reconsidering plans.\n\nSummary:\nFoxconn's Chairman, Gou, is traveling to the United States for a White House meeting regarding an | neutral_event | ||
343 | 2019-04-30 | In mixed trading on Wall Street, disappointing earnings from Google pressured tech stocks, while positive numbers from Dow components supported bulls. The Dow Jones rose 0.1%, S&P 500 fell 0.2%, and Nasdaq Composite dropped 0.5%. Google parent Alphabet reported its slowest revenue | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | 0 | 1. Topics: Tech Stocks, Wall Street Trading, Google (Alphabet), Earnings, Dow Jones, S&P 500, Nasdaq Composite\n 2. Summaries:\n a. Tech Stocks: Disappointing earnings from Google led to pressure on tech stocks in mixed trading on Wall Street.\n b. Wall Street Trading: Mixed trading occurred on Wall Street as tech stocks were pressured but Dow components supported the bulls.\n c. Google (Alphabet): The company reported its slowest revenue growth, putting pressure on tech stocks.\n d. Earnings: Disappointing earnings from Google negatively impacted the market.\n | neutral_event | ||
344 | 2019-04-30 | Media mogul Oprah Winfrey, known for influencing millions with her opinions on diets and books, is considering which Democratic presidential candidate to endorse in 2020. She told the Hollywood Reporter she's "quietly figuring out where I'm going to use my voice" and will make a clear announcement | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 | Topic 1:\n Oprah Winfrey's potential endorsement for Democratic presidential candidate (2020)\n\n Keywords: Oprah Winfrey, Democratic presidential candidate, endorsement, 2020. | negative_event | ||
345 | 2019-04-30 | European shares fell on Tuesday, with banks underperforming amid a decline in China's manufacturing activity and awaiting euro zone economic growth numbers. The pan-European STOXX 600 index dropped 0.7% while major indices fell except London's FTSE 100. Danske Bank plunged | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 | 1. Topic 1: European Shares / Stock Markets\n - Keywords: European shares, pan-European STOXX 600 index, major indices, dropped\n\n 2. Topic 2: Banks\n - Keywords: banks, underperforming\n\n 3. Topic 3: China's Manufacturing Activity\n - Keywords: decline in China's manufacturing activity\n\n 4. Topic 4: Euro Zone Economic Growth Numbers\n - Keywords: awaiting euro zone economic growth numbers\n\n 5. Topic 5: Danske Bank\n - Keywords: Danske Bank, plunged\n | negative_event | ||
346 | 2019-04-30 | This article reports that the S&P 500 reached another record high close on Tuesday, marking its best four-month stretch since late 2010. Apple's strong quarterly results and positive earnings forecast helped ease concerns about the bull run's sustainability, despite a revenue miss from Google parent Alphabet. The | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 | 1. S&P 500: Reached record high close on Tuesday, best four-month stretch since late 2010.\n 2. Stock Market: S&P 500 setting new records.\n 3. Apple: Strong quarterly results and positive earnings forecast.\n 4. Tech Companies: Apple's performance, Google parent Alphabet missed revenue expectations.\n 5. Economy: Bull run sustainability concerns eased.\n\n Summary:\n 1. S&P 500 sets new records in the stock market.\n 2. Apple reports strong financial performance and positive earnings forecast.\n 3. Tech companies' financial results impact the economy. | negative_event | ||
347 | 2019-04-30 | The Federal Reserve is anticipated to keep interest rates unchanged in their upcoming meeting, with a likelihood of a rate cut expected later this year. The Fed Chairman's press conference may provide significant market impact as investors seek insights on economic growth and inflation. Apple's earnings report exceeded expectations, leading to a post-market surge in shares, while | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | -1 | 1. Federal Reserve: anticipated to keep interest rates unchanged, likelihood of rate cut expected later this year\n 2. Apple: earnings report exceeded expectations, post-market surge in shares.\n\n Summary:\n 1. Federal Reserve: interest rates (unchanged, potential rate cut)\n 2. Apple: earnings report (exceeded expectations), shares (post-market surge). | negative_event | ||
348 | 2019-04-30 | In the first quarter, South Korea's Samsung Electronics reported its weakest profit in over two years due to falls in chip prices and slowing demand for display panels. The tech giant expects improved results in the second half of 2019, driven by a pickup in memory chip and smartphone sales. However, memory chip | 50.764999 | 50.849998 | 49.777500 | 48.708790 | 186139600 | 0 | 1. Topic: Samsung Electronics\n Summary: South Korean tech company reported weakest profit in over two years due to falls in chip prices and slowing demand for display panels. Expects improved results in H2 2019 from memory chip and smartphone sales.\n\n 2. Topic: Samsung Electronics Profit\n Summary: Weakest profit reported by Samsung Electronics in over two years due to decreased chip prices and reduced demand for display panels.\n\n 3. Topic: Chip Prices\n Summary: Decline in chip prices negatively impacted Samsung Electronics' profits.\n\n 4. Topic: Display Panels\n Summary | neutral_event |
Top 3 Positive Events for the week:
- Extracting the top 3 positive events sorting the Volume data from highest to lowest and selecting the top 3 for the week
# Using dataframe mistral_processed_data_copy: Take the "Key Events", "Date", "positive", "Close", "Volume" when the following conditions are met: 1. While the Label = 1 and when the High has the three highest values in a week. and copy them on a new dataframe.
# Import necessary libraries
import pandas as pd
# Create a new dataframe to store the results
pos_df = pd.DataFrame(columns=['Date', 'Key Events', 'positive', 'Close', 'Volume'])
# Group the data by week
weekly_data = mistral_processed_data_copy.groupby(pd.Grouper(key='Date', freq='W'))
# Iterate over each week's data
for week, data in weekly_data:
# Filter for label = 1
data_label1 = data[data['Label'] == 1]
# Sort by High in descending order and take the top three
top3high = data_label1.sort_values('High', ascending=False).head(3)
# Append the selected data to the new dataframe
pos_df = pd.concat([pos_df, top3high[['Key Events', 'Date', 'positive', 'Close', 'Volume']]])
# Display the new dataframe
pos_df
Date | Key Events | positive | Close | Volume | |
---|---|---|---|---|---|
47 | 2019-01-04 | 1. Trade war talks between Beijing and Washing... | positive_event | 46.419842 | 111448000 |
51 | 2019-01-04 | 1. US-China Trade Talks: Positive developments... | positive_event | 46.419842 | 111448000 |
16 | 2019-01-03 | 1. Global Economic Slowdown: Rise in gold pric... | positive_event | 42.470604 | 103544800 |
79 | 2019-01-11 | 1. Green Dot (GDOT) - A bank holding company w... | positive_event | 62.571354 | 151125200 |
74 | 2019-01-10 | Topic 1:\n - JD.com\n - Price reduct... | positive_event | 54.932766 | 139223200 |
65 | 2019-01-08 | 1. Topic 1: U.S-China Trade Talks\n - ... | positive_event | 50.787209 | 216071600 |
109 | 2019-01-18 | 1. Topics:\n - U.S. and China trade ne... | positive_event | 37.902481 | 135004000 |
93 | 2019-01-15 | 1. Topics:\n a. U.S stocks rise\n ... | positive_event | 36.996128 | 114843600 |
96 | 2019-01-15 | 1. Topic 1: Record-breaking online sales durin... | positive_event | 36.996128 | 114843600 |
132 | 2019-01-25 | 1. Topic: Indian Cellular and Electronics Asso... | positive_event | 38.129673 | 134142000 |
115 | 2019-01-22 | 1. Huawei: A Chinese tech company expanding it... | positive_event | 37.051727 | 121576000 |
117 | 2019-01-22 | 1. Topic: Amazon's expansion in Brazil\n ... | positive_event | 37.051727 | 121576000 |
153 | 2019-01-30 | 1. Topics:\n a. European stocks\n ... | positive_event | 39.939968 | 244439200 |
167 | 2019-02-01 | Topic 1:\n - Foxconn Technology\n - ... | positive_event | 38.168350 | 148158800 |
141 | 2019-01-29 | 1. Company: Corning\n 2. Industry: Phone ... | positive_event | 37.385262 | 166348800 |
176 | 2019-02-05 | 1. European shares: This headline is about the... | positive_event | 50.767143 | 127985200 |
179 | 2019-02-05 | 1. Wall Street Rally: Tech and consumer discre... | positive_event | 50.767143 | 127985200 |
183 | 2019-02-08 | Topic 1:\n ------------------\n Comp... | positive_event | 49.712643 | 163448400 |
185 | 2019-02-12 | 1. Akamai Technologies: This company is the su... | positive_event | 64.805229 | 94487200 |
191 | 2019-02-13 | 1. Apple\n 2. Streaming television servic... | positive_event | 41.307930 | 89960800 |
200 | 2019-02-15 | Topic 1:\n ------------------\n NVID... | positive_event | 41.366173 | 98507200 |
204 | 2019-02-20 | 1. Topic 1: Garmin's Fourth Quarter Earnings a... | positive_event | 41.756977 | 104457600 |
208 | 2019-02-22 | Topic 1:\n Apple's collaboration with Ant... | positive_event | 41.985130 | 75652800 |
207 | 2019-02-21 | 1. Partnership between Goldman Sachs and Apple... | positive_event | 41.521526 | 68998800 |
210 | 2019-02-25 | Topic 1:\n - Trade talks between China a... | positive_event | 42.290981 | 87493600 |
212 | 2019-02-25 | 1. Topic: Huawei\n Summary: Chinese te... | positive_event | 42.290981 | 87493600 |
215 | 2019-02-25 | 1. Topic: Huawei\n Summary: Chinese te... | positive_event | 42.290981 | 87493600 |
222 | 2019-03-06 | Topic 1:\n IBM and Apple CEOs Attend Whit... | positive_event | 42.227238 | 161584400 |
240 | 2019-03-15 | 1. Topics: U.S.-China trade talks, stocks, tec... | positive_event | 45.177055 | 156171600 |
241 | 2019-03-15 | Topic 1:\n Compensation for Greg Abel and... | positive_event | 45.177055 | 156171600 |
238 | 2019-03-14 | Topic 1:\n Apple's new television adverti... | positive_event | 44.596924 | 94318000 |
261 | 2019-03-22 | 1. Topics:\n - Donald Trump\n ... | positive_event | 46.373718 | 169630800 |
259 | 2019-03-21 | 1. Topics: Tech stocks, Apple Inc., market ral... | positive_event | 47.354347 | 204136800 |
252 | 2019-03-19 | 1. Samsung Electronics: This topic refers to t... | positive_event | 45.276569 | 126585600 |
274 | 2019-03-26 | 1. Tesla: Increase in Tesla's stock price (8.1... | positive_event | 45.339684 | 199202000 |
267 | 2019-03-25 | 1. Subjects/Entities: U.S. stock market, Consu... | positive_event | 45.813015 | 175381200 |
268 | 2019-03-25 | 1. Apple Inc.: The tech company held a high-pr... | positive_event | 45.813015 | 175381200 |
295 | 2019-04-04 | Topic 1:\n EU antitrust regulators and t... | positive_event | 47.499989 | 76457200 |
290 | 2019-04-03 | 1. Apple: A tech company that is set to receiv... | positive_event | 42.684212 | 109744800 |
303 | 2019-04-11 | Topic 1:\n Apple increasing number of cle... | positive_event | 62.982265 | 103272000 |
299 | 2019-04-10 | 1. Topic 1: Oprah Winfrey and Prince Harry Par... | positive_event | 55.524677 | 138478800 |
301 | 2019-04-10 | 1. Delta Airlines: Q1 earnings exceeded expect... | positive_event | 55.524677 | 138478800 |
322 | 2019-04-18 | 1. Topic: Apple's Material Recovery Lab in Aus... | positive_event | 49.483093 | 96783200 |
323 | 2019-04-18 | Topic 1:\n Google (Alphabet)\n \n ... | positive_event | 49.483093 | 96783200 |
310 | 2019-04-17 | Topic 1:\n ------------------\n Comp... | positive_event | 49.305897 | 115627200 |
331 | 2019-04-24 | 1. Topics: Silicon Valley ethicists, Center fo... | positive_event | 50.284119 | 70162400 |
328 | 2019-04-23 | 1. Topic 1: Chinese tech giant Tencent Holding... | positive_event | 50.361782 | 93292000 |
337 | 2019-04-29 | 1. Subjects/Entities: Spotify, Q1 revenue grow... | positive_event | 49.665138 | 88818800 |
338 | 2019-04-29 | 1. S&P 500: Reached new intraday record high, ... | positive_event | 49.665138 | 88818800 |
Top 3 Negative Negative Events per week
- Extracting the top 3 negative events sorting the Volume data from highest to lowest and selecting the bottom 3 for the week
# Take the "Key Events", "Date", "negative", "Close", "Volume" when the following conditions are met: 1. While the Label = -1 and when the High has the three lowest values in a week. and copy them on a new dataframe.
# Create a new dataframe to store the results
neg_df = pd.DataFrame(columns=['Date','Key Events', 'negative', 'Close', 'Volume'])
# Group the data by week
weekly_data = mistral_processed_data_copy.groupby(pd.Grouper(key='Date', freq='W'))
# Iterate over each week's data
for week, data in weekly_data:
# Filter for label = -1
data_label_minus1 = data[data['Label'] == -1]
# Sort by High in ascending order and take the bottom three
bottom3_high = data_label_minus1.nsmallest(3, 'High')
# Append the selected data to the new dataframe
neg_df = pd.concat([neg_df, bottom3_high[['Key Events', 'Date', 'negative', 'Close', 'Volume']]])
# Display the new dataframe
neg_df
Date | Key Events | negative | Close | Volume | |
---|---|---|---|---|---|
0 | 2019-01-02 | Topic 1:\n Apple's Q1 revenue warning lea... | negative_event | 40.246914 | 130672400 |
1 | 2019-01-02 | Topic 1:\n Apple - Lowered fiscal Q1 reve... | negative_event | 40.246914 | 130672400 |
2 | 2019-01-02 | 1. Topic 1: Apple Inc.\n - Keywords: A... | negative_event | 40.246914 | 130672400 |
62 | 2019-01-08 | 1. US Economy: Some economists suggest the US ... | negative_event | 50.787209 | 216071600 |
69 | 2019-01-08 | 1. Topic 1: Roku's Stock\n * Event: Dr... | negative_event | 50.787209 | 216071600 |
76 | 2019-01-10 | 1. Federal Reserve\n 2. Jerome Powell\n ... | negative_event | 54.932766 | 139223200 |
83 | 2019-01-14 | 1. Topic: Global Economic Slowdown\n -... | negative_event | 36.254131 | 129756800 |
84 | 2019-01-14 | 1. Topic: Chinese Trade Data\n Summary... | negative_event | 36.254131 | 129756800 |
87 | 2019-01-14 | 1. Topic 1: U.S. Stocks (Overall)\n - ... | negative_event | 36.254131 | 129756800 |
123 | 2019-01-23 | 1. Company: Texas Inquiries\n 2. Earnings... | negative_event | 37.201569 | 92522400 |
112 | 2019-01-22 | 1. Topic 1: Swiss National Bank (SNB)\n 2... | negative_event | 37.051727 | 121576000 |
113 | 2019-01-22 | 1. Stock Markets: The Dow, S&P 500, and Nasdaq... | negative_event | 37.051727 | 121576000 |
133 | 2019-01-28 | 1. Company: Caterpillar Inc\n 2. Industry... | negative_event | 37.776810 | 104768400 |
136 | 2019-01-28 | 1. Topic 1: China's smartphone market\n ... | negative_event | 37.776810 | 104768400 |
137 | 2019-01-29 | 1. Topic 1: Gold Prices\n - Keywords: ... | negative_event | 37.385262 | 166348800 |
181 | 2019-02-07 | 1. Apple: The tech company in question.\n ... | negative_event | 49.398319 | 67740800 |
182 | 2019-02-08 | 1. Subjects: S&P 500 companies, analysts, Refi... | negative_event | 49.712643 | 163448400 |
173 | 2019-02-05 | 1. Topic 1: Apple and Angela Ahrendts\n ... | negative_event | 50.767143 | 127985200 |
197 | 2019-02-14 | 1. Q4 2018: Prominent hedge funds selling Chin... | negative_event | 41.458420 | 87342800 |
190 | 2019-02-13 | 1. Trump administration\n 2. New advisory... | negative_event | 41.307930 | 89960800 |
194 | 2019-02-13 | Topic 1:\n Apple's self-driving car testi... | negative_event | 41.307930 | 89960800 |
209 | 2019-02-22 | 1. Event 1: Kraft Heinz Earnings Disappointmen... | negative_event | 41.985130 | 75652800 |
217 | 2019-02-27 | 1. Company: Apple\n 2. Project: Project T... | negative_event | 42.446327 | 111341600 |
216 | 2019-02-26 | Topic 1:\n Company: AAC Technologies Hold... | negative_event | 42.315266 | 68280800 |
223 | 2019-03-06 | 1. Auto sector performance\n 2. Weak resu... | negative_event | 42.227238 | 161584400 |
224 | 2019-03-06 | 1. Tesla: The electric vehicle company experie... | negative_event | 42.227238 | 161584400 |
226 | 2019-03-06 | Topic 1:\n - Chinese online retailers (Su... | negative_event | 42.227238 | 161584400 |
234 | 2019-03-14 | 1. EU's Competition Commissioner Margrethe Ves... | negative_event | 44.596924 | 94318000 |
239 | 2019-03-14 | 1. S&P 500 and Nasdaq Composite market decline... | negative_event | 44.596924 | 94318000 |
245 | 2019-03-18 | 1. Event: Facebook's stock price drop\n 2... | negative_event | 45.638241 | 104879200 |
253 | 2019-03-20 | 1. Subjects/Entities: Apple, AirPods, updated ... | negative_event | 45.672226 | 124140800 |
255 | 2019-03-21 | 1. Apple's stock price: Increased by 4.01 to t... | negative_event | 47.354347 | 204136800 |
282 | 2019-03-28 | Topic 1:\n Company: Sony Corp\n Even... | negative_event | 45.808159 | 83121600 |
279 | 2019-03-27 | 1. Topics:\n - S&P 500\n - Dow... | negative_event | 45.747482 | 119393600 |
284 | 2019-03-29 | 1. Daimler (German carmaker)\n 2. Nokia (... | negative_event | 46.106716 | 94256000 |
289 | 2019-04-02 | 1. US markets: Flat performance of Dow, S&P 50... | negative_event | 41.390125 | 125982000 |
296 | 2019-04-04 | 1. Sara Bareilles (singer-songwriter)\n 2... | negative_event | 47.499989 | 76457200 |
304 | 2019-04-12 | 1. Topic: Japanese Display Company\n 2. E... | negative_event | 64.211540 | 67181600 |
306 | 2019-04-15 | 1. Amazon: The e-commerce giant is reportedly ... | negative_event | 48.359261 | 70146400 |
314 | 2019-04-17 | Topic 1:\n Apple Inc.\n Keywords: se... | negative_event | 49.305897 | 115627200 |
315 | 2019-04-17 | 1. Topic 1: Facebook developing voice assistan... | negative_event | 49.305897 | 115627200 |
326 | 2019-04-22 | 1. Samsung Electronics\n 2. New Galaxy Fo... | negative_event | 49.645725 | 77758000 |
329 | 2019-04-23 | Topic 1:\n India's ban on Chinese video a... | negative_event | 50.361782 | 93292000 |
335 | 2019-04-25 | 1. **Legal Dispute**: Spotify and Indian recor... | negative_event | 49.827774 | 74172800 |
344 | 2019-04-30 | Topic 1:\n Oprah Winfrey's potential endo... | negative_event | 48.708790 | 186139600 |
345 | 2019-04-30 | 1. Topic 1: European Shares / Stock Markets\n ... | negative_event | 48.708790 | 186139600 |
346 | 2019-04-30 | 1. S&P 500: Reached record high close on Tuesd... | negative_event | 48.708790 | 186139600 |
Preparing the Mistral processed data for easier reviewing of both Positive and Negative events¶
Let's cleanup the output and make it interactive:
- End User enters a date to identify the Top 3 Positive or Negative Events and Reviews the Volume and Stock Closing.
import pandas as pd
# Set display options to show full contents
pd.set_option('display.max_columns', None)
pd.set_option('display.max_rows', None)
pd.set_option('display.max_colwidth', None)
pd.set_option('display.width', None)
pd.set_option('display.expand_frame_repr', False)
def format_key_events(events):
"""
Format key events string to display each event on a new line
with 'Summary' highlighted in bold yellow
"""
if pd.isna(events):
return ''
# Split events by semicolon
events_list = events.split(';')
formatted_events = []
# Process each event
for i, event in enumerate(events_list):
if event.strip():
# Highlight the word "Summary" in bold yellow
formatted_event = event.replace('Summary', '\033[1;33mSummary\033[0m')
formatted_events.append(f"{i+1}. {formatted_event.strip()}")
return '\n'.join(formatted_events)
def display_data_for_date(date_str):
"""
Displays events from both positive and negative DataFrames for a given date.
Args:
date_str: The date string to search for (format should match your DataFrame).
"""
try:
date_obj = pd.to_datetime(date_str)
# Find matching rows in both DataFrames
pos_matching = pos_df[pos_df['Date'] == date_obj]
neg_matching = neg_df[neg_df['Date'] == date_obj]
if pos_matching.empty and neg_matching.empty:
print(f"No data found for {date_str} in either DataFrame")
return
print(f"\033[34m\n Summary of the News for {date_str} for the top 3 Negative or Positive Events processed by our Mistral Model:")
print("="* 110)
# Display positive events if they exist
if not pos_matching.empty:
print(f"\033[1;32m\nPOSITIVE EVENTS:\033[0m") # Green color for positive
for idx, row in pos_matching.iterrows():
print(f"\nDate: {row['Date'].strftime('%Y-%m-%d')}")
print(f"Close: {row['Close']}")
print(f"Volume: {row['Volume']}")
print(f"Event Type: {row['positive']}")
print("\nKey Events:")
print(format_key_events(row['Key Events']))
print("-" * 80)
# Display negative events if they exist
if not neg_matching.empty:
print(f"\033[1;31m\nNEGATIVE EVENTS:\033[0m") # Red color for negative
for idx, row in neg_matching.iterrows():
print(f"\nDate: {row['Date'].strftime('%Y-%m-%d')}")
print(f"Close: {row['Close']}")
print(f"Volume: {row['Volume']}")
print(f"Event Type: {row['negative']}")
print("\nKey Events:")
print(format_key_events(row['Key Events']))
print("-" * 80)
except ValueError:
print(f"Invalid date format: {date_str}. Please use a valid date format.")
except Exception as e:
print(f"An error occurred: {e}")
# Get user input
user_date = input("Enter a date (YYYY-MM-DD format): ")
# Display data
display_data_for_date(user_date)
Enter a date (YYYY-MM-DD format): 2019-01-22 Summary of the News for 2019-01-22 for the top 3 Negative or Positive Events processed by our Mistral Model: ============================================================================================================== POSITIVE EVENTS: Date: 2019-01-22 Close: 37.051727 Volume: 121576000 Event Type: positive_event Key Events: 1. 1. Huawei: A Chinese tech company expanding its presence in Europe. 2. Europe: A continent where Huawei is increasing its market share. 3. New Honor View20 smartphone: The specific product being launched by Huawei. 4. Advanced camera features: Innovative technology offered by the new phone. 5. Lower price point: Competitive pricing strategy compared to Samsung and Apple. 6. Samsung and Apple: Rival tech companies in the smartphone market. Summary: 1. Huawei's European expansion with the launch of the new Honor View20 smartphone. 2. Advanced camera features and competitive pricing for the -------------------------------------------------------------------------------- Date: 2019-01-22 Close: 37.051727 Volume: 121576000 Event Type: positive_event Key Events: 1. 1. Topic: Amazon's expansion in Brazil - Key events: Launching direct fulfillment and delivery network, selling merchandise from over 800 suppliers - Relevant keywords: Amazon, Brazil, expansion, direct fulfillment, delivery network, merchandise, suppliers 2. Topic: Amazon's challenges in Brazil - Key events: Facing complications from tax system and logistics - Relevant keywords: Amazon, Brazil, challenges, tax system, logistics 3. Topic: Amazon's partnership with L'Oreal and Black & Decker - Key events: Selling merchandise from these suppliers - -------------------------------------------------------------------------------- NEGATIVE EVENTS: Date: 2019-01-22 Close: 37.051727 Volume: 121576000 Event Type: negative_event Key Events: 1. 1. Topic 1: Swiss National Bank (SNB) 2. Topic 2: Andrea Maechler (SNB governor) 3. Topic 3: Negative interest rates 4. Topic 4: Foreign currency market intervention 5. Topic 5: Strong Swiss franc 6. Topic 6: Deflation 7. Topic 7: Price stability 8. Event: SNB governor's statement 9. Summary: The Swiss National Bank, under the leadership of its governor Andrea Maechler, has acknowledged the need for negative interest rates and foreign currency market intervention to prevent a strong Swiss franc from causing -------------------------------------------------------------------------------- Date: 2019-01-22 Close: 37.051727 Volume: 121576000 Event Type: negative_event Key Events: 1. 1. Stock Markets: The Dow, S&P 500, and Nasdaq experienced losses. 2. Trade Talks: Reports of cancellation denied by White House economic adviser Lawrence Kudlow. 3. Global Growth: IMF's bearish outlook. 4. Existing Home Sales: Weak data. Summary: 1. Stock Markets: Significant losses for the Dow, S&P 500, and Nasdaq. 2. Trade Talks: Status uncertain following White House denial of cancellation reports. 3. Global Economy: IMF's pessimistic view on growth --------------------------------------------------------------------------------
# The runtime stopped multiple times and I lost the mistral processed data in memory.
Observations and Comments:
- I'm glad I saved the incrementally model processed data!
- The following steps are required to reload the incrementally saved Mistral processed dataframs via .CSV files.
See commented 3 steps. ++++++++++++++++++++++++++++++++++++
from google.colab import drive
drive.mount('/content/drive')
Mounted at /content/drive
# STEP (#1) Create a dataframe from 'mistral_processed_data.csv'
import pandas as pd
results_df = pd.read_csv('mistral_processed_data.csv')
print(results_df.head())
Date News Open \ 0 2019-01-02 The tech sector experienced a significant dec... 41.740002 1 2019-01-02 Apple lowered its fiscal Q1 revenue guidance ... 41.740002 2 2019-01-02 Apple cut its fiscal first quarter revenue fo... 41.740002 3 2019-01-02 This news article reports that yields on long... 41.740002 4 2019-01-02 Apple's revenue warning led to a decline in U... 41.740002 High Low Close Volume Label \ 0 42.244999 41.482498 40.246914 130672400 -1 1 42.244999 41.482498 40.246914 130672400 -1 2 42.244999 41.482498 40.246914 130672400 -1 3 42.244999 41.482498 40.246914 130672400 -1 4 42.244999 41.482498 40.246914 130672400 -1 Key Events positive negative \ 0 Topic 1:\n Apple's Q1 revenue warning lea... NaN negative_event 1 Topic 1:\n Apple - Lowered fiscal Q1 reve... NaN negative_event 2 1. Topic 1: Apple Inc.\n - Keywords: A... NaN negative_event 3 1. Global Economy: Weak economic data from Chi... NaN negative_event 4 Topic 1:\n Apple's Underperformance in Q1... NaN negative_event neutral 0 NaN 1 NaN 2 NaN 3 NaN 4 NaN
# Extract the datatype info
data_types = results_df.dtypes
data_types
0 | |
---|---|
Date | object |
News | object |
Open | float64 |
High | float64 |
Low | float64 |
Close | float64 |
Volume | int64 |
Label | int64 |
Key Events | object |
positive | object |
negative | object |
neutral | object |
results_df["Date"] = pd.to_datetime(results_df['Date']) # Convert the 'results_df' column to datetime datatype format.
# Extract the datatype info
data_types = results_df.dtypes
data_types
0 | |
---|---|
Date | datetime64[ns] |
News | object |
Open | float64 |
High | float64 |
Low | float64 |
Close | float64 |
Volume | int64 |
Label | int64 |
Key Events | object |
positive | object |
negative | object |
neutral | object |
weekly_grouped_results_df = results_df.groupby(pd.Grouper(key='Date', freq='W')) # Group the results_df by week using the 'Date' column.
+++++++++++++++++++++++++++++++++++++++++++ end of saved filed processing and reload to memory.
# View some random rows grouped weekly using this dataframe named weekly_grouped_results_df to ensure we can continue where we left off...insanity with runtime stopping.
# Use saved weekly_grouped_results_df
import random
def view_random_weekly_rows(grouped_df, num_weeks=3):
"""
Views random rows from a weekly grouped DataFrame.
Args:
grouped_df: The grouped DataFrame (weekly_grouped_results_df).
num_weeks: The number of weeks to sample.
"""
available_weeks = list(grouped_df.groups.keys())
if len(available_weeks) < num_weeks:
print(f"Warning: Only {len(available_weeks)} weeks available. Sampling all available weeks.")
sampled_weeks = available_weeks
else:
sampled_weeks = random.sample(available_weeks, num_weeks)
for week in sampled_weeks:
print(f"\nWeek of {week.strftime('%Y-%m-%d')}:")
week_data = grouped_df.get_group(week)
print(week_data.sample(n=min(5, len(week_data)))) # Print up to 5 random rows per week
view_random_weekly_rows(weekly_grouped_results_df)
Week of 2019-03-24: Date News Open \ 258 2019-03-21 Tesla has filed a lawsuit against a former en... 47.505001 256 2019-03-21 IOTA's partnership with payments and banking s... 47.505001 257 2019-03-21 Zeux, an FCA-regulated payments app, announce... 47.505001 253 2019-03-20 Apple introduced updated AirPods headphones o... 46.557499 255 2019-03-21 Apple's stock price increased by 4.01 to trad... 47.505001 High Low Close Volume Label \ 258 49.082500 47.452499 47.354347 204136800 0 256 49.082500 47.452499 47.354347 204136800 -1 257 49.082500 47.452499 47.354347 204136800 0 253 47.372501 46.182499 45.672226 124140800 -1 255 49.082500 47.452499 47.354347 204136800 -1 Key Events positive \ 258 1. Topic 1: Tesla (Company)\n 2. Topic 2:... NaN 256 Topic 1:\n IOTA's partnership with paymen... NaN 257 Topic 1:\n ------------------\n Zeux... NaN 253 1. Subjects/Entities: Apple, AirPods, updated ... NaN 255 1. Apple's stock price: Increased by 4.01 to t... NaN negative neutral 258 NaN neutral_event 256 negative_event NaN 257 NaN neutral_event 253 negative_event NaN 255 negative_event NaN Week of 2019-04-28: Date News Open \ 331 2019-04-24 Silicon Valley ethicists Tristan Harris and A... 51.840000 325 2019-04-22 Taiwan's export orders continued to decline f... 50.707500 326 2019-04-22 Samsung Electronics has delayed the retail la... 50.707500 336 2019-04-26 Sony, the Japanese technology giant, announce... 51.224998 334 2019-04-24 Wall Street experienced muted trading on Wedn... 51.840000 High Low Close Volume Label \ 331 52.119999 51.762501 50.284119 70162400 1 325 51.235001 50.584999 49.645725 77758000 0 326 51.235001 50.584999 49.645725 77758000 -1 336 51.250000 50.529999 49.589897 74596400 0 334 52.119999 51.762501 50.284119 70162400 0 Key Events positive \ 331 1. Topics: Silicon Valley ethicists, Center fo... positive_event 325 1. Topic: Taiwan's Export Orders\n - K... NaN 326 1. Samsung Electronics\n 2. New Galaxy Fo... NaN 336 1. Company: Sony (Japanese technology giant)\n... NaN 334 Topic 1:\n - Wall Street trading\n -... NaN negative neutral 331 NaN NaN 325 NaN neutral_event 326 negative_event NaN 336 NaN neutral_event 334 NaN neutral_event Week of 2019-02-24: Date News Open \ 202 2019-02-19 This news article discusses progress towards ... 42.427502 207 2019-02-21 Goldman Sachs is partnering with Apple to lau... 42.950001 204 2019-02-20 Garmin reported stronger-than-expected fourth... 42.797501 203 2019-02-20 WhatsApp, owned by Facebook, has acknowledged... 42.797501 209 2019-02-22 Kraft Heinz suffered a significant loss in pr... 42.895000 High Low Close Volume Label \ 202 42.860001 42.372501 41.489967 75891200 1 207 43.092499 42.575001 41.521526 68998800 1 204 43.330002 42.747501 41.756977 104457600 1 203 43.330002 42.747501 41.756977 104457600 0 209 43.250000 42.845001 41.985130 75652800 -1 Key Events positive \ 202 1. Gender equality in Hollywood\n 2. Fran... positive_event 207 1. Partnership between Goldman Sachs and Apple... positive_event 204 1. Topic 1: Garmin's Fourth Quarter Earnings a... positive_event 203 1. Subjects: WhatsApp, Facebook, iPhone users,... NaN 209 1. Event 1: Kraft Heinz Earnings Disappointmen... NaN negative neutral 202 NaN NaN 207 NaN NaN 204 NaN NaN 203 NaN neutral_event 209 negative_event NaN
# Display all column names in a single line
# Get the first group from the DataFrameGroupBy object to access the columns
first_group = weekly_grouped_results_df.get_group(list(weekly_grouped_results_df.groups.keys())[0])
# Print the column names
print(" | ".join(first_group.columns))
Date | News | Open | High | Low | Close | Volume | Label | Key Events | positive | negative | neutral
# Get the first group from the DataFrameGroupBy object
# first_group = list(weekly_grouped_results_df.groups.keys())[0]
# first_group_df = weekly_grouped_results_df.get_group(first_group)
# Get the second group from the DataFrameGroupBy object
second_group = list(weekly_grouped_results_df.groups.keys())[1]
second_group_df = weekly_grouped_results_df.get_group(second_group)
# Print the column names
# print(" | ".join(second_group_df.columns))
# Print the content of the first row in the second group
print(" | ".join(str(value) for value in second_group_df.iloc[0]))
2019-01-07 00:00:00 | Sprint and Samsung plan to release 5G smartphones in nine U.S. cities this summer, with Atlanta, Chicago, Dallas, Houston, Kansas City, Los Angeles, New York City, Phoenix, and Washington D.C. being the initial locations. Rival Verizon also announced similar plans for the first half of 20 | 50.7925 | 51.122501 | 50.162498 | 49.11079 | 109012000 | 1 | 5G Smartphones Release: Sprint and Samsung to launch in Atlanta, Chicago, Dallas, Houston, Kansas City, Los Angeles, New York City, Phoenix, Washington D.C. this summer. Topics: 1. Sprint 2. Samsung 3. 5G smartphones 4. Release 5. Nine U.S. cities 6. Atlanta 7. Chicago 8. Dallas 9. Houston 10. Kansas City 11. Los Angeles 12. New York City 13. Phoenix 14. Washington D.C. Summary: Sprint | positive_event | nan | nan
# Specify the columns to display and their order (ensure correct case) - - - - - - - - - - - - Art was here before runtime stopped again.
import pandas as pd
columns_to_display = ['Date', 'Key Events', 'positive', 'negative', 'Volume', 'Close']
# Get the first group key
first_group_key = list(weekly_grouped_results_df.groups.keys())[0]
first_group_df = weekly_grouped_results_df.get_group(first_group_key)
# ANSI escape codes for coloring
RED = '\033[91m'
GREEN = '\033[92m'
RESET = '\033[0m'
# Print the column names with prefixes, separated by '||'
print("Example Format:")
print(" \n|| ".join(columns_to_display),"\n")
print("-" * 78) # Print separating line before each row
print("-" * 20, " Summary of News and Impact on Stock", "-" * 20) # Print separating Title before each row
# Print all rows in the group with prefixes for each column
for _, row in first_group_df.iterrows():
formatted_row = []
for col in columns_to_display:
value = row[col]
# Skip coloring if value is NaN
if pd.isna(value):
formatted_row.append(str(value))
elif col == 'positive':
formatted_row.append(f"{GREEN}{value}{RESET}")
elif col == 'negative':
formatted_row.append(f"{RED}{value}{RESET}")
else:
formatted_row.append(str(value))
# Print formatted row
print(" \n|| ".join(f"{col}: {formatted_row[i]}" for i, col in enumerate(columns_to_display)), "\n") # Display content
print("-" * 78) # Print separating line before each row
print("-" * 20, " Summary of News and Impact on Stock", "-" * 20) # Print separating Title before each row
Example Format: Date || Key Events || positive || negative || Volume || Close ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-02 00:00:00 || Key Events: Topic 1: Apple's Q1 revenue warning leads to tech sector decline Keywords: Apple, Q1 revenue warning, tech sector, significant decline, aftermarket Topic 2: Notable suppliers affected by Apple's revised quarterly expectations Keywords: Notable suppliers, Apple, downward revision, quarterly expectations, Skyworks, Broadcom, Lumentum, Qorvo, TSMC, stocks, drop. || positive: nan || negative: negative_event || Volume: 130672400 || Close: 40.246914 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-02 00:00:00 || Key Events: Topic 1: Apple - Lowered fiscal Q1 revenue guidance ($84 billion) due to weaker than expected iPhone sales. Summary: Apple revised its financial projection for the first quarter, reducing the estimated revenue from $89-$93 billion to $84 billion, primarily attributed to decreased iPhone sales. || positive: nan || negative: negative_event || Volume: 130672400 || Close: 40.246914 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-02 00:00:00 || Key Events: 1. Topic 1: Apple Inc. - Keywords: Apple, revenue forecast, fiscal first quarter 2. Topic 2: China - Keywords: weaker demand, China 3. Topic 3: iPhone - Keywords: fewer upgrades, iPhone 4. Topic 4: CEO Tim Cook - Keywords: mentioned, constrained sales 5. Topic 5: Airpods - Keywords: constrained sales 6. Topic 6: Macbooks - Keywords: constrained sales 7. Topic 7: Stock Market - Keywords: Apple's || positive: nan || negative: negative_event || Volume: 130672400 || Close: 40.246914 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-02 00:00:00 || Key Events: 1. Global Economy: Weak economic data from China and Europe causing concern. 2. Long-dated U.S. Treasury securities: Yields hit lowest levels in nearly a year. 3. U.S. Government Shutdown: Partially causing economic uncertainty. Output: ["Global Economy (China, Europe)", "Long-term US Treasury Bonds"] || positive: nan || negative: negative_event || Volume: 130672400 || Close: 40.246914 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-02 00:00:00 || Key Events: Topic 1: Apple's Underperformance in Q1 Keywords: Apple, underperformance, Q1, revenue Summary: Apple reported lower-than-expected revenue for the first quarter, with a forecasted amount of $84 billion compared to analyst expectations of $91.5 billion. Topic 2: Investor Reaction and Market Movements Keywords: investors, risk aversion, markets, USD JPY pair, Japanese yen Summary: Investors reacted to Apple's underperformance by seeking safety in the highly liquid Japanese yen, leading to a decline in the USD JPY pair || positive: nan || negative: negative_event || Volume: 130672400 || Close: 40.246914 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-02 00:00:00 || Key Events: 1. Topic: Apple Q1 Earnings Warning - Keywords: Apple, Q1 earnings, warning - Summary: Apple CEO Tim Cook discussed the company's Q1 financial performance on CNBC, mentioning US-China trade tensions as a contributing factor. 2. Topic: US-China Trade Tensions - Keywords: US, China, trade tensions - Summary: The ongoing trade dispute between the United States and China was identified by Apple CEO Tim Cook as having an impact on the company's Q1 earnings. 3. Topic: Apple Services Revenue - Keywords: Apple, services revenue, Q || positive: nan || negative: nan || Volume: 130672400 || Close: 40.246914 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-02 00:00:00 || Key Events: 1. Topic: Roku Inc Summary: Roku announces subscription-based premium video channels on The Roku Channel. 2. Topic: The Roku Channel Summary: Roku's free streaming service to offer premium video channels on a subscription basis. 3. Topic: CBS Corp, Showtime Summary: CBS Corp's Showtime partners with Roku for subscription-based content on The Roku Channel. 4. Topic: Lionsgate, Starz Summary: Lionsgate's Starz also partners with Roku for premium video channels on The Roku Channel. 5. Topic: Vi || positive: positive_event || negative: nan || Volume: 130672400 || Close: 40.246914 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-02 00:00:00 || Key Events: 1. Topic 1: Apple's Revenue Forecast Cut - Keywords: Apple, revenue forecast, shocking - Summary: Apple announced a significant reduction in its revenue expectations due to weak demand in China. 2. Topic 2: Global Economic Slowdown Fears - Keywords: global economic slowdown, fears - Summary: Concerns about a potential global economic slowdown emerged following Apple's announcement and reports of decelerating factory activity in China and the euro zone. 3. Topic 3: Weak Demand in China - Keywords: weak demand, China - Summary: The news highlights the || positive: nan || negative: negative_event || Volume: 130672400 || Close: 40.246914 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-02 00:00:00 || Key Events: Topic 1: Apple's Fiscal First Quarter Revenue - Below estimated range of $89-$93 billion - Attributed to lower iPhone revenue and upgrades - Weakness in emerging markets Topic 2: Tech Giant Apple - Reported revenue below analyst estimates - Lower iPhone sales and upgrades affected the revenue - Emerging markets showed weakness. || positive: nan || negative: negative_event || Volume: 130672400 || Close: 40.246914 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-02 00:00:00 || Key Events: 1. Topic 1: Apple Inc. - Event: Lowered quarterly sales forecast - Keywords: Apple, sales forecast, fiscal first quarter 2. Topic 2: Chinese economy - Event: Slowing economy affecting Apple's performance - Keywords: Chinese economy 3. Topic 3: Trade tensions - Event: Impacting Apple's sales and causing concern for suppliers - Keywords: Trade tensions 4. Topic 4: Analysts' expectations - Event: Underperforming analysts' forecasts - Keywords: Analysts, expectations 5. || positive: nan || negative: negative_event || Volume: 130672400 || Close: 40.246914 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-02 00:00:00 || Key Events: 1. Australian dollar: Experienced significant volatility and plunged to multi-year lows against major currencies. 2. Automated selling: Contributed to the Aussie's decline due to algorithmic trading. 3. Liquidity issues: Limited availability of buyers or sellers in the market affected the Aussie's value. 4. Drought of trades: Insufficient trading activity exacerbated the Aussie's volatility and price drops. 5. Key events: Significant falls in AUD/JPY and AUD/ currency pairs occurred, causing the Australian dollar to reach multi-year lows. Summary of || positive: nan || negative: nan || Volume: 130672400 || Close: 40.246914 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-02 00:00:00 || Key Events: 1. Currencies: Japanese Yen, US Dollar, Australian Dollar 2. Events: Early Asian trading on Thursday, Massive stop loss sales, Apple's earnings warning, Sluggish iPhone sales in China, Risk aversion 3. Keywords: Trading, Japanese Yen, US Dollar, Australian Dollar, Collapsed, Thin Markets, Stop Loss Sales, Apple, Earnings Warning, Sluggish iPhone Sales, China, Risk Aversion 4. Topics: a. Currency Markets: Massive currency fluctuations due to Apple's earnings warning and risk aversion. b. Apple Inc.: Earnings report || positive: nan || negative: negative_event || Volume: 130672400 || Close: 40.246914 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-02 00:00:00 || Key Events: 1. Currency markets: The dollar experienced a decrease from above 109 to 106.67. 2. Apple: Revenue warning led to a decline in the dollar and 10-year Treasury yield. 3. Stock market: US stock index futures declined following Apple's announcement. 4. Interest rates: The 10-year Treasury yield dropped to 2.61%. 5. Money flow: Money moved into US government paper. Summary: - Currency markets: Dollar depreciation - Company: Apple - Industry: Technology - Financial markets: Stock index futures, || positive: nan || negative: negative_event || Volume: 130672400 || Close: 40.246914 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-02 00:00:00 || Key Events: Topic 1: Apple Inc. Summary: RBC Capital maintains a bullish stance on Apple with an Outperform rating and $220 price target, but analyst Amit Daryanani raises concerns over ongoing iPhone demand, which could impact pricing power and segmentation efforts if severe. Topic 2: iPhone Demand Summary: Ongoing concerns exist regarding the demand for iPhones, which could negatively affect Apple's pricing power and segmentation efforts according to analyst Amit Daryanani. Topic 3: Pricing Power Summary: Analyst Amit Daryanani suggests that potential pricing power issues may arise for Apple due to ongoing || positive: nan || negative: nan || Volume: 130672400 || Close: 40.246914 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: Topic 1: Event: Oil prices dropped Subjects: Oil prices, Investor sentiment Keywords: fell, WTI Crude Oil, $45.56, International Brent Oil, $54.26 Summary: A decrease in oil prices occurred on Thursday due to negative investor sentiment and economic instability from China's slowdown and stock market turmoil. Topic 2: Event: China's economic slowdown Subjects: China, Economic slowdown Keywords: affected, investor sentiment Summary: The ongoing economic slowdown in China contributed to the negative impact on investor sentiment, leading to a decrease || positive: nan || negative: negative_event || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Chinese and global economy slowdown: Concerns about a decelerating Chinese and global economy were expressed by investors. 2. Apple's revenue warning: Apple reported lower-than-expected revenue, adding to the economic uncertainty. 3. Japanese yen appreciation: The Japanese yen experienced a significant surge due to these concerns, reaching its largest one-day increase in 20 months. 4. Currency gains versus dollar: The yen saw over 4% gains against the US dollar. 5. Automated trading: The trend was driven by automated trading systems responding to the economic news. Summary of topics: 1. Chinese and global economy slowdown || positive: nan || negative: negative_event || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Global Economic Slowdown: Rise in gold prices due to concerns of a slowing global economy. 2. Stock Market Volatility: Asian stocks declining due to Apple's revenue forecast lowering. 3. Safe Haven Assets: Gold and Japanese yen gaining value as investors seek safety during economic uncertainty. 4. Weakened Factory Activity: Particularly in China, indicated by data showing a decrease in factory activity. || positive: positive_event || negative: nan || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: Topic 1: Global Economic Slowdown Summary: Fears of a global economic slowdown were expressed in financial markets on Thursday, leading to a decline in the US dollar and an increase in the value of the Japanese yen. Topic 2: US Dollar Decline Summary: The US dollar experienced a decline in value on Thursday due to concerns over the global economic climate. Topic 3: Safe Haven Currency (Japanese Yen) Summary: The Japanese yen gained ground as investors sought out safe haven currencies during market uncertainty caused by fears of a global economic slowdown || positive: nan || negative: nan || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: Topic 1: - Long-term US Treasury yields dropping below 2.6% - Investors shifting funds from stocks to bonds Summary: Significant decrease in long-term US Treasury yields, leading investors to move their funds from stocks to bonds. Topic 2: - Apple's warning of decreased revenue - Emerging markets and China's impact on corporate profits Summary: Apple announces decreased revenue due to challenges in emerging markets and China, affecting corporate profits. Topic 3: - White House advisor adding to concerns of earnings down Summary: The White House advisor's || positive: nan || negative: negative_event || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: Topic 1: Gold Prices: Reached highest level since mid-June at $1,291.40 per ounce. Topic 2: Investor Concerns: Driving up gold prices due to economic slowing. Topic 3: Apple's Bearish Revenue Outlook: Contributed to investor concerns and gold price increase. Topic 4: Saxo Bank Analyst Ole Hansen: Predicts gold may reach $1,300 sooner. || positive: nan || negative: nan || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Apple Inc. 2. iPhone sales 3. Potential stagnation or decline 4. Price target reduction (from $275 to $200) 5. Concerns over active iPhones (750 million) 6. Analyst: Daniel Ives (Wedbush Securities) Summary: Apple Inc.'s iPhone sales face potential stagnation or decline, causing analyst Daniel Ives to lower his price target from $275 to $200. Despite this, he maintains a bullish outlook on the company's long-term prospects with 750 million active iPh || positive: nan || negative: negative_event || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Topic 1: Oil Prices - Keywords: oil prices, rebounded, Thursday 2. Topic 2: Dollar Weakness - Keywords: dollar weakness 3. Topic 3: Output Cuts by Saudi Arabia - Keywords: output cuts, Saudi Arabia 4. Topic 4: Signs of Production Reduction - Keywords: signs, production reduction 5. Topic 5: Weaker Fuel Oil Margins - Keywords: weaker fuel oil margins 6. Topic 6: Lower February Prices for Heavier Crude Grades || positive: positive_event || negative: nan || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Topic: Apple's Q1 Revenue Warning - Key Events: Apple issued a warning about lower-than-expected revenue for Q1 2019. - Summary: Apple's financial performance announcement led to stock price drops in several tech companies. 2. Topic: Sesen Bio (SESN) - Key Events: The biotech company experienced a significant decrease in stock price (28%). - Summary: Sesen Bio was affected by the broader market reaction to Apple's revenue warning. 3. Topic: Prana Biotechnology (PRAN) - Key Events: The biotech company || positive: nan || negative: nan || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Topics: Gold prices, Safe-haven assets, Weak stock markets, Slumping dollar, COMEX gold futures 2. Summaries: a. Gold prices approached $1,300 due to investor demand for safe-haven assets caused by weak stock markets and a declining dollar. b. The U.S. stock market experienced a 2% decrease, contributing to the increased interest in gold. c. Apple issued a rare profit warning, further unsettling investors and driving them towards gold as a safer investment option. d. COMEX gold futures settled at an undisclosed price following these events. || positive: nan || negative: nan || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. FDIC Chair Jelena McWilliams: expressing no concern over market volatility, reviewing CAMELS rating system, mentioning forum shopping 2. FDIC Chair: addressing market volatility impact on U.S banking system, initiating CAMELS rating system review, discussing forum shopping concerns 3. Jelena McWilliams: expressing reassurance over banking system stability, leading CAMELS rating system evaluation, raising forum shopping issue 4. Market volatility: affecting U.S banking system, causing concern for FDIC Chair 5. FDIC Chair's reassurance: regarding market volatility impact on U.S || positive: nan || negative: negative_event || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: Topic 1: Apple: The tech company reduced its quarterly revenue forecast for the first time in over 15 years due to weak iPhone sales. Topic 2: Tim Cook: Apple's CEO during this significant downturn. Topic 3: China: A major market for Apple, accounting for around 20% of its revenue, experiencing economic concerns and trade tensions with the US. Topic 4: Weak iPhone sales: The primary reason behind Apple's revenue forecast reduction. Topic 5: Trade tensions between China and the US: Exacerbating broader economic concerns in China, || positive: nan || negative: negative_event || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: Topic 1: Apple Inc. - Price target lowered by Goldman analyst Rod Hall for Apple from $182 to $140 - Revenue estimate for the year reduced by $6 billion - EPS forecast decreased by $1.54 Topic 2: Goldman Sachs - Analyst Rod Hall issued a report on Apple with revised price target and financial estimates Topic 3: Chinese Demand - Uncertainties in Chinese demand identified as potential risk to Apple's 2019 numbers Topic 4: Tech Industry - Implicit mention of the tech industry through reference to Apple, a major || positive: nan || negative: nan || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Delta Air Lines: Lowered fourth-quarter revenue growth forecast to a range of 3% 2. Earnings per share: Expected to be $1.25 to $1.30 3. Slower pace of improvement: Observed in late December 4. Unexpected event: Affected Delta's financial projections for Q4. Summary: Delta Air Lines revised its fourth-quarter revenue growth forecast downward from 3% to 5% to a range of 3%. Earnings per share are now projected to be between $1.25 and $1.30. The company attributed this change to a || positive: nan || negative: nan || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: Topic 1: Apple's profit warning Summary: Apple issued a profit warning that negatively affected the stock market and increased the likelihood of interest rate cuts by the Federal Reserve. || positive: nan || negative: negative_event || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Topics: - White House advisor (Kevin Hassett) - Chinese economic growth - U.S. firm profits - Trade deal between Washington and Beijing - Asian economies - Significant slowdowns - US tariffs 2. Summarized Topics: - White House advisor Kevin Hassett discusses potential negative impact of Chinese economic slowdown on U.S. firm profits, but anticipates recovery post-trade deal. - Asian economies, including China, undergo significant slowdowns due to US tariffs since last spring. || positive: nan || negative: negative_event || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Topic: Trade Negotiations between US and China - Keywords: trade negotiations, US, China - Summary: Ongoing trade discussions between the US and China are causing concerns for potential earnings downgrades among companies, leading to a decline in oil prices. 2. Topic: Oil Prices - Keywords: oil prices, WTI crude, Brent crude - Summary: The price of both WTI crude and Brent crude experienced a decrease due to the trade negotiations between the US and China. || positive: nan || negative: negative_event || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Event: Significant losses for Japanese stocks on the first trading day of 2019 2. Topics: Japanese stocks, Nikkei 225, Topix indices 3. Keywords: losses, significant, Japanese stocks, Nikkei 225, Topix indices 1. Event: Apple's revenue forecast cut due to weak iPhone sales in China 2. Topics: Apple, revenue forecast, weak iPhone sales, China 3. Keywords: Apple, revenue forecast, weak sales, China 1. Event: Global growth concerns triggered by Apple's announcement 2. Topics: Global growth, concerns, Apple || positive: nan || negative: negative_event || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Topic 1: Investor Behavior and Stock Market * Keywords: investors, withdrew, record amount, U.S. stock funds, fears, aggressive monetary policy, economic slowdown, risk reduction * Summary: Investors pulled out a significant amount from U.S. stock funds due to concerns over monetary policy and an economic downturn. 2. Topic 2: S&P 500 Performance * Keywords: S&P 500, fell, 9%, declines * Summary: The S&P 500 experienced a decline of 9% in December. 3. Topic || positive: nan || negative: negative_event || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Apple's Q1 revenue guidance: Apple has revised its expected revenue for the first quarter. 2. Weaker demand in China: Decreased consumer interest in Apple products in China. 3. Estimated paper loss for Berkshire Hathaway: A potential financial loss of $3.8 billion for Berkshire Hathaway due to their investment in Apple. 4. $252 million stake in Apple: The significant amount of money Berkshire Hathaway has invested in Apple. 5. Broad market declines: Widespread decreases in stock prices and values across various markets. Topics: - Apple's Q1 revenue || positive: nan || negative: negative_event || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Acybersecurity researcher named Wish Wu 2. Planned to present at the Black Hat Asia hacking conference 3. Topic: Bypassing Apple's Face ID biometric security 4. Employer: Ant Financial 5. Uses facial recognition technologies including Face ID Summary: A cybersecurity researcher, Wish Wu, intended to discuss bypassing Apple's Face ID security at the Black Hat Asia conference. His employer, Ant Financial, which employs facial recognition technology, requested he withdraw from the presentation. || positive: nan || negative: nan || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. OPEC Production Cuts: Uncertainty due to oil price fluctuations influenced by volatile stock markets. 2. Stock Markets: Apple's lowered revenue forecast and global economic slowdown fears causing declines, affecting oil prices. 3. Oil Prices: WTI and Brent crude saw gains but were checked by stock market declines. 4. Shale Production: Continued impact on the oil market. Output: [1] OPEC Production Cuts: Uncertainty due to volatile stock markets. [2] Stock Markets: Apple's lowered revenue forecast and global economic slowdown causing declines. [3] Oil Prices: || positive: nan || negative: nan || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Topic: Berkshire Hathaway (BH) and its investments 2. Event: Suffered significant losses in the fourth quarter 3. Keywords: Berkshire Hathaway, losses, fourth quarter 4. Topic: Apple Inc. 5. Event: Cut revenue forecast, caused decrease in BH's Class A shares 6. Keywords: Apple, revenue forecast, decreased shares 7. Topic: Unrealized investment losses 8. Event: Potential losses due to Apple's decline 9. Keywords: unrealized investment losses 10. Topic: Berkshire Hathaway Class || positive: nan || negative: nan || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Subjects/Entities: Two-year Treasury note yield, Federal Reserve, effective rate, investors, monetary policy 2. Key Events/Actions: Two-year Treasury note yield drops below Federal Reserve's effective rate for the first time since 2008, Investors believe Fed will not be able to continue tightening monetary policy 3. Relevant Keywords: Two-year Treasury note yield, Federal Reserve, effective rate, investors, monetary policy, drop, yields, decline, U.S., market move, suggest, unable, continue, tightening 4. Summarized Topics: a. Two-year Treasury note yield dropping below Federal || positive: nan || negative: negative_event || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Topic: U.S.-China Trade Talks 2. Summary: The United States and China are set to hold their initial trade negotiations following a 90-day truce in their ongoing trade war. Deputy U.S. Trade Representative Jeffrey Gerrish will head the American delegation during the talks scheduled for January 7 and 8. || positive: positive_event || negative: nan || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Global Economic Slowdown: Investors bought gold due to concerns over a slowing global economy. 2. Uncertainty in the Stock Market: Increased uncertainty in the stock market led investors to buy gold as a safe-haven asset. 3. Potential Fed Rate Hikes: Anticipation of Federal Reserve interest rate hikes also contributed to gold demand. 4. Highest Gold Price since June: The price of gold reached its highest level since June due to these factors. 5. Significant Increases in Gold ETF Holdings: Investors also saw significant increases in gold ETF holdings, further indicating increased demand for the precious metal. 6. Economic || positive: positive_event || negative: nan || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. Delta Air Lines Inc: Aviation industry, Airline company 2. Lower-than-expected fourth quarter unit revenue growth: Financial performance, Revenue growth 3. Weaker than anticipated late bookings: Travel demand, Booking trends 4. Increased competition: Market conditions, Competition 5. Total revenue per available seat mile: Airline industry metric, Revenue growth 6. Expected to rise about 3 percent in the period: Financial forecast, Growth rate 7. Down from its earlier forecast of 3.5 percent growth: Revised expectations, Decrease in growth rate 8. Fuel prices: Energy sector, Cost factor || positive: nan || negative: nan || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-03 00:00:00 || Key Events: 1. **Stocks:** Declines in U.S. stocks on Thursday. Specifically mentioned were the S&P 500, Dow Jones Industrial Average, and Nasdaq Composite. 2. **Market Indices:** Significant drops in these indices: S&P 500 (over 2%), Dow Jones Industrial Average (nearly 3%), and Nasdaq Composite (approximately 3%). 3. **Apple:** Weak revenue warning from this tech company influenced the stock market decline. 4. **Factory Activity:** Indications of slowing U.S. factory activity also contributed to concerns in the stock market. || positive: nan || negative: negative_event || Volume: 103544800 || Close: 42.470604 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-04 00:00:00 || Key Events: 1. Trade talks between China and the US: President Trump expressed optimism, citing China's economic weakness as an advantage. 2. Chinese economy: Weakened demand for Apple iPhones raises concerns about overall health. 3. White House stance: Expected to take a strong position in trade negotiations. In summary: Trade negotiations between the US and China, with focus on the Chinese economy's current state and potential impact on Apple sales. || positive: nan || negative: nan || Volume: 111448000 || Close: 46.419842 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-04 00:00:00 || Key Events: 1. Topic 1: Keywords: Qualcomm, court order, Germany, iPhone models, patent infringement, sale ban Summary: Qualcomm obtained a court order in Germany prohibiting the sale of certain iPhone models due to patent violations. 2. Topic 2: Keywords: Apple, potentially, remove, devices, stores Summary: Apple may withdraw the affected iPhone models from its retail outlets as a result of the court order. 3. Topic 3: Keywords: third-party resellers, Gravis, continue selling Summary: Despite the sale ban, third-party vendors like Gravis persist in offering || positive: nan || negative: nan || Volume: 111448000 || Close: 46.419842 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-04 00:00:00 || Key Events: 1. Topic 1: Oil Prices - Keywords: rose, Asia, WTI, Brent, barrel, gained - Summary: Oil prices increased in Asia on Friday due to positive news regarding US-China trade talks. Both WTI and Brent saw a 0.7% rise, with WTI reaching $47.48 per barrel and Brent hitting $56.38. 2. Topic 2: Trade Talks - Keywords: confirmed, US, China, deputy, Commerce Ministry - Summary: The US and China have confirmed trade talks, leading to a positive impact on oil prices. No further details about the nature or || positive: nan || negative: nan || Volume: 111448000 || Close: 46.419842 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-04 00:00:00 || Key Events: 1. Topic: Gold Prices Summary: Gold prices surged past $1,300 per ounce in Asia due to economic downturn concerns and weak PMI data from China, as well as Apple's reduced sales forecast. 2. Topic: Economic Downturn Concerns Summary: Growing concerns over a potential global economic downturn contributed to the rise in gold prices. 3. Topic: Weak PMI Data (China) Summary: Weak PMI data from China was a significant factor in the surge of gold prices. 4. Topic: Safe Haven Asset Summary: Investors viewed gold as || positive: nan || negative: negative_event || Volume: 111448000 || Close: 46.419842 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-04 00:00:00 || Key Events: 1. Huawei: A Chinese technology company 2. Chen Lifang: Huawei executive 3. Employees: Unnamed individuals working for Huawei 4. New Year greeting: A message wishing a happy new year 5. Official Twitter account: Huawei's social media presence 6. iPhone: Apple's smartphone brand 7. Blunder: An error or mistake causing negative consequences Topics: 1. Huawei: Company faces PR issue due to employee using an iPhone for New Year greeting on official Twitter account. 2. Chen Lifang: Executive reprimands employees for using iPhone instead || positive: nan || negative: nan || Volume: 111448000 || Close: 46.419842 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-04 00:00:00 || Key Events: 1. Trade war talks between Beijing and Washington 2. European stock markets 3. Sectors sensitive to trade war: carmakers, industrials, mining companies, banking 4. Stocks rallied 5. Mining companies led gains 6. Copper price recovery 7. Bayer shares climbed despite potential ruling restriction. || positive: positive_event || negative: nan || Volume: 111448000 || Close: 46.419842 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-04 00:00:00 || Key Events: 1. Amazon: The e-commerce giant 2. Alexa digital assistant: Amazon's voice assistant technology 3. Over 100 million devices sold: Significant sales figure for Alexa-enabled devices 4. The Verge: Source of the information 5. Over 150 products: Number of products with Alexa integration 6. More than 28,000 smart home devices: Extensive range of compatible smart home devices Summary: Amazon's Alexa digital assistant has sold over 100 million devices, according to The Verge. Over 150 products and more than 28,000 smart home || positive: nan || negative: nan || Volume: 111448000 || Close: 46.419842 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-04 00:00:00 || Key Events: Topic 1: Supreme Court Review of Broadcom's Appeal in Emulex Shareholder Lawsuit Summary: The Supreme Court will examine Broadcom's appeal in a shareholder lawsuit concerning the 2015 acquisition of Emulex. This case centers around the question of whether intent to defraud is necessary for such lawsuits, and its outcome may have wider implications beyond the Broadcom suit itself. Topic 2: Emulex Investor Files Class Action Lawsuit against Broadcom Summary: An investor in Emulex initiated a class action lawsuit against Broadcom following the completion of Broadcom's acquisition of Emulex in || positive: nan || negative: negative_event || Volume: 111448000 || Close: 46.419842 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-04 00:00:00 || Key Events: 1. Chinese central bank 2. Fifth reduction in Required Reserve Ratio (RRR) for banks 3. Approximately 116.5 billion yuan freed up for new lending 4. Economic concerns in China 5. Slowing domestic demand 6. U.S. tariffs on exports Topics: - Chinese central bank policy - Required Reserve Ratio (RRR) reduction - New lending and economic stimulus - Concerns about China's economy - Domestic demand slowdown - US tariffs on Chinese exports || positive: nan || negative: nan || Volume: 111448000 || Close: 46.419842 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Date: 2019-01-04 00:00:00 || Key Events: 1. US-China Trade Talks: Positive developments in trade negotiations between the United States and China. 2. Stock Market: The market experienced a significant rebound on Friday. 3. Dow Jones Industrial Average, S&P 500, Nasdaq Composite: Specific stock market indices that showed gains. 4. Rise over 746 points (Dow Jones), better-than-expected jobs report: Significant increases in these economic indicators. 5. Dovish comments from Federal Reserve Chairman Jerome Powell: The Fed Chair's remarks suggested a more accommodative monetary policy stance. Summary of Topics: 1 || positive: positive_event || negative: nan || Volume: 111448000 || Close: 46.419842 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock --------------------
We will now extract the top 3 Positive Events and Negative Events for the week.
import pandas as pd
# Load the data from the CSV file
df = pd.read_csv("weekly_grouped_results.csv")
# Ensure Date is in datetime format for proper grouping
df['Date'] = pd.to_datetime(df['Date'])
# Create a new column for 'week' and 'month' to help with grouping
df['Week'] = df['Date'].dt.isocalendar().week
df['Month'] = df['Date'].dt.month
# Sort the dataframe by Date to ensure proper ordering
df = df.sort_values(by='Date')
# Step 1: For each week of each month, select Key Events with the corresponding positive and negative events where Close was the top 3 highest
top_3_each_week = []
# Group by Month and Week, then find top 3 highest closes for each group
for (month, week), group in df.groupby(['Month', 'Week']):
# Get top 3 highest Close values for each week
top_3_week = group.nlargest(3, 'Close')
# Collect the necessary columns for these top 3 rows
for _, row in top_3_week.iterrows():
top_3_each_week.append({
'Date': row['Date'],
'News': row['News'],
'Open': row['Open'],
'High': row['High'],
'Low': row['Low'],
'Close': row['Close'],
'Volume': row['Volume'],
'Label': row['Label'],
'Key Events': row['Key Events'],
'positive': row['positive'],
'negative': row['negative'],
'neutral': row['neutral'],
})
# Step 2: Create a new dataframe named "top 3 each week" with the results from step 1
top_3_each_week_df = pd.DataFrame(top_3_each_week)
# Show the resulting dataframe
print(top_3_each_week_df)
Date News Open \ 0 2019-01-04 Amazon has sold over 100 million devices with ... 47.910000 1 2019-01-04 The stock market rebounded strongly on Friday ... 47.910000 2 2019-01-04 The Chinese central bank announced a fifth re... 47.910000 3 2019-01-11 Wall Street experienced a decline after the o... 62.384998 4 2019-01-11 Several Chinese retailers, including Alibaba-... 62.384998 5 2019-01-11 Green Dot, GDOT, is a bank holding company wi... 62.384998 6 2019-01-18 In the article, two Japanese electronics comp... 39.375000 7 2019-01-18 Foxconn, Apple's biggest iPhone assembler, ha... 39.375000 8 2019-01-18 In a German court ruling, Apple has been banne... 39.375000 9 2019-01-25 The Indian Cellular and Electronics Associati... 38.869999 10 2019-01-25 Mastercard continues its pursuit of a bankcar... 38.869999 11 2019-01-25 Mastercard, a U.S. payments card company list... 38.869999 12 2019-01-31 The UAE, through a hacking team of American m... 41.527500 13 2019-01-31 Kanye West and Tidal's corporate parent have ... 41.527500 14 2019-01-31 The United Arab Emirates (UAE) denied on Thurs... 41.527500 15 2019-02-01 Apple acknowledged a privacy flaw in its Face... 38.722500 16 2019-02-01 Foxconn Technology announced on Friday that i... 38.722500 17 2019-02-01 A Chinese court sentenced a Didi Chuxing driv... 38.722500 18 2019-02-05 Wall Street rallied on Tuesday, with tech and... 52.459999 19 2019-02-05 Lumentum Holdings Inc expects Android smartph... 52.459999 20 2019-02-05 Apple's French division has reached an agreem... 52.459999 21 2019-02-12 Japan Display Inc, an ailing Apple supplier, ... 66.817497 22 2019-02-12 Goldman analyst Rod Hall anticipates Apple's ... 66.817497 23 2019-02-12 The U.K. government has released a report rec... 66.817497 24 2019-02-22 Apple collaborates with Ant Financial Service... 42.895000 25 2019-02-22 Kraft Heinz suffered a significant loss in pr... 42.895000 26 2019-02-20 WhatsApp, owned by Facebook, has acknowledged... 42.797501 27 2019-02-27 Apple announced plans to lay off approximatel... 43.302502 28 2019-02-27 Spotify, the world's leading paid music strea... 43.302502 29 2019-02-26 AAC Technologies Holdings Inc, listed on the ... 43.427502 30 2019-03-05 Mozilla, the Firefox browser maker, is consid... 52.722500 31 2019-03-05 In the news article, Michael Jackson's music ... 52.722500 32 2019-03-07 The European Commission has initiated an inve... 50.820000 33 2019-03-12 The United States opposes France's digital se... 64.577499 34 2019-03-12 Boeing's NYSE BA stock experienced significan... 64.577499 35 2019-03-15 Stocks rallied Friday as technology companies... 46.212502 36 2019-03-21 The European Union's Antitrust Commissioner, ... 47.505001 37 2019-03-21 Tech stocks, led by Apple Inc., drove a broad... 47.505001 38 2019-03-21 Tesla has filed a lawsuit against a former en... 47.505001 39 2019-03-29 Daimler, a German carmaker, has lodged a comp... 47.457500 40 2019-03-29 Apple announced the cancellation of its AirPo... 47.457500 41 2019-03-25 This news article reports on the pressured de... 47.877499 42 2019-04-04 Facebook has introduced a business version of... 48.697498 43 2019-04-04 In response to the deadly mosque shootings in... 48.697498 44 2019-04-04 EU antitrust regulators should consider compe... 48.697498 45 2019-04-12 In this article, a Chinese-Taiwanese group le... 65.267502 46 2019-04-11 Apple has nearly doubled the number of suppli... 64.332497 47 2019-04-11 Apple is under investigation by the Dutch comp... 64.332497 48 2019-04-18 In the news article, Taiwan Semiconductor Man... 50.779999 49 2019-04-18 In this article, a senior U.S. official expre... 50.779999 50 2019-04-18 Apple plans to open a Material Recovery lab i... 50.779999 51 2019-04-23 The social media company Snap reported better... 51.107498 52 2019-04-23 Chinese tech giant Tencent Holdings has inves... 51.107498 53 2019-04-23 This news article reports that India's ban on... 51.107498 54 2019-04-29 Spotify reported better-than-expected Q1 reve... 51.099998 55 2019-04-29 The S&P 500 reached a new intraday record hig... 51.099998 56 2019-04-29 This news article reports on Spotify's first ... 51.099998 High Low Close Volume Label \ 0 47.919998 47.095001 46.419842 111448000 0 1 47.919998 47.095001 46.419842 111448000 1 2 47.919998 47.095001 46.419842 111448000 0 3 63.982498 62.290001 62.571354 151125200 0 4 63.982498 62.290001 62.571354 151125200 -1 5 63.982498 62.290001 62.571354 151125200 1 6 39.470001 38.994999 37.902481 135004000 -1 7 39.470001 38.994999 37.902481 135004000 0 8 39.470001 38.994999 37.902481 135004000 0 9 39.532501 38.580002 38.129673 134142000 1 10 39.532501 38.580002 38.129673 134142000 0 11 39.532501 38.580002 38.129673 134142000 0 12 42.250000 41.139999 40.227589 162958400 0 13 42.250000 41.139999 40.227589 162958400 0 14 42.250000 41.139999 40.227589 162958400 0 15 39.712502 38.557499 38.168350 148158800 0 16 39.712502 38.557499 38.168350 148158800 1 17 39.712502 38.557499 38.168350 148158800 -1 18 53.162498 52.032501 50.767143 127985200 1 19 53.162498 52.032501 50.767143 127985200 0 20 53.162498 52.032501 50.767143 127985200 0 21 67.062500 65.862503 64.805229 94487200 0 22 67.062500 65.862503 64.805229 94487200 -1 23 67.062500 65.862503 64.805229 94487200 0 24 43.250000 42.845001 41.985130 75652800 1 25 43.250000 42.845001 41.985130 75652800 -1 26 43.330002 42.747501 41.756977 104457600 0 27 43.750000 43.182499 42.446327 111341600 -1 28 43.750000 43.182499 42.446327 111341600 0 29 43.825001 43.292500 42.315266 68280800 -1 30 52.959999 52.557499 51.398247 83569600 0 31 52.959999 52.557499 51.398247 83569600 -1 32 51.110001 50.672501 49.807678 45448000 0 33 64.882500 64.072502 63.649750 114430400 0 34 64.882500 64.072502 63.649750 114430400 0 35 46.832500 45.935001 45.177055 156171600 1 36 49.082500 47.452499 47.354347 204136800 -1 37 49.082500 47.452499 47.354347 204136800 1 38 49.082500 47.452499 47.354347 204136800 0 39 47.520000 47.134998 46.106716 94256000 -1 40 47.520000 47.134998 46.106716 94256000 -1 41 47.994999 46.650002 45.813015 175381200 0 42 49.092499 48.285000 47.499989 76457200 0 43 49.092499 48.285000 47.499989 76457200 0 44 49.092499 48.285000 47.499989 76457200 1 45 65.827499 65.169998 64.211540 67181600 -1 46 64.462502 63.845001 62.982265 103272000 1 47 64.462502 63.845001 62.982265 103272000 0 48 51.037498 50.630001 49.483093 96783200 0 49 51.037498 50.630001 49.483093 96783200 -1 50 51.037498 50.630001 49.483093 96783200 1 51 51.937500 50.974998 50.361782 93292000 0 52 51.937500 50.974998 50.361782 93292000 1 53 51.937500 50.974998 50.361782 93292000 -1 54 51.492500 50.965000 49.665138 88818800 1 55 51.492500 50.965000 49.665138 88818800 1 56 51.492500 50.965000 49.665138 88818800 0 Key Events positive \ 0 1. Amazon: The e-commerce giant\n 2. Alex... NaN 1 1. US-China Trade Talks: Positive developments... positive_event 2 1. Chinese central bank\n 2. Fifth reduct... NaN 3 1. Topic: Stock Market (Wall Street, S&P 500, ... NaN 4 1. Topic 1: Chinese Retailers (Suning, JD.com)... NaN 5 1. Green Dot (GDOT) - A bank holding company w... positive_event 6 1. Event: Japanese electronics companies, Nide... NaN 7 1. Topic: Foxconn\n Summary: Foxconn, ... NaN 8 1. Apple: The tech company involved in the leg... NaN 9 1. Topic: Indian Cellular and Electronics Asso... positive_event 10 1. Topic: Mastercard's pursuit of a bankcard c... NaN 11 1. Mastercard: A U.S. payments card company li... NaN 12 1. UAE: The United Arab Emirates is the main s... NaN 13 1. **Lawsuit**: Kanye West and Tidal's corpora... NaN 14 1. UAE: The United Arab Emirates\n 2. Cyb... NaN 15 1. Topic 1: Apple FaceTime privacy flaw\n ... NaN 16 Topic 1:\n - Foxconn Technology\n - ... positive_event 17 1. Topic 1: Didi Chuxing (ride-hailing company... NaN 18 1. Wall Street Rally: Tech and consumer discre... positive_event 19 1. Topics:\n a. Lumentum Holdings Inc\... NaN 20 Topic 1:\n Apple's French division reache... NaN 21 1. Topics: Japan Display Inc, Apple supplier, ... NaN 22 Topic 1:\n Apple's services revenue growt... NaN 23 1. **Topic 1:** U.K. government and tech compa... NaN 24 Topic 1:\n Apple's collaboration with Ant... positive_event 25 1. Event 1: Kraft Heinz Earnings Disappointmen... NaN 26 1. Subjects: WhatsApp, Facebook, iPhone users,... NaN 27 1. Company: Apple\n 2. Project: Project T... NaN 28 Topic 1:\n ------------------\n Comp... NaN 29 Topic 1:\n Company: AAC Technologies Hold... NaN 30 1. Topic: Mozilla (organization)\n 2. Top... NaN 31 1. Michael Jackson: The removal of Michael Jac... NaN 32 1. Topic: European Commission Investigation\n ... NaN 33 1. Topic 1: United States (US) opposition to F... NaN 34 1. Boeing's 737 Max 8 planes: Two crashes have... NaN 35 1. Topics: U.S.-China trade talks, stocks, tec... positive_event 36 1. EU Antitrust Commissioner Margrethe Vestage... NaN 37 1. Topics: Tech stocks, Apple Inc., market ral... positive_event 38 1. Topic 1: Tesla (Company)\n 2. Topic 2:... NaN 39 1. Daimler (German carmaker)\n 2. Nokia (... NaN 40 1. Topic 1: Apple's AirPower wireless charging... NaN 41 1. Economic outlook: Concerns over the economi... NaN 42 1. Subjects/Entities: Facebook, WhatsApp, iOS ... NaN 43 1. **Australia's New Law**: Australia passes a... NaN 44 Topic 1:\n EU antitrust regulators and t... positive_event 45 1. Topic: Japanese Display Company\n 2. E... NaN 46 Topic 1:\n Apple increasing number of cle... positive_event 47 1. Apple: Subject (Company under investigation... NaN 48 1. Topic: Taiwan Semiconductor Manufacturing C... NaN 49 1. Topic 1: U.S.-China Relations\n Sum... NaN 50 1. Topic: Apple's Material Recovery Lab in Aus... positive_event 51 1. Snap: The social media company\n 2. Q1... NaN 52 1. Topic 1: Chinese tech giant Tencent Holding... positive_event 53 Topic 1:\n India's ban on Chinese video a... NaN 54 1. Subjects/Entities: Spotify, Q1 revenue grow... positive_event 55 1. S&P 500: Reached new intraday record high, ... positive_event 56 1. Company: Spotify\n 2. Financial Result... NaN negative neutral 0 NaN neutral_event 1 NaN NaN 2 NaN neutral_event 3 NaN neutral_event 4 negative_event NaN 5 NaN NaN 6 negative_event NaN 7 NaN neutral_event 8 NaN neutral_event 9 NaN NaN 10 NaN neutral_event 11 NaN neutral_event 12 NaN neutral_event 13 NaN neutral_event 14 NaN neutral_event 15 NaN neutral_event 16 NaN NaN 17 negative_event NaN 18 NaN NaN 19 NaN neutral_event 20 NaN neutral_event 21 NaN neutral_event 22 negative_event NaN 23 NaN neutral_event 24 NaN NaN 25 negative_event NaN 26 NaN neutral_event 27 negative_event NaN 28 NaN neutral_event 29 negative_event NaN 30 NaN neutral_event 31 negative_event NaN 32 NaN neutral_event 33 NaN neutral_event 34 NaN neutral_event 35 NaN NaN 36 negative_event NaN 37 NaN NaN 38 NaN neutral_event 39 negative_event NaN 40 negative_event NaN 41 NaN neutral_event 42 NaN neutral_event 43 NaN neutral_event 44 NaN NaN 45 negative_event NaN 46 NaN NaN 47 NaN neutral_event 48 NaN neutral_event 49 negative_event NaN 50 NaN NaN 51 NaN neutral_event 52 NaN NaN 53 negative_event NaN 54 NaN NaN 55 NaN NaN 56 NaN neutral_event
# prompt: create a downloadable csv file with the file "top_3_each_week_df"
from google.colab import files
top_3_each_week_df.to_csv('top_3_each_week.csv', encoding='utf-8', index=False)
files.download('top_3_each_week.csv')
# Add a column before the Date Column and name it " Week".
# Insert a new column named 'Week' before the 'Date' column
# Calculate the week number and insert it into the new 'Week' column
top_3_each_week_df.insert(top_3_each_week_df.columns.get_loc('Date'), 'Week',
top_3_each_week_df['Date'].dt.isocalendar().week)
# Display the updated DataFrame
top_3_each_week_df
Week | Date | News | Open | High | Low | Close | Volume | Label | Key Events | positive | negative | neutral | |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|
0 | 1 | 2019-01-04 | Amazon has sold over 100 million devices with ... | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 0 | 1. Amazon: The e-commerce giant\n 2. Alex... | NaN | NaN | neutral_event |
1 | 1 | 2019-01-04 | The stock market rebounded strongly on Friday ... | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 1 | 1. US-China Trade Talks: Positive developments... | positive_event | NaN | NaN |
2 | 1 | 2019-01-04 | The Chinese central bank announced a fifth re... | 47.910000 | 47.919998 | 47.095001 | 46.419842 | 111448000 | 0 | 1. Chinese central bank\n 2. Fifth reduct... | NaN | NaN | neutral_event |
3 | 2 | 2019-01-11 | Wall Street experienced a decline after the o... | 62.384998 | 63.982498 | 62.290001 | 62.571354 | 151125200 | 0 | 1. Topic: Stock Market (Wall Street, S&P 500, ... | NaN | NaN | neutral_event |
4 | 2 | 2019-01-11 | Several Chinese retailers, including Alibaba-... | 62.384998 | 63.982498 | 62.290001 | 62.571354 | 151125200 | -1 | 1. Topic 1: Chinese Retailers (Suning, JD.com)... | NaN | negative_event | NaN |
5 | 2 | 2019-01-11 | Green Dot, GDOT, is a bank holding company wi... | 62.384998 | 63.982498 | 62.290001 | 62.571354 | 151125200 | 1 | 1. Green Dot (GDOT) - A bank holding company w... | positive_event | NaN | NaN |
6 | 3 | 2019-01-18 | In the article, two Japanese electronics comp... | 39.375000 | 39.470001 | 38.994999 | 37.902481 | 135004000 | -1 | 1. Event: Japanese electronics companies, Nide... | NaN | negative_event | NaN |
7 | 3 | 2019-01-18 | Foxconn, Apple's biggest iPhone assembler, ha... | 39.375000 | 39.470001 | 38.994999 | 37.902481 | 135004000 | 0 | 1. Topic: Foxconn\n Summary: Foxconn, ... | NaN | NaN | neutral_event |
8 | 3 | 2019-01-18 | In a German court ruling, Apple has been banne... | 39.375000 | 39.470001 | 38.994999 | 37.902481 | 135004000 | 0 | 1. Apple: The tech company involved in the leg... | NaN | NaN | neutral_event |
9 | 4 | 2019-01-25 | The Indian Cellular and Electronics Associati... | 38.869999 | 39.532501 | 38.580002 | 38.129673 | 134142000 | 1 | 1. Topic: Indian Cellular and Electronics Asso... | positive_event | NaN | NaN |
10 | 4 | 2019-01-25 | Mastercard continues its pursuit of a bankcar... | 38.869999 | 39.532501 | 38.580002 | 38.129673 | 134142000 | 0 | 1. Topic: Mastercard's pursuit of a bankcard c... | NaN | NaN | neutral_event |
11 | 4 | 2019-01-25 | Mastercard, a U.S. payments card company list... | 38.869999 | 39.532501 | 38.580002 | 38.129673 | 134142000 | 0 | 1. Mastercard: A U.S. payments card company li... | NaN | NaN | neutral_event |
12 | 5 | 2019-01-31 | The UAE, through a hacking team of American m... | 41.527500 | 42.250000 | 41.139999 | 40.227589 | 162958400 | 0 | 1. UAE: The United Arab Emirates is the main s... | NaN | NaN | neutral_event |
13 | 5 | 2019-01-31 | Kanye West and Tidal's corporate parent have ... | 41.527500 | 42.250000 | 41.139999 | 40.227589 | 162958400 | 0 | 1. **Lawsuit**: Kanye West and Tidal's corpora... | NaN | NaN | neutral_event |
14 | 5 | 2019-01-31 | The United Arab Emirates (UAE) denied on Thurs... | 41.527500 | 42.250000 | 41.139999 | 40.227589 | 162958400 | 0 | 1. UAE: The United Arab Emirates\n 2. Cyb... | NaN | NaN | neutral_event |
15 | 5 | 2019-02-01 | Apple acknowledged a privacy flaw in its Face... | 38.722500 | 39.712502 | 38.557499 | 38.168350 | 148158800 | 0 | 1. Topic 1: Apple FaceTime privacy flaw\n ... | NaN | NaN | neutral_event |
16 | 5 | 2019-02-01 | Foxconn Technology announced on Friday that i... | 38.722500 | 39.712502 | 38.557499 | 38.168350 | 148158800 | 1 | Topic 1:\n - Foxconn Technology\n - ... | positive_event | NaN | NaN |
17 | 5 | 2019-02-01 | A Chinese court sentenced a Didi Chuxing driv... | 38.722500 | 39.712502 | 38.557499 | 38.168350 | 148158800 | -1 | 1. Topic 1: Didi Chuxing (ride-hailing company... | NaN | negative_event | NaN |
18 | 6 | 2019-02-05 | Wall Street rallied on Tuesday, with tech and... | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 1 | 1. Wall Street Rally: Tech and consumer discre... | positive_event | NaN | NaN |
19 | 6 | 2019-02-05 | Lumentum Holdings Inc expects Android smartph... | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 0 | 1. Topics:\n a. Lumentum Holdings Inc\... | NaN | NaN | neutral_event |
20 | 6 | 2019-02-05 | Apple's French division has reached an agreem... | 52.459999 | 53.162498 | 52.032501 | 50.767143 | 127985200 | 0 | Topic 1:\n Apple's French division reache... | NaN | NaN | neutral_event |
21 | 7 | 2019-02-12 | Japan Display Inc, an ailing Apple supplier, ... | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | 0 | 1. Topics: Japan Display Inc, Apple supplier, ... | NaN | NaN | neutral_event |
22 | 7 | 2019-02-12 | Goldman analyst Rod Hall anticipates Apple's ... | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | -1 | Topic 1:\n Apple's services revenue growt... | NaN | negative_event | NaN |
23 | 7 | 2019-02-12 | The U.K. government has released a report rec... | 66.817497 | 67.062500 | 65.862503 | 64.805229 | 94487200 | 0 | 1. **Topic 1:** U.K. government and tech compa... | NaN | NaN | neutral_event |
24 | 8 | 2019-02-22 | Apple collaborates with Ant Financial Service... | 42.895000 | 43.250000 | 42.845001 | 41.985130 | 75652800 | 1 | Topic 1:\n Apple's collaboration with Ant... | positive_event | NaN | NaN |
25 | 8 | 2019-02-22 | Kraft Heinz suffered a significant loss in pr... | 42.895000 | 43.250000 | 42.845001 | 41.985130 | 75652800 | -1 | 1. Event 1: Kraft Heinz Earnings Disappointmen... | NaN | negative_event | NaN |
26 | 8 | 2019-02-20 | WhatsApp, owned by Facebook, has acknowledged... | 42.797501 | 43.330002 | 42.747501 | 41.756977 | 104457600 | 0 | 1. Subjects: WhatsApp, Facebook, iPhone users,... | NaN | NaN | neutral_event |
27 | 9 | 2019-02-27 | Apple announced plans to lay off approximatel... | 43.302502 | 43.750000 | 43.182499 | 42.446327 | 111341600 | -1 | 1. Company: Apple\n 2. Project: Project T... | NaN | negative_event | NaN |
28 | 9 | 2019-02-27 | Spotify, the world's leading paid music strea... | 43.302502 | 43.750000 | 43.182499 | 42.446327 | 111341600 | 0 | Topic 1:\n ------------------\n Comp... | NaN | NaN | neutral_event |
29 | 9 | 2019-02-26 | AAC Technologies Holdings Inc, listed on the ... | 43.427502 | 43.825001 | 43.292500 | 42.315266 | 68280800 | -1 | Topic 1:\n Company: AAC Technologies Hold... | NaN | negative_event | NaN |
30 | 10 | 2019-03-05 | Mozilla, the Firefox browser maker, is consid... | 52.722500 | 52.959999 | 52.557499 | 51.398247 | 83569600 | 0 | 1. Topic: Mozilla (organization)\n 2. Top... | NaN | NaN | neutral_event |
31 | 10 | 2019-03-05 | In the news article, Michael Jackson's music ... | 52.722500 | 52.959999 | 52.557499 | 51.398247 | 83569600 | -1 | 1. Michael Jackson: The removal of Michael Jac... | NaN | negative_event | NaN |
32 | 10 | 2019-03-07 | The European Commission has initiated an inve... | 50.820000 | 51.110001 | 50.672501 | 49.807678 | 45448000 | 0 | 1. Topic: European Commission Investigation\n ... | NaN | NaN | neutral_event |
33 | 11 | 2019-03-12 | The United States opposes France's digital se... | 64.577499 | 64.882500 | 64.072502 | 63.649750 | 114430400 | 0 | 1. Topic 1: United States (US) opposition to F... | NaN | NaN | neutral_event |
34 | 11 | 2019-03-12 | Boeing's NYSE BA stock experienced significan... | 64.577499 | 64.882500 | 64.072502 | 63.649750 | 114430400 | 0 | 1. Boeing's 737 Max 8 planes: Two crashes have... | NaN | NaN | neutral_event |
35 | 11 | 2019-03-15 | Stocks rallied Friday as technology companies... | 46.212502 | 46.832500 | 45.935001 | 45.177055 | 156171600 | 1 | 1. Topics: U.S.-China trade talks, stocks, tec... | positive_event | NaN | NaN |
36 | 12 | 2019-03-21 | The European Union's Antitrust Commissioner, ... | 47.505001 | 49.082500 | 47.452499 | 47.354347 | 204136800 | -1 | 1. EU Antitrust Commissioner Margrethe Vestage... | NaN | negative_event | NaN |
37 | 12 | 2019-03-21 | Tech stocks, led by Apple Inc., drove a broad... | 47.505001 | 49.082500 | 47.452499 | 47.354347 | 204136800 | 1 | 1. Topics: Tech stocks, Apple Inc., market ral... | positive_event | NaN | NaN |
38 | 12 | 2019-03-21 | Tesla has filed a lawsuit against a former en... | 47.505001 | 49.082500 | 47.452499 | 47.354347 | 204136800 | 0 | 1. Topic 1: Tesla (Company)\n 2. Topic 2:... | NaN | NaN | neutral_event |
39 | 13 | 2019-03-29 | Daimler, a German carmaker, has lodged a comp... | 47.457500 | 47.520000 | 47.134998 | 46.106716 | 94256000 | -1 | 1. Daimler (German carmaker)\n 2. Nokia (... | NaN | negative_event | NaN |
40 | 13 | 2019-03-29 | Apple announced the cancellation of its AirPo... | 47.457500 | 47.520000 | 47.134998 | 46.106716 | 94256000 | -1 | 1. Topic 1: Apple's AirPower wireless charging... | NaN | negative_event | NaN |
41 | 13 | 2019-03-25 | This news article reports on the pressured de... | 47.877499 | 47.994999 | 46.650002 | 45.813015 | 175381200 | 0 | 1. Economic outlook: Concerns over the economi... | NaN | NaN | neutral_event |
42 | 14 | 2019-04-04 | Facebook has introduced a business version of... | 48.697498 | 49.092499 | 48.285000 | 47.499989 | 76457200 | 0 | 1. Subjects/Entities: Facebook, WhatsApp, iOS ... | NaN | NaN | neutral_event |
43 | 14 | 2019-04-04 | In response to the deadly mosque shootings in... | 48.697498 | 49.092499 | 48.285000 | 47.499989 | 76457200 | 0 | 1. **Australia's New Law**: Australia passes a... | NaN | NaN | neutral_event |
44 | 14 | 2019-04-04 | EU antitrust regulators should consider compe... | 48.697498 | 49.092499 | 48.285000 | 47.499989 | 76457200 | 1 | Topic 1:\n EU antitrust regulators and t... | positive_event | NaN | NaN |
45 | 15 | 2019-04-12 | In this article, a Chinese-Taiwanese group le... | 65.267502 | 65.827499 | 65.169998 | 64.211540 | 67181600 | -1 | 1. Topic: Japanese Display Company\n 2. E... | NaN | negative_event | NaN |
46 | 15 | 2019-04-11 | Apple has nearly doubled the number of suppli... | 64.332497 | 64.462502 | 63.845001 | 62.982265 | 103272000 | 1 | Topic 1:\n Apple increasing number of cle... | positive_event | NaN | NaN |
47 | 15 | 2019-04-11 | Apple is under investigation by the Dutch comp... | 64.332497 | 64.462502 | 63.845001 | 62.982265 | 103272000 | 0 | 1. Apple: Subject (Company under investigation... | NaN | NaN | neutral_event |
48 | 16 | 2019-04-18 | In the news article, Taiwan Semiconductor Man... | 50.779999 | 51.037498 | 50.630001 | 49.483093 | 96783200 | 0 | 1. Topic: Taiwan Semiconductor Manufacturing C... | NaN | NaN | neutral_event |
49 | 16 | 2019-04-18 | In this article, a senior U.S. official expre... | 50.779999 | 51.037498 | 50.630001 | 49.483093 | 96783200 | -1 | 1. Topic 1: U.S.-China Relations\n Sum... | NaN | negative_event | NaN |
50 | 16 | 2019-04-18 | Apple plans to open a Material Recovery lab i... | 50.779999 | 51.037498 | 50.630001 | 49.483093 | 96783200 | 1 | 1. Topic: Apple's Material Recovery Lab in Aus... | positive_event | NaN | NaN |
51 | 17 | 2019-04-23 | The social media company Snap reported better... | 51.107498 | 51.937500 | 50.974998 | 50.361782 | 93292000 | 0 | 1. Snap: The social media company\n 2. Q1... | NaN | NaN | neutral_event |
52 | 17 | 2019-04-23 | Chinese tech giant Tencent Holdings has inves... | 51.107498 | 51.937500 | 50.974998 | 50.361782 | 93292000 | 1 | 1. Topic 1: Chinese tech giant Tencent Holding... | positive_event | NaN | NaN |
53 | 17 | 2019-04-23 | This news article reports that India's ban on... | 51.107498 | 51.937500 | 50.974998 | 50.361782 | 93292000 | -1 | Topic 1:\n India's ban on Chinese video a... | NaN | negative_event | NaN |
54 | 18 | 2019-04-29 | Spotify reported better-than-expected Q1 reve... | 51.099998 | 51.492500 | 50.965000 | 49.665138 | 88818800 | 1 | 1. Subjects/Entities: Spotify, Q1 revenue grow... | positive_event | NaN | NaN |
55 | 18 | 2019-04-29 | The S&P 500 reached a new intraday record hig... | 51.099998 | 51.492500 | 50.965000 | 49.665138 | 88818800 | 1 | 1. S&P 500: Reached new intraday record high, ... | positive_event | NaN | NaN |
56 | 18 | 2019-04-29 | This news article reports on Spotify's first ... | 51.099998 | 51.492500 | 50.965000 | 49.665138 | 88818800 | 0 | 1. Company: Spotify\n 2. Financial Result... | NaN | NaN | neutral_event |
IMPORTANT
- The next code snippet is User Interactive
- We can now enter a week range.
- Now we can view the top evens for the week more easily:
- Better Organized
- Positive events highlighted in color
- User can extract Stock News Summaries and Key Events with relevant stock information by days, weeks, week range.
- See output below...
import pandas as pd
# This is an INTERACTIVE function.
# top_3_each_week_df = pd.read_csv("top_3_each_week.csv") # Load the pre-processed by Mistral Model 7B dataframe if needed
columns_to_display = ['Week','Date', 'Key Events', 'positive', 'negative', 'Volume', 'Close']
# Create a function for interactive display based on week range
def display_news_summary(start_week, end_week):
# Filter the DataFrame based on the week range
filtered_df = top_3_each_week_df[(top_3_each_week_df['Week'] >= start_week) &
(top_3_each_week_df['Week'] <= end_week)]
# Ensure filtered data exists
if filtered_df.empty:
print(f"No data found for weeks {start_week} to {end_week}.")
return
# ANSI escape codes for coloring
RED = '\033[91m'
GREEN = '\033[92m'
RESET = '\033[0m'
# Print the column names with prefixes, separated by '||'
print("News Summaries will follow this example format:")
print(" \n|| ".join(columns_to_display), "\n")
print("-" * 78) # Print separating line before each row
print("-" * 20, " Summary of News and Impact on Stock", "-" * 20) # Print separating Title before each row
# Print all rows in the filtered group with prefixes for each column
for _, row in filtered_df.iterrows():
formatted_row = []
for col in columns_to_display:
value = row[col]
# Skip coloring if value is NaN
if pd.isna(value):
formatted_row.append(str(value))
elif col == 'positive':
formatted_row.append(f"{GREEN}{value}{RESET}")
elif col == 'negative':
formatted_row.append(f"{RED}{value}{RESET}")
else:
formatted_row.append(str(value))
# Print formatted row
print(" \n|| ".join(f"{col}: {formatted_row[i]}" for i, col in enumerate(columns_to_display)), "\n")
print("-" * 78) # Print separating line before each row
print("-" * 20, " Summary of News and Impact on Stock", "-" * 20) # Print separating Title before each row
print("-" * 25, " Top 3 Negative and Positive", "-" * 23) # Print separating Title before each row
# Interactive input for the week range
# ANSI escape codes for bold and a close approximation to color #87CEFA (light cyan)
BLUE_BOLDED = '\033[1;36m' # Bold cyan for #87CEFA color approximation
RESET = '\033[0m'
# Print the text in bold and light cyan (approximation of #87CEFA)
print(f"{BLUE_BOLDED}\nNews Summary and Sentiment Analysis Affecting the Stock Volume and Price\n{RESET}")
start_week = int(input("Enter the starting week number: "))
end_week = int(input("Enter the ending week number: "))
# Call the function to display the filtered data
display_news_summary(start_week, end_week)
News Summary and Sentiment Analysis Affecting the Stock Volume and Price Enter the starting week number: 1 Enter the ending week number: 17 News Summaries will follow this example format: Week || Date || Key Events || positive || negative || Volume || Close ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- Week: 1 || Date: 2019-01-04 00:00:00 || Key Events: 1. Amazon: The e-commerce giant 2. Alexa digital assistant: Amazon's voice assistant technology 3. Over 100 million devices sold: Significant sales figure for Alexa-enabled devices 4. The Verge: Source of the information 5. Over 150 products: Number of products with Alexa integration 6. More than 28,000 smart home devices: Extensive range of compatible smart home devices Summary: Amazon's Alexa digital assistant has sold over 100 million devices, according to The Verge. Over 150 products and more than 28,000 smart home || positive: nan || negative: nan || Volume: 111448000 || Close: 46.419842 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 1 || Date: 2019-01-04 00:00:00 || Key Events: 1. US-China Trade Talks: Positive developments in trade negotiations between the United States and China. 2. Stock Market: The market experienced a significant rebound on Friday. 3. Dow Jones Industrial Average, S&P 500, Nasdaq Composite: Specific stock market indices that showed gains. 4. Rise over 746 points (Dow Jones), better-than-expected jobs report: Significant increases in these economic indicators. 5. Dovish comments from Federal Reserve Chairman Jerome Powell: The Fed Chair's remarks suggested a more accommodative monetary policy stance. Summary of Topics: 1 || positive: positive_event || negative: nan || Volume: 111448000 || Close: 46.419842 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 1 || Date: 2019-01-04 00:00:00 || Key Events: 1. Chinese central bank 2. Fifth reduction in Required Reserve Ratio (RRR) for banks 3. Approximately 116.5 billion yuan freed up for new lending 4. Economic concerns in China 5. Slowing domestic demand 6. U.S. tariffs on exports Topics: - Chinese central bank policy - Required Reserve Ratio (RRR) reduction - New lending and economic stimulus - Concerns about China's economy - Domestic demand slowdown - US tariffs on Chinese exports || positive: nan || negative: nan || Volume: 111448000 || Close: 46.419842 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 2 || Date: 2019-01-11 00:00:00 || Key Events: 1. Topic: Stock Market (Wall Street, S&P 500, Dow, Nasdaq Composite) 2. Event: Decline after five consecutive days of gains 3. Summary: The stock market, specifically Wall Street and its indices (S&P 500, Dow, Nasdaq Composite), experienced a decline following five straight days of growth. || positive: nan || negative: nan || Volume: 151125200 || Close: 62.571354 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 2 || Date: 2019-01-11 00:00:00 || Key Events: 1. Topic 1: Chinese Retailers (Suning, JD.com) 2. Topic 2: Apple 3. Topic 3: iPhone Sales (weak sales in China) 4. Topic 4: Price Reductions (800-1,200 yuan for latest XR model) 5. Event: Chinese retailers have significantly lowered the prices of iPhones due to weak sales in China, causing Apple to issue a revenue warning. || positive: nan || negative: negative_event || Volume: 151125200 || Close: 62.571354 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 2 || Date: 2019-01-11 00:00:00 || Key Events: 1. Green Dot (GDOT) - A bank holding company with growth and wide distribution network. 2. Product offerings - Bank accounts, debit and credit cards. 3. Focus - Perks and platform business. 4. Platform business description - "Banking as a service," powers offerings for partners. Summary: - Green Dot (GDOT) - Banking services and growth - Product offerings: bank accounts, debit/credit cards - Focus on perks - Platform business: "banking as a service" - Partners: Apple Pay Cash, Walmart Money. || positive: positive_event || negative: nan || Volume: 151125200 || Close: 62.571354 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 3 || Date: 2019-01-18 00:00:00 || Key Events: 1. Event: Japanese electronics companies, Nidec and Yaskawa Electric, announce profit decline warnings 2. Topic 1: US-China trade war - Keywords: trade war, US, China 3. Topic 2: Weak demand from China - Keywords: weak demand, China 4. Topic 3: Smartphone markets - Keywords: smartphone markets 5. Event: Nidec cuts profit outlook by a quarter - Keywords: profit outlook, cut, quarter 6. Event: Yaskawa Electric lowers annual operating profit for the second time - Keywords: annual operating || positive: nan || negative: negative_event || Volume: 135004000 || Close: 37.902481 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 3 || Date: 2019-01-18 00:00:00 || Key Events: 1. Topic: Foxconn Summary: Foxconn, Apple's biggest iPhone assembler, undergoes early workforce reduction, letting go approximately 50,000 contract workers in China. 2. Topic: Apple Summary: Apple's supplier, Foxconn, initiates early termination of contracts for around 50,000 assembly line workers. 3. Topic: iPhone assembler Summary: Foxconn, a significant iPhone assembler, dismisses approximately 50,000 contract workers earlier than usual in China. 4. Topic: Workforce reduction Summary: Around 50 || positive: nan || negative: nan || Volume: 135004000 || Close: 37.902481 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 3 || Date: 2019-01-18 00:00:00 || Key Events: 1. Apple: The tech company involved in the legal dispute. 2. German court: The judicial body that handed down the ruling. 3. Patent dispute: A legal disagreement between Apple and Qualcomm regarding intellectual property rights. 4. iPhone 7 and 8: Specific models of Apple's smartphones affected by the sales ban. 5. Press release: A communication document issued by Apple announcing availability of iPhones through carriers and resellers in Germany. 6. Ban on sales: The restriction imposed on selling iPhone 7 and 8 at Apple retail stores due to the court ruling. Topics: 1. Apple 2. German court || positive: nan || negative: nan || Volume: 135004000 || Close: 37.902481 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 4 || Date: 2019-01-25 00:00:00 || Key Events: 1. Topic: Indian Cellular and Electronics Association (ICEA) Submission to Government - ICEA, major smartphone makers (Apple, Samsung, Oppo, Foxconn), submission to government - Request for increased export credits on devices, tariff cuts on machinery imports, other measures - Goal: Making India a competitive manufacturing hub News Articles: The European Union (EU) has launched legal action against the United States over subsidies given to Boeing, accusing Washington of breaking international rules and distorting competition with Airbus. 1. Topic: EU vs US - Legal Action over Subsidies for Boeing and Air || positive: positive_event || negative: nan || Volume: 134142000 || Close: 38.129673 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 4 || Date: 2019-01-25 00:00:00 || Key Events: 1. Topic: Mastercard's pursuit of a bankcard clearing license in China - Keywords: Mastercard, China, bankcard clearing license 2. Topic: Mastercard's previous application attempt in 2017 - Keywords: Mastercard, application, 2017 3. Topic: American Express gaining direct access to China's payments network - Keywords: American Express, direct access, China, payments network 4. Topic: UnionPay's monopoly in China's payments network - Keywords: UnionPay, monopoly, China, payments network Output: [ || positive: nan || negative: nan || Volume: 134142000 || Close: 38.129673 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 4 || Date: 2019-01-25 00:00:00 || Key Events: 1. Mastercard: A U.S. payments card company listed on NYSE (New York Stock Exchange) with the ticker symbol MA. 2. China: The country where Mastercard is seeking a bankcard clearing license. 3. Bankcard clearing license: The type of license Mastercard is applying for in China. 4. Voluntarily withdrew application (in 2018): An action taken by Mastercard in the past regarding their previous application for a bankcard clearing license in China. 5. American Express: A U.S. card network that has gained direct access to China's market. Topics: - Mastercard - NYSE (New || positive: nan || negative: nan || Volume: 134142000 || Close: 38.129673 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 5 || Date: 2019-01-31 00:00:00 || Key Events: 1. UAE: The United Arab Emirates is the main subject of this news article. 2. Hacking team of American mercenaries: A group of mercenaries from America are the agents involved in the reported activities. 3. Targeted governments and individuals: The entities that were targeted by the hacking team are not explicitly stated, but they can be inferred to be from rival countries. 4. Rival countries: Countries that have opposing interests or conflict with the UAE. 5. American citizens: Individuals who hold citizenship in the United States. 6. Cyberprogram called Project: A covert operation or program carried out by the UAE using || positive: nan || negative: nan || Volume: 162958400 || Close: 40.227589 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 5 || Date: 2019-01-31 00:00:00 || Key Events: 1. **Lawsuit**: Kanye West and Tidal's corporate parent have resolved a lawsuit. 2. **Plaintiff (Justin Baker Rhett)**: Accused Kanye West and Tidal of fraudulently inducing fans to subscribe to Tidal. 3. **Alleged Infringement**: Tweet claiming "The Life of Pablo" could only be obtained on Tidal was false. 4. **Topic 1 - Lawsuit**: Lawsuit over allegations of fraudulent inducement regarding Tidal subscription and Kanye West's album. 5. **Topic 2 - Plaintiff (Justin Baker Rhett)**: || positive: nan || negative: nan || Volume: 162958400 || Close: 40.227589 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 5 || Date: 2019-01-31 00:00:00 || Key Events: 1. UAE: The United Arab Emirates 2. Cyberspying program: Project Raven 3. Denial: UAE denies targeting friendly countries or American citizens 4. Targeted entities: governments, dissidents, human rights activists of rival nations, embassies 5. Keywords: UAE, cyberspying program, Project Raven, denial, governments, dissidents, human rights activists, embassies Summary: - The UAE denied targeting friendly countries or American citizens with its cyber espionage program, Project Raven. - Reports from Reuters indicated that the program involved a group of American intelligence contract || positive: nan || negative: nan || Volume: 162958400 || Close: 40.227589 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 5 || Date: 2019-02-01 00:00:00 || Key Events: 1. Topic 1: Apple FaceTime privacy flaw * Description: Apple acknowledged a privacy issue in their FaceTime chat software that allowed users to hear others before they answered the call. * Keywords: Apple, FaceTime, privacy flaw, hear others, before answering 2. Topic 2: Discovery of the issue * Description: The issue was discovered by a 14-year-old boy and his mother. * Keywords: discovered, 14-year-old boy, mother 3. Topic 3: Reporting the issue to Apple * Description: They faced difficulties in reporting it to Apple for nine days. || positive: nan || negative: nan || Volume: 148158800 || Close: 38.16835 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 5 || Date: 2019-02-01 00:00:00 || Key Events: Topic 1: - Foxconn Technology - Building a Gen 6 fab facility - Wisconsin Summary: Foxconn Technology plans to construct a Gen 6 fabrication facility in Wisconsin. || positive: positive_event || negative: nan || Volume: 148158800 || Close: 38.16835 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 5 || Date: 2019-02-01 00:00:00 || Key Events: 1. Topic 1: Didi Chuxing (ride-hailing company) 2. Topic 2: Zhong Yuan (Didi Chuxing driver) 3. Topic 3: Rape and murder of a female passenger 4. Event 1: A Chinese court sentenced Zhong Yuan to death for the crime. 5. Event 2: The brutal crime sparked public and government criticism of Didi Chuxing. 6. Event 3: Didi Chuxing suspended its carpool service Hitch in response. 7. Event 4: The company is overhauling its business with stricter || positive: nan || negative: negative_event || Volume: 148158800 || Close: 38.16835 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 6 || Date: 2019-02-05 00:00:00 || Key Events: 1. Wall Street Rally: Tech and consumer discretionary sectors leading, Estée Lauder and Ralph Lauren reporting upbeat earnings. 2. Alphabet: Better than expected Q4 revenue and profit, but higher spending concerns causing share decrease. 3. Topics: a. Wall Street Rally b. Tech sector gains c. Consumer discretionary sector gains d. Estée Lauder - upbeat earnings e. Ralph Lauren - upbeat earnings f. Alphabet - better than expected Q4 revenue and profit g. Alphabet - higher spending concerns. || positive: positive_event || negative: nan || Volume: 127985200 || Close: 50.767143 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 6 || Date: 2019-02-05 00:00:00 || Key Events: 1. Topics: a. Lumentum Holdings Inc b. Android smartphone makers c. Facial recognition technology d. Huawei's Honor V20 e. Samsung's Galaxy S10 5G 2. Summarized Topics: a. Lumentum Holdings Inc anticipates release of facial recognition-enabled Android devices in 2023 by major manufacturers like Huawei and Samsung. b. New business opportunities for Lumentum Holdings Inc through contracts and design wins with Android phone makers. c. Facial recognition technology integration in upcoming Android smartphones, specifically the Honor V || positive: nan || negative: nan || Volume: 127985200 || Close: 50.767143 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 6 || Date: 2019-02-05 00:00:00 || Key Events: Topic 1: Apple's French division reaches agreement to pay undeclared back taxes worth approximately 571 million euros following a multi-year audit by the French tax administration. Keywords: Apple, French division, undeclared back taxes, audit, French tax administration, payment amount, public accounts. Topic 2: France pushes for EU-wide tax on digital and software companies, including Apple. Keywords: France, EU-wide tax, digital and software companies, Apple. || positive: nan || negative: nan || Volume: 127985200 || Close: 50.767143 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 7 || Date: 2019-02-12 00:00:00 || Key Events: 1. Topics: Japan Display Inc, Apple supplier, funding, Chinese investors, Taiwanese investors, Silk Road Fund, TPK Holding Co 2. Summary: Japanese display manufacturer Japan Display Inc is set to receive up to 80 billion yen in funding from a consortium of Chinese and Taiwanese investors. The group is led by China's state-backed Silk Road Fund and Taiwanese panel maker TPK Holding Co, making them the top shareholders. News Articles: Elon Musk, Tesla CEO, has announced that the company will be increasing production of its Model 3 sedan at its California factory in an effort to meet growing demand for the electric vehicle || positive: nan || negative: nan || Volume: 94487200 || Close: 64.805229 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 7 || Date: 2019-02-12 00:00:00 || Key Events: Topic 1: Apple's services revenue growth deceleration in 2019 Keywords: Apple, services revenue, growth, deceleration, 2019 Topic 2: Impact of Google searches on Apple's traffic acquisition costs Keywords: Apple, Google, searches, traffic acquisition, costs Topic 3: Expected reduction in Apple's services revenue growth compared to prior year Keywords: Apple, services revenue, growth, reduction, prior year Topic 4: Apple's anticipated response to revenue decline with launch of Apple Prime bundle Keywords: Apple, || positive: nan || negative: negative_event || Volume: 94487200 || Close: 64.805229 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 7 || Date: 2019-02-12 00:00:00 || Key Events: 1. **Topic 1:** U.K. government and tech companies (Google, Facebook, Apple) 2. **Topic 2:** Regulation of tech companies in news content distribution 3. **Topic 3:** Recommendation of a code of conduct for commercial agreements between publishers and tech companies 4. **Topic 4:** U.K.'s competition authority investigation into online advertising for fair competition. Summary: The U.K. government has suggested stricter regulations for Google, Facebook, and Apple regarding their handling of news content distribution. They recommend a code of conduct for commercial agreements between these tech companies and publishers, while also urging the U.K.'s || positive: nan || negative: nan || Volume: 94487200 || Close: 64.805229 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 8 || Date: 2019-02-22 00:00:00 || Key Events: Topic 1: Apple's collaboration with Ant Financial Services Group and local banks in China Keywords: Apple, Ant Financial Services Group, local banks, China Topic 2: Interest-free financing for iPhone purchases Keywords: iPhone, financing, interest-free Topic 3: Effort to revive sales Keywords: sales, revenue, growth Topic 4: Minimum purchase requirement of 4,000 yuan Keywords: minimum purchase, 4,000 yuan Topic 5: Economic slowdown as || positive: positive_event || negative: nan || Volume: 75652800 || Close: 41.98513 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 8 || Date: 2019-02-22 00:00:00 || Key Events: 1. Event 1: Kraft Heinz Earnings Disappointment and SEC Investigation Topics: Kraft Heinz, earnings report, significant loss, premarket trade, SEC investigation 2. Event 2: Roku Better-than-Expected Quarterly Results Topics: Roku, quarterly results, stock surge || positive: nan || negative: negative_event || Volume: 75652800 || Close: 41.98513 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 8 || Date: 2019-02-20 00:00:00 || Key Events: 1. Subjects: WhatsApp, Facebook, iPhone users, privacy feature, Touch ID, Face ID, app access 2. Events: WhatsApp acknowledges security bug, issue arises when selecting interval other than immediate verification, user reports problem on Reddit, Reuters confirms the issue, WhatsApp promises a fix 3. Keywords: WhatsApp, Facebook, iPhone users, privacy feature, Touch ID, Face ID, app access, security bug, interval, immediate verification, fix 4. Topics: - WhatsApp and Facebook face a security issue with their new privacy feature for iPhone users. - The problem occurs when users choose an interval other than immediate || positive: nan || negative: nan || Volume: 104457600 || Close: 41.756977 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 9 || Date: 2019-02-27 00:00:00 || Key Events: 1. Company: Apple 2. Project: Project Titan (Apple's self-driving car project) 3. Event: Layoffs 4. Keywords: Approximately 190 employees, Software engineers, Hardware engineers, Product design engineers, Ergonomics engineer, Machine shop supervisor, Machinists, Doug Field (returned) 5. Summary: Apple announced layoffs affecting approximately 190 employees from its self-driving car project, Project Titan. The positions include software and hardware engineers, product design engineers, an ergonomics engineer, a machine shop supervisor, and possibly machinists. This marks the first major shakeup || positive: nan || negative: negative_event || Volume: 111341600 || Close: 42.446327 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 9 || Date: 2019-02-27 00:00:00 || Key Events: Topic 1: ------------------ Company: Spotify Action: Entered Indian market Keywords: Paid music streaming service, World's leading, Indian market Summary: Spotify, the world-leading paid music streaming service, entered the Indian market on Tuesday. || positive: nan || negative: nan || Volume: 111341600 || Close: 42.446327 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 9 || Date: 2019-02-26 00:00:00 || Key Events: Topic 1: Company: AAC Technologies Holdings Inc Event: Significant decrease in first-quarter profits Keywords: Hong Kong Stock Exchange, plummeted, shares, 13%, year-on-year, forecasted, between 65-75% Summary: AAC Technologies Holdings Inc experienced a significant decrease in first-quarter profits, causing its shares to drop by over 13%. The exact decline was forecasted to be between 65-75% year-on-year. Topic 2: Company: AAC Technologies Holdings Inc Event: Reduced orders from customers || positive: nan || negative: negative_event || Volume: 68280800 || Close: 42.315266 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 10 || Date: 2019-03-05 00:00:00 || Key Events: 1. Topic: Mozilla (organization) 2. Topic: Firefox browser maker 3. Topic: DarkMatter (cybersecurity firm) 4. Event: Considering revoking DarkMatter's authority 5. Keywords: reports, linking, UAE-based intelligence agency, hacking program, Project Raven 6. Summary: Mozilla is evaluating the potential removal of DarkMatter's ability to certify websites as secure due to allegations that they have ties to a UAE intelligence agency and were involved in hacking activities through Project Raven. || positive: nan || negative: nan || Volume: 83569600 || Close: 51.398247 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 10 || Date: 2019-03-05 00:00:00 || Key Events: 1. Michael Jackson: The removal of Michael Jackson's music from radio playlists and the backlash against Oprah Winfrey for broadcasting the documentary "Leaving Neverland" are the main subjects in this news article. 2. Documentary "Leaving Neverland": A documentary titled "Leaving Neverland" was aired, featuring two adult men accusing Michael Jackson of child abuse during their childhood. 3. Child abuse allegations: The central event or action described in the headline is the accusation of child abuse against Michael Jackson by two men. 4. Keywords: Michael Jackson, documentary, Leaving Neverland, child abuse, accusations. 5. Topics || positive: nan || negative: negative_event || Volume: 83569600 || Close: 51.398247 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 10 || Date: 2019-03-07 00:00:00 || Key Events: 1. Topic: European Commission Investigation - The European Commission is conducting an investigation into tax rulings granted by Luxembourg to Finnish firm Huhtamaki. - Suspected of being state aid. 2. Topic: Tax Rulings Granted to Huhtamaki - Three specific rulings issued between 2009 and 2013 are under investigation. - Previously revealed in the Luxleaks scandal. 3. Topic: Luxembourg - The country where the tax rulings were granted. 4. Topic: Finnish Firm Huhtamaki - The recipient of the tax rul || positive: nan || negative: nan || Volume: 45448000 || Close: 49.807678 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 11 || Date: 2019-03-12 00:00:00 || Key Events: 1. Topic 1: United States (US) opposition to France's digital services tax 2. Topic 2: France's digital services tax 3. Topic 3: Discriminatory tax against American businesses 4. Topic 4: International tax reform 5. Topic 5: OECD (Organisation for Economic Co-operation and Development) 6. Topic 6: Digital giants 7. Topic 7: Profits booking in countries with lowest taxes Summary: 1. The US opposes France's digital services tax, considering it discriminatory against American businesses. 2. France || positive: nan || negative: nan || Volume: 114430400 || Close: 63.64975 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 11 || Date: 2019-03-12 00:00:00 || Key Events: 1. Boeing's 737 Max 8 planes: Two crashes have led to scrutiny and stock losses for Boeing. 2. Groundings of the fleet: Singapore, Australia, China, and Indonesia have grounded their fleets due to crashes. 3. US regulations: Design changes in the US have prevented a grounding of the fleet there. || positive: nan || negative: nan || Volume: 114430400 || Close: 63.64975 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 11 || Date: 2019-03-15 00:00:00 || Key Events: 1. Topics: U.S.-China trade talks, stocks, technology companies, S&P 500, Nasdaq, Philadelphia Semiconductor Index, S&P 500 Technology Index 2. Summary: Stocks experienced a rally on Friday due to progress in U.S.-China trade talks. Technology companies saw significant gains, leading the way for the S&P 500 and Nasdaq's best weekly performance since November. The Philadelphia Semiconductor Index surged by 2.9%, while the S&P 500 Technology Index also posted impressive growth. || positive: positive_event || negative: nan || Volume: 156171600 || Close: 45.177055 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 12 || Date: 2019-03-21 00:00:00 || Key Events: 1. EU Antitrust Commissioner Margrethe Vestager 2. Candidacy for European Commission presidency 3. Enforcing competition rules 4. Fining corporations (Google, Apple) 5. Endorsed by European liberal party 6. Six other prominent politicians also candidates. || positive: nan || negative: negative_event || Volume: 204136800 || Close: 47.354347 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 12 || Date: 2019-03-21 00:00:00 || Key Events: 1. Topics: Tech stocks, Apple Inc., market rally, Wall Street, investors, economic data, Federal Reserve, economic slowdown 2. Summary: Tech stocks, led by Apple Inc., rallied on Wall Street as investors' concerns over an economic slowdown due to the Federal Reserve were alleviated by positive economic data. The Dow Jones Industrial Average rose 0.84%, S&P 500 gained 1.09%, and Nasdaq Composite experienced similar growth. || positive: positive_event || negative: nan || Volume: 204136800 || Close: 47.354347 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 12 || Date: 2019-03-21 00:00:00 || Key Events: 1. Topic 1: Tesla (Company) 2. Topic 2: Lawsuit 3. Topic 3: Former engineer, Guangzhi Cao 4. Topic 4: Xiaopeng Motors Technology Company Ltd. (Chinese startup) 5. Topic 5: Alleged theft of Autopilot source code 6. Topic 6: Proprietary information 7. Key Events: Tesla files lawsuit against former engineer and Chinese startup for alleged intellectual property theft. 8. Summary: Tesla accuses a former engineer, Guangzhi Cao, and Xiaopeng Motors Technology || positive: nan || negative: nan || Volume: 204136800 || Close: 47.354347 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 13 || Date: 2019-03-29 00:00:00 || Key Events: 1. Daimler (German carmaker) 2. Nokia (tech company) 3. EU antitrust regulators 4. Complaint filed over essential patents for car communications 5. Tech firms' technologies becoming crucial for: a. Navigation systems b. Vehicle-to-vehicle communication c. Self-driving technology Topics: 1. Daimler vs Nokia dispute 2. EU antitrust investigation into essential patents for car communications 3. Role of tech firms in the auto industry (navigation systems, vehicle-to-vehicle communication, self-driving technology) || positive: nan || negative: negative_event || Volume: 94256000 || Close: 46.106716 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 13 || Date: 2019-03-29 00:00:00 || Key Events: 1. Topic 1: Apple's AirPower wireless charging mat - Event: Cancellation of the product - Keywords: Apple, AirPower, wireless charging mat, cancellation 2. Topic 2: Devices compatible with AirPower - Events: Included iPhone, Apple Watch, and AirPods for charging - Keywords: iPhone, Apple Watch, AirPods, charge 3. Topic 3: High standards of Apple - Event: Unable to meet these standards for the project - Keywords: high standards, project, Apple 4. Topic 4: Apology to customers - Event || positive: nan || negative: negative_event || Volume: 94256000 || Close: 46.106716 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 13 || Date: 2019-03-25 00:00:00 || Key Events: 1. Economic outlook: Concerns over the economic outlook dominated the news despite positive developments. 2. Wall Street indices: Decline of Wall Street indices on Monday. 3. Yield curve inversion: Occurred on Friday but failed to ease investor anxiety when it returned to normal. 4. Investor anxiety: Prevailed due to economic concerns, despite the yield curve returning to normal. 5. Chicago Federal Reserve Bank President and former Fed Chairwoman: Downplayed recession concerns. Summary: 1. Economic concerns dominated news despite positive developments. 2. Wall Street indices experienced a decline. 3. Yield curve inversion || positive: nan || negative: nan || Volume: 175381200 || Close: 45.813015 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 14 || Date: 2019-04-04 00:00:00 || Key Events: 1. Subjects/Entities: Facebook, WhatsApp, iOS devices, small businesses, customers 2. Key Events/Actions: Introduction of business version of WhatsApp for iOS devices, Initial availability in select countries (Brazil, Germany, Indonesia, India, Mexico, UK, US), Global rollout planned 3. Relevant Keywords: Business version, WhatsApp, iOS devices, Small businesses, Customers, Communication, Availability, Rollout 4. Summarized Topics: - Facebook introduces business version of WhatsApp for iOS devices - Initial availability in Brazil, Germany, Indonesia, India, Mexico, UK, US with global rollout planned || positive: nan || negative: nan || Volume: 76457200 || Close: 47.499989 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 14 || Date: 2019-04-04 00:00:00 || Key Events: 1. **Australia's New Law**: Australia passes a new law targeting social media and web hosting companies. 2. **Subjects**: Australia, social media and web hosting companies. 3. **Key Events**: Passing of a new law, targeting specific content (murder, torture). 4. **Relevant Keywords**: Australia, new law, social media, web hosting companies, violent content, murder, torture. 5. **Summary Topics**: Australia enacts stricter regulations on social media and web hosting companies for removing violent content. || positive: nan || negative: nan || Volume: 76457200 || Close: 47.499989 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 14 || Date: 2019-04-04 00:00:00 || Key Events: Topic 1: EU antitrust regulators and their potential actions towards tech giants (Google and Amazon) Keywords: EU antitrust regulators, tech giants, Google, Amazon, compelling, share data, competitors, breaking up, investigations, stronger arguments, "killer acquisitions", prevent dominance. || positive: positive_event || negative: nan || Volume: 76457200 || Close: 47.499989 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 15 || Date: 2019-04-12 00:00:00 || Key Events: 1. Topic: Japanese Display Company 2. Event: Chinese-Taiwanese group (TPK Holding and Harvest Group) takes control with a 21 billion bailout plan 3. Keywords: Japanese Display, Chinese-Taiwanese group, TPK Holding, Harvest Group, bailout plan, biggest shareholders 4. Summary: A Chinese-Taiwanese consortium, consisting of TPK Holding and Harvest Group, assumes control over the Japanese Display Company through a 21 billion bailout agreement. News Article 2: The European Union (EU) has agreed to extend its sanctions against Russia for another six months due || positive: nan || negative: negative_event || Volume: 67181600 || Close: 64.21154 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 15 || Date: 2019-04-11 00:00:00 || Key Events: Topic 1: Apple increasing number of clean energy suppliers Keywords: Apple, clean energy, suppliers, renewable energy projects, power purchase agreements. Topic 2: Major iPhone manufacturers adopting clean energy Keywords: Hon Hai Precision Industry, Taiwan Semiconductor Manufacturing, clean energy, iPhone manufacturers. Topic 3: Apple's initiative to reduce carbon footprint Keywords: Apple, carbon footprint, renewable energy, suppliers, reduction. || positive: positive_event || negative: nan || Volume: 103272000 || Close: 62.982265 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 15 || Date: 2019-04-11 00:00:00 || Key Events: 1. Apple: Subject (Company under investigation) 2. Dutch competition agency, ACM: Subject (Regulatory body initiating the investigation) 3. Allegedly favoring its own apps: Key Event (Apple accused of bias towards its own apps) 4. App Store: Location of alleged favoritism 5. Indications of possible anti-competitive behavior: Key Issue (Potential violation of competition laws) 6. Preferential treatment for Apple's own apps: Description of the issue 7. Mandatory use of its payment systems: Description of the issue 8. Probe may expand to Google's Play Store: Potential Expansion || positive: nan || negative: nan || Volume: 103272000 || Close: 62.982265 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 16 || Date: 2019-04-18 00:00:00 || Key Events: 1. Topic: Taiwan Semiconductor Manufacturing Company (TSMC) 2. Event: Reported a steep quarterly profit drop of 32% 3. Reason for Profit Drop: Weak global demand for smartphones and the prolonged U.S.-China trade war 4. Keywords: TSMC, profit drop, weak global demand, smartphones, U.S.-China trade war, optimism ------------------------------------------------------------------------------------------------------------------ News Article: Elon Musk's SpaceX successfully launched 60 Starlink satellites into orbit from Cape Canaveral, Florida, marking a significant step forward || positive: nan || negative: nan || Volume: 96783200 || Close: 49.483093 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 16 || Date: 2019-04-18 00:00:00 || Key Events: 1. Topic 1: U.S.-China Relations Summary: A senior U.S. official voices concern over China's influence on Taiwan's presidential election through disinformation campaigns and direct interference. 2. Topic 2: Taiwan Presidential Election Summary: Upcoming election in Taiwan is a focus of concern due to potential Chinese interference. 3. Topic 3: China's Influence Campaigns Summary: Beijing is suspected of engaging in disinformation campaigns to influence the outcome of Taiwan's presidential election. 4. Topic 4: Direct Interference Summary: China is accused of attempting direct interference in Taiwan || positive: nan || negative: negative_event || Volume: 96783200 || Close: 49.483093 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 16 || Date: 2019-04-18 00:00:00 || Key Events: 1. Topic: Apple's Material Recovery Lab in Austin, Texas - Keywords: Apple, Material Recovery lab, Austin, Texas, Research, Robotics, Machine learning, Daisy, Disassemble, iPhones. 2. Topic: Apple's New Technologies for Valuable Material Recovery - Keywords: Apple, Valuable materials, Recovery, Robotics, Machine learning. || positive: positive_event || negative: nan || Volume: 96783200 || Close: 49.483093 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 17 || Date: 2019-04-23 00:00:00 || Key Events: 1. Snap: The social media company 2. Q1 Earnings: Reported better-than-expected results with a loss of 10 cents per share and revenue of $320.4 million 3. Original Shows: Popularity of Snap's original content drove earnings growth 4. New Android App: Launch contributed to earnings increase 5. Daily Active Users (DAUs): Increased due to the success of original shows and new app. Summary: 1. Snap: Earnings boosted by popular original shows and new Android app 2. Q1 Financial Performance: Better-than-expected loss and revenue growth 3. User Eng || positive: nan || negative: nan || Volume: 93292000 || Close: 50.361782 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 17 || Date: 2019-04-23 00:00:00 || Key Events: 1. Topic 1: Chinese tech giant Tencent Holdings (Subject) 2. Topic 2: Argentine mobile banking service Uala (Subject) 3. Topic 3: Investment (Key Event) 4. Topic 4: George Soros and Point72 Ventures (Investors) 5. Topic 5: Significantly raised valuation (Impact of investment) 6. Topic 6: Growth plans (Planned actions) 7. Topic 7: Prepaid Mastercards (Product offered by Uala) 8. Topic 8: Bill payment (Service offered by Uala || positive: positive_event || negative: nan || Volume: 93292000 || Close: 50.361782 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive ----------------------- Week: 17 || Date: 2019-04-23 00:00:00 || Key Events: Topic 1: India's ban on Chinese video app TikTok Summary: The news article discusses the financial implications of India's ban on the Chinese video-sharing app TikTok. The ban has resulted in daily losses of approximately $6.6 million for its developer, Beijing Bytedance Technology Co. Additionally, over 250 jobs are at risk and the user base is decreasing by nearly one million users per day. || positive: nan || negative: negative_event || Volume: 93292000 || Close: 50.361782 ------------------------------------------------------------------------------ -------------------- Summary of News and Impact on Stock -------------------- ------------------------- Top 3 Negative and Positive -----------------------
Conclusions and Recommendations¶
- The size of the text in a file for processing matters significantly. Also the number of rows affect the processing. Weekly grouped data was 18 rows and took less time to process than 349 rows of daily data. Grouping, aggregating and concatenating was helpful.
- Selecting the optimum model is crucial ahead of processing and may require experimentation.
- The available hardware or GPU may limit the extent of processing signicantly.
- Intermediate checks at each step of the model processing minimize errors.
- I found the technique of maintining an inventory of the dataframes and constant inspections, shape, columns and documenting their dependencies invaluable.
- There are multiple ways to set up the prompts for success, but experimentation is required as some approaches may require more processing than necessary.
- If the data can be processed with python before using the model, there will be savings in processing but tradeoffs must be understood.
- The Key Words summarizing the News varied in formatting so it is important to a) check intermediate progress, b) adjust the prompt for inadvertant misunderstandings. and c) processing the resulting data can be time consuming and GPU taxing if not well optimized, i.e. Execute processing for one row until the desire results happend and once satisfied - invoke the model on the entire set of rows.
- Make a readable function to extract the data. i.e. simply ouputting the contents of a table does not help the end-user. Format the output for clarity and readability always placing a timestamp for future tracking.
- Keep experimenting with newer LLMs to understand nuances, optimizations and overall benefits. Huggingface was fun to examine with all the users comments and samples.
Recommendations for efficient Natural Language Processing using LLM¶
1. Split the Prompts:¶
- 1.1 - Maintain simplicity by keeping a smaller set of instructions.
- 1.2 - Add very clear instructions without assumptions.
- 1.3 - Adjust the model parameters to hanle the prompt more efficiently.
2. Split the Input:¶
- 2.1 - Divide the input into smaller chunks of up to n_ctx tokens (e.g., 4,500 tokens each).
- 2.2 - Process these chunks sequentially or in parallel.
- 2.3 - Combine results as needed (e.g., summarize, analyze, or extract information from each chunk).
- 2.4 - Cleanup the input as best as possible removing special characters, proper formatting for dates, time, and datatypes, remove duupplliiccaattee characters. ;-)
3. Use a Larger Context Model:¶
- 3.1 If available, use a version of Llama or another model with a higher maximum context size (e.g., GPT-4 with a 32,000-token context window or extended versions of Llama models).
4. Efficient Processing Techniques:¶
4.1 - Use sliding windows: Process overlapping chunks of text to capture relationships between segments.
4.2 - Summarize intermediate chunks: Use the model to summarize each chunk and process the summaries collectively.
4.3 - Change the prompt to simpler or fewer instructions ond once desire results are obtain. Rerun the prompt with the rest of the instructions. i.e. if there are 6 instructions...run 3 first, check results, then proceed with the next 3 instructions, etc.
5. Transparency, 3rd party Inspections, Compliance to Privacy Techniques:¶
5.1 - Create a map of each of the dataframes transformations for tracking changes.
5.2 - Export each of the processed tables for independent validations, accuracy checks, QA, and regulatory compliance.
6. Software Reliability Engineering Principles Applied to MLL Deployments:¶
- From the book " Reliable Machine Learning: Applying SRE Principles to ML in Production" by Cathy Chen
FOR REFERENCE
Nice example how to add a link for a downloadable file.
# With weekly_aggregated_copy: create a csv version and download # 1. name of file: weekly_aggregated_copy (1)
from io import StringIO
import pandas as pd
# Create an in-memory CSV file
csv_buffer = StringIO()
weekly_aggregated_copy.to_csv(csv_buffer, index=False)
# Create a download link (this part depends on your environment)
# This will likely work in a Jupyter Notebook
import base64
from IPython.display import HTML
csv_data = csv_buffer.getvalue()
b64 = base64.b64encode(csv_data.encode()).decode()
href = f'<a href="data:file/csv;base64,{b64}" download="weekly_aggregated_copy.csv">Download CSV File</a>'
HTML(href)
Power Ahead