{ "cells": [ { "cell_type": "markdown", "metadata": {}, "source": [ "# Jupyter Notebook for Interactive Labeling\n", "______\n", "\n", "This Jupyter Notebook combines a manual and automated labeling technique.\n", "By calculating estimated class probabilities, we decide whether a news article has to be labeled manually or can be labeled automatically.\n", "For multiclass labeling, 3 classes are used.\n", "\n", "In each iteration we...\n", "- check/correct the next article labels manually.\n", " \n", "- apply the SVM classification algorithm which returns a vector class_probs $(K_1, K_2, ... , K_6)$ per sample with the probabilities $K_i$ per class $i$. Estimated class labels are checked, if the estimated probability $K_x < t$ with $x \\in {1,...,6}$ and threshold $t$.\n", " \n", "Please note: User instructions are written in upper-case.\n", "__________\n", "Version: 2019-04-02, Anne Lorenz" ] }, { "cell_type": "code", "execution_count": 27, "metadata": {}, "outputs": [], "source": [ "import csv\n", "import operator\n", "import pickle\n", "import random\n", "import re\n", "\n", "from ipywidgets import interact, interactive, fixed, interact_manual\n", "import ipywidgets as widgets\n", "from IPython.core.interactiveshell import InteractiveShell\n", "from IPython.display import display\n", "import matplotlib\n", "import matplotlib.pyplot as plt\n", "import numpy as np\n", "import pandas as pd\n", "from sklearn.feature_extraction.text import CountVectorizer\n", "from sklearn.feature_selection import SelectPercentile\n", "from sklearn.metrics import recall_score, precision_score, f1_score, make_scorer\n", "from sklearn.model_selection import GridSearchCV\n", "from sklearn.model_selection import StratifiedKFold\n", "from sklearn.pipeline import Pipeline\n", "from sklearn.naive_bayes import MultinomialNB\n", "from sklearn.semi_supervised import label_propagation\n", "from sklearn.svm import LinearSVC\n", "\n", "from BagOfWords import BagOfWords\n", "from MNBInteractive import MNBInteractive\n", "from SVMInteractive import SVMInteractive\n", "from SVMInteractive_wp import SVMInteractive_wp" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Part I: Data preparation\n", "\n", "First, we import our data set of 10 000 business news articles from a csv file.\n", "It contains 833/834 articles of each month of the year 2017.\n", "For detailed information regarding the data set, please read the full documentation." ] }, { "cell_type": "code", "execution_count": 2, "metadata": {}, "outputs": [], "source": [ "# initialize random => reproducible sequence\n", "random.seed(5)\n", "random_state = 5\n", "\n", "filepath = '../data/cleaned_data_set_without_header.csv'\n", "\n", "# set up wider display area\n", "pd.set_option('display.max_colwidth', -1)\n", "\n", "# show full text for print statement\n", "InteractiveShell.ast_node_interactivity = \"all\"" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "We load the previously created dictionary of all article indices (keys) with a list of mentioned organizations (values).\n", "In the following, we limit the number of occurences of a certain company name in all labeled articles to 3 to avoid imbalance." ] }, { "cell_type": "code", "execution_count": 3, "metadata": {}, "outputs": [], "source": [ "def show_next(index):\n", " ''' this method displays an article's text and an interactive slider to set its label manually\n", " '''\n", " print('News article no. {}:'.format(index))\n", " print()\n", " print('HEADLINE:')\n", " print(df.loc[df['Index'] == index, 'Title'])\n", " print()\n", " print('TEXT:')\n", " print(df.loc[df['Index'] == index, 'Text'])\n", " \n", " def f(x):\n", " # save user input\n", " df.loc[df['Index'] == index, 'Label'] = x\n", " df.loc[df['Index'] == index, 'Round'] = m\n", "\n", " # create slider widget for labels\n", " interact(f, x = widgets.IntSlider(min=-1, max=2, step=1, value=df.loc[df['Index'] == index, 'Estimated']))\n", " print('0: Other/Unrelated news, 1: Merger,') \n", " print('2: Topics related to deals, investments and mergers')\n", " print('___________________________________________________________________________________________________________')\n", " print()\n", " print()\n", "\n", "# list of article indices that will be shown next\n", "label_next = []" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "The iteration part starts here:\n", "\n", "## Part II: Manual checking of estimated labels" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "PLEASE INSERT M MANUALLY IF PROCESS HAS BEEN INTERRUPTED BEFORE." ] }, { "cell_type": "code", "execution_count": 4, "metadata": {}, "outputs": [], "source": [ "m=18" ] }, { "cell_type": "code", "execution_count": 5, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "This round number: 18\n", "Number of manually labeled articles: 1512\n", "Number of manually unlabeled articles: 8488\n" ] } ], "source": [ "# read current data set from csv\n", "df = pd.read_csv('../data/interactive_labeling_round_{}_20190503.csv'.format(m),\n", " sep='|',\n", " usecols=range(1,13), # drop first column 'unnamed'\n", " encoding='utf-8',\n", " quoting=csv.QUOTE_NONNUMERIC,\n", " quotechar='\\'')\n", "\n", "# find current iteration/round number\n", "m = int(df['Round'].max())\n", "print('This round number: {}'.format(m))\n", "print('Number of manually labeled articles: {}'.format(len(df.loc[df['Label'] != -1])))\n", "print('Number of manually unlabeled articles: {}'.format(len(df.loc[df['Label'] == -1])))" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Building the training data set using stratified sampling:" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "#m = 15\n", "#df.loc[(df['Round'] >= m), 'Label'] = -1\n", "#df.loc[(df['Round'] >= m), 'Round'] = np.nan" ] }, { "cell_type": "code", "execution_count": 6, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "18" ] }, "execution_count": 6, "metadata": {}, "output_type": "execute_result" } ], "source": [ "m = int(df['Round'].max())\n", "m" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "len(df.loc[(df['Label'] == -1)])" ] }, { "cell_type": "code", "execution_count": 7, "metadata": {}, "outputs": [], "source": [ "#increase iteration number\n", "m += 1" ] }, { "cell_type": "code", "execution_count": 8, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "137\n" ] } ], "source": [ "labeled_pos_0 = df.loc[(df['Label'] == 0) & (df['Round'] < m)].reset_index(drop=True)\n", "labeled_pos_1 = df.loc[(df['Label'] == 1) & (df['Round'] < m)].reset_index(drop=True)\n", "labeled_pos_2 = df.loc[(df['Label'] == 2) & (df['Round'] < m)].reset_index(drop=True)\n", "\n", "max_sample = min(len(labeled_pos_0), len(labeled_pos_1), len(labeled_pos_2))\n", "print(max_sample)\n", "\n", "sampling_class0 = labeled_pos_0.sample(n=max_sample, random_state=random_state)\n", "sampling_class1 = labeled_pos_1.sample(n=max_sample, random_state=random_state)\n", "sampling_class2 = labeled_pos_2.sample(n=max_sample, random_state=random_state)\n", "\n", "training_data_0 = pd.concat([sampling_class0, sampling_class1, sampling_class2])" ] }, { "cell_type": "code", "execution_count": 9, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "8488" ] }, "execution_count": 9, "metadata": {}, "output_type": "execute_result" } ], "source": [ "testing_data_1 = df.loc[(df['Label'] == -1)]\n", "len(testing_data_1)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "We now check (and correct if necessary) the next auto-labeled articles." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Algorithmic Classification: ##" ] }, { "cell_type": "code", "execution_count": 10, "metadata": {}, "outputs": [], "source": [ "# (Idee: SVM wp Diese Klassen verwenden in Estimated, aber dann Proba LinearSVC zur Auswahl benutzen? evtl mal testen...)" ] }, { "cell_type": "code", "execution_count": 11, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "# MNB: starting interactive multinomial naives bayes...\n", "\n", "# MNB: ending multinomial naive bayes\n", "Wall time: 4.86 s\n" ] } ], "source": [ "# call script with manually labeled and manually unlabeled samples\n", "#%time classes, class_probs = SVMInteractive.estimate_svm(training_data_0, testing_data_1)\n", "#%time classes, predictions_test = SVMInteractive_wp.estimate_svm(training_data_0, testing_data_1)\n", "%time classes, class_count, class_probs = MNBInteractive.estimate_mnb(training_data_0, testing_data_1)" ] }, { "cell_type": "code", "execution_count": 12, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "array([[2.90095837e-058, 1.00000000e+000, 1.88641956e-068],\n", " [1.00000000e+000, 7.99408306e-124, 4.59170445e-286],\n", " [5.32933041e-085, 1.00000000e+000, 3.52584596e-050],\n", " [1.00000000e+000, 1.82442124e-212, 0.00000000e+000],\n", " [1.00000000e+000, 6.47688017e-034, 6.17363199e-182],\n", " [1.00000000e+000, 5.06168554e-118, 1.93915497e-061],\n", " [1.00000000e+000, 0.00000000e+000, 0.00000000e+000],\n", " [1.00000000e+000, 1.76212116e-070, 6.20935582e-152],\n", " [1.00000000e+000, 0.00000000e+000, 0.00000000e+000],\n", " [1.00000000e+000, 0.00000000e+000, 0.00000000e+000]])" ] }, "execution_count": 12, "metadata": {}, "output_type": "execute_result" } ], "source": [ "class_probs[:10]" ] }, { "cell_type": "code", "execution_count": 13, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "19" ] }, "execution_count": 13, "metadata": {}, "output_type": "execute_result" } ], "source": [ "m" ] }, { "cell_type": "code", "execution_count": 14, "metadata": {}, "outputs": [], "source": [ "# annotate highest estimated probability for every instance\n", "maxima = []\n", "for row in class_probs:\n", " maxima.append(np.amax(row))" ] }, { "cell_type": "code", "execution_count": 15, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "8488" ] }, "execution_count": 15, "metadata": {}, "output_type": "execute_result" }, { "data": { "text/plain": [ "8488" ] }, "execution_count": 15, "metadata": {}, "output_type": "execute_result" } ], "source": [ "len(maxima)\n", "len(class_probs)" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# save class_probs array\n", "with open('../obj/'+ 'array_class_probs_round_{}_svm_190502_3'.format(m) + '.pkl', 'wb') as f:\n", " pickle.dump(maxima, f, pickle.HIGHEST_PROTOCOL)" ] }, { "cell_type": "code", "execution_count": null, "metadata": { "scrolled": false }, "outputs": [], "source": [ "# sort list in descending order\n", "maxima.sort(reverse=True)\n", "\n", "# convert list to array\n", "probas = np.asarray(maxima)\n", "\n", "mu = 200\n", "sigma = 25\n", "n_bins = 50\n", "\n", "fig, ax = plt.subplots(figsize=(8, 4))\n", "\n", "# plot the cumulative histogram\n", "n, bins, patches = ax.hist(probas, n_bins, density=1, histtype='step',\n", " cumulative=True, facecolor='darkred')\n", "\n", "ax.grid(True)\n", "ax.set_xlabel('Highest estimated probability')\n", "ax.set_ylabel('Fraction of articles with this highest estimated probability')\n", "#plt.axis([0.5, 1, 0, 0.015])\n", "#ax.set_xbound(lower=0.3, upper=0.6)\n", "plt.show()" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "plt.savefig('..\\\\visualization\\\\probabilities_round_{}_svm_190502.png'.format(m))" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "We annotate each article's estimated class with its probability in columns 'Estimated' and 'Probability':" ] }, { "cell_type": "code", "execution_count": 16, "metadata": {}, "outputs": [], "source": [ "# series of indices of recently estimated articles \n", "indices_estimated = df.loc[df['Label'] == -1, 'Index'].tolist()" ] }, { "cell_type": "code", "execution_count": 17, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "8488" ] }, "execution_count": 17, "metadata": {}, "output_type": "execute_result" } ], "source": [ "len(indices_estimated)" ] }, { "cell_type": "code", "execution_count": 18, "metadata": {}, "outputs": [], "source": [ "n = 0 \n", "for row in class_probs:\n", " for i in range(0, len(classes)):\n", " index = indices_estimated[n]\n", " # save estimated label\n", " if np.amax(row) == row[i]:\n", " df.loc[index, 'Estimated'] = classes[i]\n", " # annotate probability\n", " df.loc[index, 'Probability'] = row[i]\n", " n += 1" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "#predictions_test[:10]" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# without probabilities:\n", "n = 0 \n", "for row in predictions_test:\n", " index = indices_estimated[n]\n", " # save estimated label\n", " df.loc[index, 'Estimated'] = row\n", " # annotate probability\n", " df.loc[index, 'Probability'] = np.nan\n", " n += 1" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "n" ] }, { "cell_type": "code", "execution_count": 19, "metadata": { "scrolled": true }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Estimated labels in total: class 0: 6642, class 1: 832, class 2: 1014\n" ] } ], "source": [ "print('Estimated labels in total: class 0: {}, class 1: {}, class 2: {}'\n", " .format(len(df.loc[(df['Label'] == -1) & (df['Estimated'] == 0.0)]), \n", " len(df.loc[(df['Label'] == -1) & (df['Estimated'] == 1.0)]),\n", " len(df.loc[(df['Label'] == -1) & (df['Estimated'] == 2.0)])))" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# save round\n", "df.to_csv('../data/interactive_labeling_round_{}_new.csv'.format(m),\n", " sep='|',\n", " mode='w',\n", " encoding='utf-8',\n", " quoting=csv.QUOTE_NONNUMERIC,\n", " quotechar='\\'')" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Manual Labeling: ##" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Find new threshold for labeling:" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "threshold = 1.0 #0.354 # mnb 0.582 #0.3429 # mnb: 0.62 # svm: 0.3511\n", "\n", "n = 0\n", "for ma in maxima:\n", " if ma >= threshold:\n", " n += 1\n", "n\n", "print('Number of articles with estimated probability > {}: {}'.format(threshold, len(df.loc[(df['Label'] == -1) & (df['Probability'] >= threshold)])))" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Check articles with probability over threshold:" ] }, { "cell_type": "code", "execution_count": 33, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "161" ] }, "execution_count": 33, "metadata": {}, "output_type": "execute_result" } ], "source": [ "# pick articles with P < t:\n", "#(df['Probability'] >= 0.45)\n", "# (len(df['Text']) >= 700)\n", "# | df['Text'].str.contains(\"merger|buy|buys|acquisition\")\n", "label_next = df.loc[(df['Label'] == -1) \n", " & (df['Estimated'] == 1) \n", " & (df['Probability'] == 1.0) \n", " & (df['Text'].str.len() >= 700) \n", " & (df['Title'].str.contains(\"merger|buy|buys|acquisition\")), 'Index'].tolist()\n", "\n", "len(label_next)" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# how many keywords are there?\n", "#test = df.loc[df['Round'] == 18]\n", "#test.loc[test[]]" ] }, { "cell_type": "code", "execution_count": 34, "metadata": {}, "outputs": [], "source": [ "# pick articles randomly:\n", "num_rand = 100\n", "label_next = random.sample(label_next, num_rand)" ] }, { "cell_type": "code", "execution_count": 36, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "100" ] }, "execution_count": 36, "metadata": {}, "output_type": "execute_result" } ], "source": [ "len(label_next)" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "#print('Estimated labels to be checked: class 0: {}, class 1: {}, class 2: {}'\n", "# .format(len(df.loc[(df['Label'] == -1) & (df['Probability'] < threshold) & (df['Estimated'] == 0.0)]), \n", "# len(df.loc[(df['Label'] == -1) & (df['Probability'] < threshold) & (df['Estimated'] == 1.0)]),\n", "# len(df.loc[(df['Label'] == -1) & (df['Probability'] < threshold) & (df['Estimated'] == 2.0)])))" ] }, { "cell_type": "code", "execution_count": 35, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "19" ] }, "execution_count": 35, "metadata": {}, "output_type": "execute_result" } ], "source": [ "m" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# increment round number\n", "m += 1\n", "print('This round number: {}'.format(m))" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "PLEASE READ THE FOLLOWING ARTICLES AND ENTER THE CORRESPONDING LABELS:" ] }, { "cell_type": "code", "execution_count": 37, "metadata": { "scrolled": true }, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "News article no. 9916.0:\n", "\n", "HEADLINE:\n", "9916 China's Tencent plans to buy 5 percent stake in Yonghui Superstores\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "9916 HONG KONG (Reuters) - Chinese tech giant Tencent Holding Ltd ( 0700.HK ) plans to buy a 5 percent stake in Yonghui Superstores ( 601933.SS ), the department store operator said on Monday.FILE PHOTO: Tencent company name is displayed at a news conference in Hong Kong, China March 17, 2016. REUTERS/Bobby Yip/File Photo The investment will be made through an affiliate of Tencent, which also aims to take a 15 percent stake in Yonghui Superstore Co Ltds ( 601933.SS ) supply chain and logistics subsidiary via a capital increase, the retailer said in a filing to the Shanghai stock exchange.Details of the investments, including the transaction prices and stake sellers, remain under discussion, it added in the filing.Tencent was not immediately available for comment outside of normal business hours.Trade in Yonghui Superstores remains suspended after it was halted on December 8. Before the suspension, it jumped its daily limit of 10 percent following local reports of Tencents investment.Chinas e-commerce giants have pushed into traditional retail. In November, Alibaba Group Holding Ltd ( BABA.N ) said it would invest $2.9 billion in Chinas top hypermart operator Sun Art Retail Group Ltd ( 6808.HK ) for a major stake.[nL3N1NQ03M]Reporting by Meg Shen; Additional reporting by Cate Cadell; Editing by Adrian Croft \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "0293acfab117439a9b4b8561ca6fbf78", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 4664.0:\n", "\n", "HEADLINE:\n", "4664 American Airlines says Qatar Airways interested in buying 10 percent stake\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "4664 By Alexander Cornwell American Airlines Group Inc ( AAL.O ) said on Thursday that Qatar Airways, the Gulf country's state-owned airline embroiled in a airspace row, had expressed interest in buying as much as a 10 percent stake worth at least $808 million in the U.S. airline.The potential investment comes against the background of diplomatic and competitive turbulence for Qatar Airways, its home country and U.S. airlines. Operations at Qatar Airways were disrupted after four Arab nations cut diplomatic and economic ties with Qatar this month in the worst diplomatic crisis in the region in years.Separately, American, United Continental Holdings Inc ( UAL.N ), and Delta Air Lines ( DAL.N ) have pressed the U.S. government to take action to curb U.S. flights by Qatar Airways and rival Gulf carrier's Emirates Airline [EMIRA.UL] and Etihad Airways. The U.S. carriers charge that their Gulf rivals have received billions of dollars in unfair state subsidies, allegations the Gulf carriers deny.American said in a regulatory filing its opposition to the Gulf carriers would not be changed by Qatar Airway's interest.Shares of American Airlines rose more than five percent in pre-market trade after it disclosed Qatar's potential investment. The stock was up 1 percent at $48.95 midday.Qatar Airways indicated its interest in buying a stake in American on the open market, American said in the filing. ( bit.ly/2tRVFlK )Qatar Airways said in a statement that it sees a \"strong investment opportunity\" in American and that it \"intends to build a passive position in the company with no involvement in management, operations or governance.\"\"Qatar Airways plans to make an initial investment of up to 4.75 percent. Qatar Airways will not exceed 4.75 percent without prior consent of the American Airlines board. Qatar Airways will make all necessary regulatory filings at the appropriate time.\"American Airlines declined comment and it was not clear how American's board or management would respond to Qatar's potential investment.American, in its filing, noted potential obstacles to Qatar's plan to acquire the stake. American said its rules prohibit \"anyone from acquiring 4.75 percent or more of the company's outstanding stock without advance approval from the board,\" and said it had received no request from Qatar for such approval. Further, American said, \"there are foreign ownership laws that limit the total percentage of foreign voting interest to 24.9 percent.\"Qatar's request for a 10 percent stake would put it on par with Warren Buffett's Berkshire Hathaway ( BRKa.N ), which always holds a 10 percent stake in the airline.The stake in American Airlines by Qatar Airways would also add to its investment portfolio. The Middle East's second biggest airline also owns 20 percent of British Airways-owner International Airlines Group (IAG) and 10 percent of South America's LATAM.Qatar Airways Chief Executive Akbar al-Baker has said the investments were purely financial, though he has looked for opportunities to cut costs or expand service with the oneworld alliance airlines in which it owns stakes.Qatar Airways, American Airlines, IAG's British Airways, Iberia and LATAM, are all members of the oneworld airline alliance.British Airways and Qatar Airways have a revenue sharing partnership between their respective hubs in Doha and London, and Qatar Airways plans to launch flights to LATAM's base in Santiago, Chile.The U.S. market is strategically important to Qatar Airways and this would strengthen their ability to feed at the U.S. end,\" independent aviation consultant John Strickland told Reuters. \"However, if it does go ahead it would not give them automatic antitrust immunity. That would have to be negotiated separately.The crisis in the Gulf has seen Saudi Arabia, the United Arab Emirates, Bahrain and Egypt close their airspace to Qatar Airways, forcing it to cut flights to those countries, fly longer routes and thereby adding costs. Qatar had asked the United Nations' aviation agency to intervene in the dispute.Al-Baker, who has been highly critical of the blocking of airspace, has said Qatar Airways would use the aircraft used to fly to those countries for fast-track expansion plans elsewhere.The dispute among the Arab states is a diplomatic test for the United States which is an ally of the main parties in the conflict.In Washington's strongest language on the dispute this week, the U.S. State Department questioned the motives of Saudi Arabia and the UAE in announcing their boycott of Qatar. U.S. President Donald Trump, however, has taken a tougher stance on Qatar, accusing it of being a \"high level\" sponsor of terrorism, but he has also offered help to the parties in the dispute to resolve their differences.(Reporting by Alexander Cornwell in Dubai, Rachit Vats in Bengaluru and Alana Wise in New York; Editing by Sai Sachin Ravikumar, Bernard Orr)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "260e2017ac6c4ddebc04fe3f804271b2", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 6469.0:\n", "\n", "HEADLINE:\n", "6469 U.S. buyout firm to buy CPA Global for 2.4 billion pounds - source\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "6469 August 28, 2017 / 11:52 PM / 5 hours ago U.S. buyout firm to buy CPA Global for 2.4 billion pounds: source Parikshit Mishra 1 Min Read (Reuters) - U.S. buyout firm Leonard Green & Partner has agreed to buy intellectual property services provider CPA Global for 2.4 billion pounds ($3.10 billion) including debt, a source familiar with the matter said on Tuesday. An announcement on the transaction is expected on Tuesday, the source also added. The Financial Times earlier reported on the deal. ( on.ft.com/2wEGtO4 ) Reuters reported in July that CPA's owner Cinven had decided to sell the business, hiring Goldman Sachs and JP Morgan as advisers and the business could fetch up to 2 billion pounds. Cinven acquired CPA Global in 2012 from Intermediate Capital Group and the founder shareholders for around 950 million pounds, backed with 555 million pounds of debt financing. Cinven declined to comment on the deal while Leonard Green & Partner and CPA Global and were not immediately available for comment outside regular business hours. Reporting by Parikshit Mishra in Bengaluru; Editing by Richard Chang and Cynthia Osterman\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "f39a570d782649e887ad1fbf85219cfe", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 8989.0:\n", "\n", "HEADLINE:\n", "8989 RPT-Spotify buys online recording studio Soundtrap\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "8989 (Repeats to additional subscribers)STOCKHOLM, Nov 17 (Reuters) - Music streaming company Spotify has bought online music and audio recording studio Soundtrap, it said on Friday, declining to give financial details of the deal.Stockholm-based Soundtrap allows its subscribers to have an online music studio and create music together with other people in real time, its website says.Soundtraps rapidly growing business is highly aligned with Spotifys vision of democratising the music ecosystem, Spotify said in a statement.Spotify is aiming to file its intention to float with U.S. regulators towards the end of this year to list in the first or second quarter next year, sources said in September.Reporting by Olof Swahnberg and Helena Soderpalm; Editing by David Goodman \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "f5cec8c15eb4444bb795b00ec644f8c3", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 341.0:\n", "\n", "HEADLINE:\n", "341 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "341 Financials 9:03am EST Deals of the day-Mergers and acquisitions Jan 20 The following bids, mergers, acquisitions and disposals were reported by 1400 GMT on Friday: ** Fairfax Financial Holdings is in early talks to sell 25 percent of India's largest private general insurer ICICI Lombard in a deal that could fetch up to $1 billion, as the Canadian firm looks to cash out and start a new insurance joint venture, sources familiar with the matter said. ** Halyk Bank,, Kazakhstan's No.2 lender by assets, is in talks with Kazkommertsbank, the country's No.1 bank, and Kazkommertsbank's majority shareholder, about a potential transaction, Halyk said. ** Heineken, the world's second largest brewer, said it was in talks regarding a possible deal for the Brazilian operations of Japan's Kirin Holdings Co Ltd. ** Japan's Canon Inc is considering investing in Toshiba Corp's chip business, Kyodo news agency reported. ** British insurer Aviva said it had joined up with investment management firm Hillhouse Capital and Chinese internet services giant Tencent Holdings to start a digital insurance focused company in Hong Kong. ** UniCredit's Hungarian business is in the final stages of selling a distressed mortgage portfolio to Prague-based investor APS Holding in a deal worth tens of millions of euros, multiple financial sector sources said. ** China National Chemical Corp, or ChemChina, said it has sought the U.S. anti-trust regulator's approval for its planned $43 billion acquisition of Swiss crop protection and seed group Syngenta AG. ** Japanese financial services firm Orix Corp has agreed to buy $290 million worth of shipping loans from Royal Bank of Scotland, sources with direct knowledge of the deal told Reuters. ** China's COSCO Shipping Corporation and Hong Kong-listed shipping-to-property firm Orient Overseas International (OOIL) Ltd threw cold water on reports that the two were in talks over a deal for OOIL's subsidiary OOCL. ** Wells Fargo & Co, the third-largest U.S. bank by assets, said on Thursday it would merge its international business with its wholesale banking unit that serves corporate clients. ** India-based car parts maker and engineering group Motherson Sumi Systems Ltd has agreed to buy Finnish truck wire maker PKC Group for 571 million euros ($609 million), PKC said on Thursday. ** Swedish telecom operator Telia is considering a bid for Denmark's TDC, which is itself exploring a takeover of Swedish cable TV firm Com Hem, Dagens Industri (DI) reported, citing unnamed sources. ** Japan's Toshiba Corp has begun preparations to sell a minority stake in its core chip business, people with knowledge of the matter said, as it urgently seeks funding to avoid being crippled by an upcoming multi-billion dollar writedown. ** Viacom Inc's Paramount Pictures will receive a $1 billion cash investment from two Chinese film companies, Shanghai Film Group (SFG) and Huahua Media, giving the U.S. studio much-needed cash and support as it attempts to grow. (Compiled by Akankshita Mukhopadhyay in Bengaluru) Next In Financials\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "3092ce7ea41e4cb592bdaa310bdefc9d", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 7922.0:\n", "\n", "HEADLINE:\n", "7922 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "7922 (Adds Weinstein Co, easyJet, Tata Steel, Ita Unibanco Holding SAs, Impala Platinum, Aramco, Ruby Tuesday, Nordstrom; Updates Lufthansa, Bombardier)Oct 16 (Reuters) - The following bids, mergers, acquisitions and disposals were reported by 20:00 GMT on Monday:** The Weinstein Company has entered talks to sell the bulk of its assets to private equity firm Colony Capital, the companies said on Monday, as the film production company looks for stability after the departure of co-founder Harvey Weinstein.** British budget airline easyJet said on Monday it had submitted an expression of interest in acquiring parts of Italys insolvent national carrier Alitalia.** Tata Steel and Thyssenkrupp have no plans to spin off their pending European steel joint venture within the next two to three years, Tatas managing director said on Monday.** Brazilian bank Ita Unibanco Holding SAs purchase of a minority stake in independent financial services firm XP Investimentos SA is complex due to competition concerns and needs further analysis, a unit of antitrust watchdog Cade said.** South Africas Impala Platinum (Implats) said on Monday it would pay $30 million for a 15 percent interest in a platinum project in the northern Waterberg region and had an option to acquire a majority stake in the development.** China is offering to buy up to 5 percent of Saudi Aramco directly, sources said, a move that could give Saudi Arabia the flexibility to consider various options for its plan to float the worlds biggest oil producer on the stock market.** Ruby Tuesday Inc said on Monday it would be acquired by private equity firm NRD Capital for an enterprise value of about $335 million.** Nordstrom Inc said on Monday that a founding family group had suspended attempts to take the U.S. department store operator private because of difficulties in arranging debt financing for its bid ahead of the key holiday shopping season.** German airline Lufthansa has submitted an offer for parts of Alitalia and a plan to reshape Italys ailing national carrier just days after agreeing to buy some of Air Berlins assets.** Russias state-owned oil major Rosneft announced first tenders to sell oil products from its refineries for delivery in January-December 2018, the company said on its website.** Brazils antitrust regulator Cade is set to approve AT&T Incs acquisition of Time Warner Inc, with conditions, newspaper Valor Economico reported on Monday.** Canadas Bombardier Inc is continuing to look at strategic options for its aerospace division but no deal is imminent, people familiar with the matter told Reuters on Monday, as the company seeks to shore up sales and improve finances.** T-Mobile U.S. Inc and Sprint Corp plan to announce a merger agreement without any immediate asset sales, as they seek to preserve as much of their spectrum holdings and cost synergies as they can before regulators ask for concessions, according to people familiar with the matter.** Indian e-commerce firm Flipkart is in talks for a partnership with online ticketing platform BookMyShow in a bid to build out its services and transaction offering, the Economic Times newspaper reported.** Food services company Aramark said it would buy Avendra LLC, majority owned by Marriott International Inc , and uniform and linen supplier AmeriPride Services Inc for a total of $2.35 billion, before tax benefit adjustments.** South African construction firm Group Five said Greenbay Properties, had made an unsolicited offer to acquire its European assets for 1.6 billion rand ($120 million), sending its shares sharply higher.** The Italian government is not currently talking to Telecom Italia about the idea of spinning off the groups fixed-line network, a junior minister said. (Compiled by Vibhuti Sharma and Uday Sampath in Bengaluru)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "6a424319aad846b99be9225d1fb89a41", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 4598.0:\n", "\n", "HEADLINE:\n", "4598 Shawbrook rejects third buyout offer from private equity groups\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "4598 15am BST Shawbrook rejects third buyout offer from private equity groups British challenger bank Shawbrook Group Plc said it rejected a raised and final 868 million pounds offer from private equity groups trying to take control of the lender. \"Independent directors believe that the final offer undervalues Shawbrook and its prospects and therefore advise that shareholders take no action with regards to the final offer,\" Shawbrook said in a statement on Tuesday. Marlin Bidco, the buyout vehicle set up by BC Partners and Pollen Street Partners, on Monday raised its offer for Shawbrook by just over 3 percent, as the bidders try to convince another 5 percent of shareholders to accept the deal. (Reporting by Noor Zainab Hussain in Bengaluru, Editing by Lawrence White)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "df8c739dc5f1450599ae42e17b14e37d", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 1044.0:\n", "\n", "HEADLINE:\n", "1044 SocGen buys Aviva's stake in insurer Antarius 1 for 425 million pounds\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "1044 Deals - Thu Feb 9, 2017 - 7:25am GMT SocGen buys Aviva's stake in insurer Antarius 1 for 425 million pounds The logo of the French bank Societe Generale is seen in front of the bank's headquarters building at La Defense business and financial district in Courbevoie near Paris, France, April 21, 2016. REUTERS/Gonzalo Fuentes LONDON British insurer Aviva ( AV.L ) on Thursday announced the sale of a 50 percent stake in its life insurance joint venture Antarius 1 to a unit of French bank Societe Generale ( SOGN.PA ) for about 425 million pounds ($531.42 million). Antarius is currently owned jointly by Aviva and a separate subsidiary of Societe Generale. \"This is a good deal at an attractive valuation and the sale realises a strong return for our shareholders,\" said Aviva Chief Executive Officer Mark Wilson. (Reporting By Andrew MacAskill; Editing by Rachel Armstrong) Next In Deals\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "d8e25092233b495eaac18f25139613d2", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 3183.0:\n", "\n", "HEADLINE:\n", "3183 EU clears Rolls-Royce's acquisition of Spain's ITP subject to conditions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "3183 4:08pm BST EU clears Rolls-Royce's acquisition of Spain's ITP subject to conditions A Rolls-Royce logo is pictured on the company booth during the European Business Aviation Convention & Exhibition (EBACE) at Cointrin airport in Geneva, Switzerland, May 24, 2016. REUTERS/Denis Balibouse BRUSSELS European Union antitrust regulators said on Wednesday they had cleared the acquisition of aircraft engine components maker ITP by Rolls-Royce ( RR.L ) subject to its elimination of a conflict of interest in an engine consortium. The engine consortium EPI, made up of Rolls-Royce, ITP, Germany's MTU and France's Safran ( SAF.PA ), designs and manufactures the engine powering the Airbus A400M, which competes with the Lockheed Martin ( LMT.N ) C-130J aircraft, powered by a Rolls-Royce engine. The European Commission said in a statement that it initially had concerns the merger would have allowed Rolls-Royce to gain additional influence on the decision-making process of the EPI consortium, on matters that affected its competitiveness against the Lockheed Martin C-130J. To allay those concerns Rolls-Royce offered commitments to eliminate the conflict of interest and ensure EPI remains competitive, the Commission said. (Reporting by Julia Fioretti; editing by Philip Blenkinsop)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "c2bb9dd159e24b8e9d245d84e5b1c1c7", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 2328.0:\n", "\n", "HEADLINE:\n", "2328 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "2328 00am EST Deals of the day-Mergers and acquisitions March 2 The following bids, mergers, acquisitions and disposals were reported by 1100 GMT on Thursday: ** Kazakhstan's biggest lenders by assets, Kazkommertsbank (KKB) and Halyk Bank, have signed a non-binding memorandum of understanding on a potential acquisition of a controlling interest in KKB by Halyk, KKB said. ** Aurubis AG, Europe's biggest copper smelter, plans a new corporate strategy involving expansion into production of other non-ferrous metals alongside its traditional copper business, new CEO Juergen Schachler said. ** Spain's carmaking plants were \"well-placed\" in the takeover talks between PSA Group and General Motors' European arm, Economy Minister Luis de Guindos said after speaking to a senior executive at PSA. ** Park Square Capital and SMBC are setting up a new euro 3 billion direct lending fund which will be a joint venture between the two firms, banking sources said. ** German consumer products group Henkel has made a binding offer to buy Darex Packaging Technologies from GCP Applied Technologies for $1.05 billion. ** BPER Banca said it had agreed to buy small lender Nuova Carife for 1 euro, helping Italy solve one of its banking headaches by selling the last one of four small lenders it rescued from bankruptcy in November 2015. (Compiled by Sruthi Shankar in Bengaluru) \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "a087ffadef1246b2bdc1c0bc2dcbb059", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 6689.0:\n", "\n", "HEADLINE:\n", "6689 Pension funds to buy majority of Copenhagen Airports in $1.6 billion deal\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "6689 COPENHAGEN (Reuters) - A Canadian and a Danish pension fund, Ontario Teachers Pension Plan (OTTP) and ATP, have agreed to buy a 57.7 percent stake in Copenhagen Airports (CPH) from Australias Macquarie for about 9.8 billion Danish crowns ($1.57 billion).The transaction depends on approval by the Danish and European Union authorities and is expected to be completed in the fourth quarter, the parties said in a joint statement.The two funds estimated the offer price would be about 5,700 crowns per share, but said this could fluctuate depending on the date of completion.Shares in the airport company rose as much as 12.3 percent after the announcement to 5,750 crowns per share.Macquarie has invested more than 10 billion crowns during its 12 years of ownership in the company which owns Kastrup airport, the main international airport serving Copenhagen.The Danish state owns 39.2 percent of the firm and Denmarks Finance Minister Kristian Jensen said on Twitter he was very satisfied that the future ownership was clarified and was looking forward to working with the new shareholders.($1 = 6.2576 Danish crowns)Reporting by Teis Jensen; Editing by Edmund Blair \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "6c9660c06b114e9688485fbadaff708e", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 7933.0:\n", "\n", "HEADLINE:\n", "7933 Chinese-funded EV startup buys tech firm headed by former Tesla executive\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "7933 BEIJING, Oct 19 (Reuters) - SF Motors Inc, a California-based electric vehicle (EV) unit of Chinas Chongqing Sokon Industry Group Co Ltd, on Thursday said it has bought an EV and battery tech firm headed by former Tesla Inc executive Martin Eberhard for $33 million.The acquired company, InEVit Inc, will become a wholly owned subsidiary of SF Motors, one of an array of Chinese-funded EV startups in China and the United States.InEVit will continue to operate as a standalone technology firm licensing EV and battery know-how to global automakers. Eberhard, who has worked with SF Motors as an advisor, will become SF Motors chief innovation officer and vice chairman of the board.In this new role, Eberhard will primarily focus on technology innovation, product development, product positioning and branding all with the goal of helping SF Motors meet global EV demands, SF Motors said in a statement.InEVits expertise, patented technologies and manufacturing techniques will be leveraged to help SF Motors to rapidly and profitably scale e-powertrain production for its own future products, and will look to license this technology to other automakers to help speed zero emission vehicle proliferation across the industry.SF Motors is the latest Chinese-funded firm to join a boom in EV development.Established by Sokon Industry, a small automaker in Chongqing producing low-cost micro commercial vans, SF Motors recently established a U.S. research and development (R&D) centre in Silicon Valley and an R&D branch in Ann Arbor, Michigan, as well as branches in Germany, Japan and China.Sokon Industry also produces and sells crossover sport-utility vehicles (SUVs). (Reporting by Norihiko Shirouzu; Editing by Christopher Cushing)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "dd829245fdaa4ea780b036572f4fb7b7", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 9738.0:\n", "\n", "HEADLINE:\n", "9738 Old Mutual Global Investors chief near buyout deal backed by TA Associates - source\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "9738 December 15, 2017 / 1:27 AM / Updated an hour ago Old Mutual Global Investors chief near buyout deal backed by TA Associates - source Reuters Staff 2 Min Read (Reuters) - The chief of Old Mutual Global Investors (OMGI) Richard Buxton is nearing a 550 million pound buyout of the company, according to a person familiar with the matter. The buyout, which will be announced as soon as Friday or more likely next week, will be backed by private equity firm TA Associates, according to the person. A source told Reuters earlier in September that Buxton was eager to strike off on his own and had been in talks with private equity firm TA Associates about a possible management buyout of OMGI. Last month, Old Mutual Plc ( OML.L ), said it was on course to list its wealth unit Old Mutual Wealth in 2018 and announced a series of planned changes to the brand. The Anglo-South African insurer, whose primary share listing is on the London Stock Exchange, said in 2016 it planned to break itself up into four parts, blaming regulatory changes for making the company too complex to run in its current form. As part of the break-up, Old Mutual was also looking to sell part of OMGI, the asset management business of Old Mutual Wealth. Reporting by Carolyn Cohn in London and Sangameswaran S in Bengaluru; Editing by David Gregorio\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "30ea7124624343c9a63db47daf22480a", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 6745.0:\n", "\n", "HEADLINE:\n", "6745 ABB buys GE unit for $2.6 billion to boost North American business\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "6745 5:25 AM / Updated 20 minutes ago ABB buys GE business for $2.6 billion in bet it can boost margins Reuters Staff 2 Min Read FILE PHOTO: The logo of Swiss power technology and automation group ABB is seen in Baden, Switzerland June 23, 2017. REUTERS/Arnd Wiegmann/File Photo ZURICH (Reuters) - Power grids maker ABB is buying General Electrics Industrial Solutions business for $2.6 billion on a bet that it can improve lackluster margins at the unit over the next five years, the Swiss engineering company said on Monday. Zurich-based ABB sees potential for cost synergies of $200 million annually after five years with the deal, which includes terms for long-term use of GEs brand. In 2016, Industrial Solutions had sales of about $2.7 billion, with an operating margin of some 8 percent. ABB is wagering on being able to cut costs and boost profitability at the Georgia-based GE business, whose operating earnings before interest, taxes and amortization (EBITA) as a percentage of sales is only about half the 15 percent of ABBs comparable Electrification Products division. Initially, combining with GEs unit will reduce Electrification Products margins to below ABBs target of 15-19 percent, although ABB aims to return to that level by 2020, it said. Together with the GE Industrial Solutions team, we will execute our well-established plans in a disciplined way to bring this business as part of the global ABB family back to peer performance, ABB CEO Ulrich Spiesshofer said in a statement. Products made by the GE unit include circuit breakers, switchgear and power supply equipment used for facilities including data centers. GE had resumed negotiations to sell the business to ABB after the U.S. industrial conglomerate moderated its price expectations, people familiar with the matter told Reuters in August. Reporting by John Miller; Editing by Michael Shields\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "9d3843dc3fe046e0a7816a1ff2cec5e1", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 9156.0:\n", "\n", "HEADLINE:\n", "9156 Allianz plans to buy rest of Euler Hermes for $2.2 billion\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "9156 FRANKFURT (Reuters) - German insurer Allianz ( ALVG.DE ) plans to buy the shares in credit insurer Euler Hermes ( ELER.PA ) it does not yet own for around 1.85 billion euros ($2.2 billion).FILE PHOTO: Flags with the logo of Allianz SE, Europe's biggest insurer, are pictured before the company's annual shareholders' meeting in Munich, Germany May 3, 2017. REUTERS/Michaela Rehle/File Photo Allianz said on Monday that it struck a deal to buy 11.3 percent of Euler Hermes stock for 122 euros per share in cash, taking its holding to 74.3 percent of shares.It plans to make a public takeover offer for the remaining stock, excluding treasury shares, at the same price, a 21 percent premium to Fridays closing price.Increasing ownership in Euler Hermes is therefore a logical step for Allianz to deploy capital in strategic businesses delivering solid operating performance, and to strengthen positions in core home markets and in property and casualty in particular, Allianz said in a statement.The deal will add about 1 percent to group earnings per share immediately after closing, Allianz said. It said the deal would have no impact on its 2 billion euro share buyback program.Euler Hermes said in a statement that its supervisory board would meet to deliver a formal opinion regarding Allianzs offer during the last days of December.($1 = 0.8387 euros)Reporting by Maria Sheahan; Editing by Francois Murphy and Susan Fenton \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "4fb2e91ee34e4afe9e5b56b93444111d", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 2185.0:\n", "\n", "HEADLINE:\n", "2185 Linde says Praxair merger on track, outlook seen strong\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "2185 MUNICH, Germany German industrial gases group Linde said its planned merger with U.S. rival Praxair was on track and it aimed to raise its profitability this year, lifting its shares to the top of the German blue-chip DAX on Thursday.The Munich-based group said it still aimed to finalize an agreement with Praxair on combining their businesses by the end of April or beginning of May. The all-stock merger of equals would create a market leader worth around $65 billion.Linde said it aimed for flat to 7 percent higher operating profit helped by cost cuts, compared with a 3 percent increase in 2016.The company said it sought to increase 2017 revenue by 3 percent, although it could see a decrease of up to 3 percent due to a \"challenging market environment\", especially in its plant-engineering division, which is vulnerable to oil and gas prices.\"Our efforts to make Linde even more profitable are already having an impact,\" Chief Executive Aldo Belloni said in a statement. \"We will be able to operate even more successfully in the market in the future.\"Praxair is almost twice as profitable as Linde, while the German company is seen as the technology leader.Linde shares rose 1.2 percent by 0822 GMT, outperforming a 0.2 percent-weaker DAX.DZ Bank analyst Peter Spengler described the company's guidance as \"a big surprise and above our expectations\".Linde reported flat 2016 revenue of 16.9 billion euros ($17.8 billion) and 3 percent higher operating profit of 4.1 billion euros from continuing operations - within its forecast range - excluding logistics unit Gist, which it plans to sell.Results were lifted by U.S. healthcare unit Lincare, compensating for another difficult year for the plant-engineering business, which has been hit by investment caution due to persistently low oil and gas prices.(Reporting by Georgina Prodhan; Editing by Maria Sheahan and Edmund Blair)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "8e4d45cb64f64cf3b4f50f2a6f37f6e9", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 9556.0:\n", "\n", "HEADLINE:\n", "9556 Axel Springer in talks to buy Israel's Zap - source\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "9556 December 27, 2017 / 10:14 AM / Updated an hour ago Axel Springer in talks to buy Israel's Zap: source Reuters Staff 2 Min Read JERUSALEM (Reuters) - Private equity firm Apax Partners is in talks to sell Israeli shopping comparison website Zap to German publishing firm Axel Springer ( SPRGn.DE ) for up to 500 million shekels ($144 million), a source close to the matter said, confirming media reports. FILE PHOTO: The logo of German publisher Axel Springer is pictured in front of the company's headquarters in Berlin July 25, 2013. REUTERS/Fabrizio Bensch/File Photo Apax and Axel Springer declined to comment on Wednesday. The source said Apax put Zap up for sale two weeks ago and asked for bids of between 450 million and 500 million shekels and that Apax was reviewing offers from buyers. In addition to Axel Springer, the KKR ( KKR.N ) private equity fund, Bain Capital, Blackstone and ABRI Partners are also interested in buying Zap, which Apax bought in 2015 for 150 million shekels, the source said. Israeli news websites said the Zap Group operates 22 websites, encompassing 450,000 businesses. Each month there are 16 million visits to Zaps website with users seeking information for their purchasing decisions, according to the Globes financial news website. Axel Springer in 2014 bought Israeli classified ads website Yad2 for 806 million shekels. Reporting by Steven Scheer; Additional reporting by Ludwig Burger in Frankfurt\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "660ab043bd684b2689d42669bc45ffd4", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 137.0:\n", "\n", "HEADLINE:\n", "137 Federal judge blocks Aetna Inc's plan to buy rival Humana\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "137 Business News - Mon Jan 23, 2017 - 5:11pm GMT Federal judge blocks Aetna Inc's plan to buy rival Humana A trader points up at a display on the floor of the New York Stock Exchange August 20, 2012. REUTERS/Brendan McDermid WASHINGTON A U.S. federal judge blocked on Monday health insurer Aetna Inc's ( AET.N ) proposed $34 billion (27.25 billion pounds) merger with rival Humana, saying it was illegal under antitrust law. Judge John Bates of the U.S. District Court for the District of Columbia said the proposed deal would \"substantially lessen competition in the sale of individual Medicare Advantage plans in 364 counties identified in the complaint and in the sale of individual commercial insurance on the public exchanges in three counties in Florida.\"The Justice Department filed a lawsuit on July 21, 2016 to block Aetna's acquisition of Humana and Anthem Inc's ( ANTM.N ) purchase of Cigna Corp ( CI.N ), saying the two deals would lead to higher prices. (Reporting by Diane Bartz; Editing by Chizu Nomiyama) Next In Business News\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "2ab587f2034446e19f1c0bdbed60b85c", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 4107.0:\n", "\n", "HEADLINE:\n", "4107 Morocco's Attijariwafa paid twice book value for Barclays Egypt acquisition\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "4107 CAIRO Morocco's Attijariwafa Bank ( ATW.CS ) paid twice book value to acquire Barclays' Egyptian business and hopes the acquisition will enable it to increase its market share in Egypt to 5 percent within five years, the Moroccan bank's CEO said.The bank plans to rename the unit Attijari Bank Egypt and raise its profile in Egypt, CEO Mohamed El Kettani said.Britain's Barclays ( BARC.L ) reached a deal last year to sell its Egyptian banking unit to Attijariwafa Bank, one of Morocco's largest banks, but the value of the deal, which closed this month, has not been disclosed by either side.Kettani, speaking to Reuters on Sunday, would not put an exact dollar figure on the acquisition but said it was twice Barclays Egypt's 2016 book value or about seven times its expected net profit for 2017.Sources had told Reuters previously that the Barclays Egypt business was valued at around $400 million (308 million pounds).Kettani expects the cost of the deal to be recovered in five to seven years.Attijariwafa hopes the acquisition will enable it to increase its market share in Egypt to 5 percent within five years, from about 1-1.5 percent currently, and it plans to add new services such as leasing and insurance, said Kettani.In the next few days the bank will choose an international consulting firm to develop a five-year strategy for its Egypt operations.\"Attijari Bank Egypt will be the group's entryway to Gulf states and East Africa,\" Kettani said.(Reporting by Ehab Farouk; Writing by Eric Knecht; Editing by Susan Fenton)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "34d78efba88a4e1099303fc0c07da6de", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 7027.0:\n", "\n", "HEADLINE:\n", "7027 China-backed fund clear to buy Imagination after rival interest ends\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "7027 10:24 AM / Updated an hour ago China-backed fund clear to buy Imagination after rival interest ends Reuters Staff 2 Min Read FILE PHOTO: The headquarters of technology company Imagination Technologies is seen on the outskirts of London, Britain, June 22, 2017. REUTERS/Hannah McKay - LONDON (Reuters) - Imagination Technologies ( IMG.L ), the British chip designer selling itself to a China-backed buyout fund, said on Wednesday another potential buyer had ruled itself out, removing a potential hurdle to the 550 million pound ($737 million) deal. The sale to Canyon Bridge Capital Partners, announced on Friday, is contingent on Imagination offloading its MIPS processor technology in a separate $65 million deal to Tallwood Venture Capital. Imagination said the MIPS sale could now go ahead without a shareholder vote after the unnamed third-party was no longer involved in the wider sale process. Imagination has now received confirmation that the relevant party is no longer actively considering making an offer for Imagination, the company said. Accordingly, the sale of MIPS does not require shareholder approval. Imagination put itself up for sale after Apple ( AAPL.O ), its biggest customer, said it was developing its own graphics and video processing technology, sending shares in the British company down 70 percent. Reporting by Paul Sandle, editing by Louise Heavens\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "b59f38d679014b18a28426a4da721092", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 5021.0:\n", "\n", "HEADLINE:\n", "5021 UPDATE 1-Corvex urges Clariant shareholders to reject Huntsman merger\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "5021 Market News - Tue Jul 4, 2017 - 3:28am EDT UPDATE 2-Corvex, NYC property group seek to scuttle Clariant-Huntsman deal * Corvex's Meister, NYC property group oppose merger * Clariant says in contact with Corvex (Adds analyst comment, recasts lead) By John Miller ZURICH, July 4 Activist investor Keith Meister's Corvex hedge fund and New York's 40 North said on Tuesday they had taken a 7.2 percent stake in Clariant and oppose the Swiss chemical maker's planned merge with Huntsman Corp. \"There are excellent opportunities to unlock value from the many high quality businesses that currently comprise Clariant,\" a spokesman for White Tale, the vehicle they created to take the stake, said. \"Unfortunately, we do not believe that the proposed merger with the Huntsman Corporation is one of those options.\" Meister, a Carl Icahn protege, with Corvex manages assets worth $6 billion and took a 5.5 percent stake in communications company Century Inc earlier this year. 40 North, run by New York real estate investor David Winter and former Bear, Stearns & Company financial analyst David Millstone, previously held a stake in Clariant before linking with Corvex in their bid to overturn the Huntsman deal. Clariant, which on Tuesday noted the increased investment by Corvex without addressing Corvex's opposition to the merger, said it has been in contact with the hedge fund since last year when it initially took a stake. \"As with all our shareholders we maintain an open dialogue with them,\" a Clariant spokesman said. Huntsman did not return a phone call seeking immediate comment. Clariant and Huntsman in May announced a merger valued at around $20 billion including debt in which Clariant shareholders would hold 52 percent of the combination. At the time, they talked up the friendship between chief executives Hariolf Kottmann and Peter Huntsman as well as prospects for faster growth for the combined company as rationale for \"a merger of equals\". The deal, creating a company with about $13 billion in annual sales, had the support of German families that own almost 14 percent of the Swiss group. CONGLOMERATE DISCOUNT Some analysts said the transaction makes sense, in particular after Huntsman spins off its Venator materials segment in an IPO. \"Huntsmans portfolio, after the pending Venator spin-off, offers a highly complementary growth portfolio, in our view - complementary in a way that it puts both companies on a sounder, broader footing,\" Kepler Cheuvreux's Christian Faitz said. Still, Corvex and 40 North contend the transaction lacks strategic rationale and runs against Clariant's strategy of becoming a pure-play specialty chemicals company. \"By merging with Huntsman, Clariant will be exchanging almost half its shares for what is primarily a commodity and intermediates business which will further dilute its multiple and create a larger conglomerate discount,\" the White Tale spokesman said. \"Shareholders ought to reject this value destructive merger,\" they said. No date has yet been set for shareholders to vote on the merger, a spokesman for Clariant said. Clariant shares were up 3 percent and Huntsman was up 1.6 percent on Tuesday following news of the stake purchase. Clariant shares have risen nearly 6 percent since the merger was announced. Huntsman stock have fallen 1.25 percent. (Reporting by John Miller; editing by John Revill and Jason Neely) \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "822103040303450cbf1c2f37425cdf00", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 3520.0:\n", "\n", "HEADLINE:\n", "3520 Linde board to vote on Praxair merger on Thursday - sources\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "3520 Business News - Fri May 26, 2017 - 10:51am BST Linde board to vote on Praxair merger on Thursday - sources Linde Group logo is seen at company building before the annual news conference in Munich, Germany March 9, 2017. REUTERS/Lukas Barth MUNICH German industrial gases group Linde's ( LING.DE ) supervisory board is due to meet on Thursday to vote on a merger agreement with U.S. peer Praxair ( PX.N ), two people familiar with the matter told Reuters on Friday. One of the people said there were still some unanswered questions regarding the deal, without providing details. Linde declined to comment on the matter. The two companies said on Wednesday they had reached a deal in principle on a Business Combination Agreement for their proposed $70 billion (54.42 billion) merger. (Reporting by Irene Preisinger; Writing by Maria Sheahan, Editing by Thomas Escritt)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "8daf7e965ca04b1d8d238c01ffe2d7b3", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 6787.0:\n", "\n", "HEADLINE:\n", "6787 CBFI to buy Imagination Technologies for 550 million pounds\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "6787 September 22, 2017 / 10:04 PM / Updated 12 hours ago China-backed fund shunned by Trump to buy British chip maker Koh Gui Qing 4 Min Read The headquarters of technology company Imagination Technologies is seen on the outskirts of London, Britain, June 22, 2017. REUTERS/Hannah McKay (Reuters) - Canyon Bridge Capital Partners, the China-backed buyout fund that was barred last week by U.S. President Donald Trump from buying a U.S. chip maker, said it would purchase British chip designer Imagination Technologies Group Plc. The all-cash 550 million pounds deal to buy Imagination showed Canyon Bridge remained focused on investing in Western chip makers after its $1.3 billion deal to buy Lattice Semiconductor Corp in the United States was blocked over U.S. natural security concerns. Canyon Bridge said on Friday it had agreed to pay 182 British pence per Imagination share, a near 42 percent premium to Imaginations closing price on Friday. But the purchase is contingent on Imagination divesting U.S. chip designer MIPS, which Imagination had bought in 2013, the two companies said in a joint London stock exchange filing, adding that the takeover would not result in job cuts. Keeping MIPS would subject Canyon Bridges purchase of Imagination to a review by the Committee on Foreign Investment in the United States (CFIUS), the government panel which rejected its acquisition of Lattice. Imagination said it had agreed to sell MIPS for $65 million to Tallwood Venture Capital, an investment firm with offices in Palo Alto, California, and Wuxi, southern China. It was not immediately clear whether the divestment would be subject to a CFIUS review. Canyon Bridge was founded with capital originating from Chinas central government and had indirect links to Beijings space program. It currently manages about $1.5 billion on behalf of Yitai Capital Ltd, a Chinese state-owned company, according to Fridays statement. Imagination, whose graphics power Apple Incs iPhone, licenses graphics and video-processing technology to semiconductor companies. But shares in the once-great European tech success story hit the skids in April when Apple, its biggest customer, said it would stop using its graphics technology in its new products, causing Imagination shares to crash 70 percent. The two firms are in a legal dispute over royalties at the moment. Lattice, on the other hand, makes chips known as field-programmable gate arrays, which let companies put their own software on silicon chips for different uses. It does not sell chips to the U.S. military, but its two biggest rivals - Xilinx and Intel Corps Altera - make chips that are used in military technology. Following Trumps decision to bar Canyon Bridge from buying Lattice, Treasury Secretary Steven Mnuchin said the move reflected concerns about the transfer of intellectual property, Beijings role in the deal, the importance of semiconductor supply chain integrity to the U.S. government, and the U.S. governments use of Lattice products. Canyon Bridges investment focus complements Chinas efforts to move its manufacturers up the value chain and create innovative and competitive global conglomerates. In the past two years, the Chinese government has set aside at least 350 billion yuan ($53.11 billion) to invest in new technologies. Reporting by Koh Gui Qing in New York; Editing by Lisa Shumaker\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "7603f4b69a8742949139202fe0e73f42", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 9717.0:\n", "\n", "HEADLINE:\n", "9717 Former BP boss Browne back with what he knows best - oil mergers\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "9717 40 PM / Updated 16 minutes ago Former BP boss Browne back with what he knows best - oil mergers Dmitry Zhdannikov , Ron Bousso 4 Min Read LONDON (Reuters) - For Lord John Browne, the former chief of oil major BP, it feels like time has been rolled back 20 years and he is busy doing mega-mergers again. Lord John Browne (L) answers questions during a news conference at Texas City Hall in Texas City, March 24, 2005. REUTERS/Richard Carson Browne, who led BPs transformational acquisitions of Arco and Amoco in the 1990s, has helped with the merger of DEA, a vehicle of Russian billionaire Mikhail Fridman, and Wintershall, the oil and gas unit of chemical giant BASF. The new firm Wintershall-DEA is still significantly smaller than BP, which in its glory days was producing 4 million barrels per day, or more than five percent of global output, but the deal is still significant. It will become the biggest independent oil and gas firm in Europe and the first German champion in the sector, with output of around 600,000 barrels of oil and gas equivalent per day and estimated annual earnings of more than 2 billion euros (1.7 billion). Browne told Reuters he saw a need for consolidation in the sector as demand for oil was expected to come under threat by the early 2030s, as the world shifts away from fossil fuel to reduce carbon emissions and fight global warming. We were thinking about the future of DEA strategically with oil and gas prices wallowing around and demand which is flat at best over the long term, said Browne, who bought Amoco and Arco in the 1990s just as oil prices fell below $10 per barrel. This is an industry that benefits from economies of scale, as it has in the past, and therefore consolidation. We have concluded that DEA should be part of that consolidation process, said Browne, who is the executive chairman of LetterOne Energy, which owns DEA. Most small oil companies go nowhere in the oil and gas business in todays environment so you do need scale. If you want to buy that scale it would cost you unimaginable amounts of money, said Browne. DEA ALSO FACING CHALLENGES Fridman and his partners in the LetterOne investment vehicle made billions by selling their Russian oil empire in 2013 but have since struggled to expand due to sanctions imposed on Moscow, though they are not under sanctions themselves. They bought DEA in 2014 and subsequently appointed Browne, one of the biggest names in the oil industry, to run it. However DEA struggled to buy assets in the UK North Sea and in Texas due to the sanctions on Russia, imposed over the Ukraine crisis. The character of Wintershall-DEA is now global, and that is very important, said Browne when asked whether the merger of DEA was partly driven by a deadlock in its expansion. BASF will control 67 percent of the new firm while Fridmans LetterOne will own the remaining 33 percent, making it a largely German-owned company. BASF could increase its stake at a later stage by folding into it its pipeline business, which was left outside the initial merger. Fridman still has a lot of cash to invest and could help drive the new firms expansion into new regions. This merger will create a German and European energy champion which can compete with those in France, Italy and Spain, Browne said. The company will be able... to compete more successfully against the major groups. Winterhall is heavily exposed to Russia, which represents 51 percent of total reserves of the combined firm. The company will extract 42 percent of its output in Russia, 39 percent from Europe, 7 percent from Africa and the Middle East, and 12 percent from Latin America. Browne declined to discuss his own role in the new company. Sources close to the deal said he would lead the merger process for LetterOne, which will take at least a year. The new firm will have headquarters in the German cities Hamburg and Kassel, consider a share float after completing the merger and be run by a chief from Winterhall and deputy chief from LetterOne. We have agreed the principles of joint leadership, joint governance, and joint headquarters. Through the merger we retain significant interest in the business and control and veto power, Browne said. Writing by Dmitry Zhdannikov; Editing by Gareth Jones\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "2c7158cb4aa045a4bf45ede8ac100d17", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 1721.0:\n", "\n", "HEADLINE:\n", "1721 Zalando buys streetwear retailer Kickz, outlook dents shares\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "1721 By Emma Thomasson - BERLIN BERLIN Germany's Zalando ( ZALG.DE ) announced the acquisition of streetwear retailer Kickz on Wednesday, bolstering its plans to shift from being a pure fashion e-commerce player to becoming a provider of logistics, technology and marketing to key brands.The company's shares, however, were dented by a relatively conservative outlook for 2017 as heavy investment in infrastructure and software keeps a lid on profitability.Founded in Berlin in 2008, Zalando has grown rapidly to become Europe's biggest online fashion retailer, delivering 1,500 brands in 15 countries from huge out-of-town warehouses.It now wants to complement that business by offering more services to brands and retailers, including delivering items directly from their stores - a field analysts say should be more profitable than pure e-commerce.Zalando said the purchase of Munich-based Kickz, which runs 15 stores in Germany and websites that deliver worldwide, fits into that strategy, combining Kickz' expertise in basketball and lifestyle with Zalando's technology and logistics.Zalando, which did not disclose the sum paid for Kickz, will integrate the brand into its online shop and help it to expand to more countries while retaining the Kickz stores, situated in prime locations in major German cities.\"Zalando customers will get access to the newest products, which are otherwise only available at selected retailers, as well as exciting content in a basketball world curated by Kickz,\" said David Schneider, Zalando managing board member.SPORTSWEAR PUSHThe move fits with Zalando's push into the booming sportswear market, including last year's launch of the Ivy Park label co-founded by pop star Beyonce and its work on a pilot project to deliver directly from Adidas ( ADSGn.DE ) stores in Germany.Amazon ( AMZN.O ), which is expanding rapidly in fashion and is seen as the biggest threat to Zalando, has also been experimenting with physical retail, albeit mostly in food and books so far.Zalando forecast sales growth of 20-25 percent in 2017, against 23 percent in 2016. Its estimate for the margin on adjusted earnings before interest and tax (EBIT) was 5-6 percent, compared with 5.9 percent in 2016, in line with its medium-term guidance.However, that was below analyst forecasts for a 2017 EBIT margin of 6.2 percent, according to Thomson Reuters SmartEstimates, sending Zalando shares down 2.7 percent to 36.75 euros by 1028 GMT, the biggest drop among European retail stocks .SXRP.Zalando said it expected to invest 200 million euros ($211 million) in 2017, up from 182 million in 2016, primarily in infrastructure, increased automation and software, with new warehouses planned in France, Sweden and Poland.It plans to add 2,000 jobs in 2017 to its 12,000-strong workforce, having already added 1,000 positions to its tech team in 2016.British rival ASOS ( ASOS.L ) in January lifted its expectations for sales growth to 25-30 percent for its financial year to Aug. 31, saying it would accelerate infrastructure investment, while adding 1,500 jobs at its London headquarters.Zalando, which reported preliminary fourth-quarter results in January, said that sales in the period rose 26 percent to 1.09 billion euros. It said that adjusted EBIT came in at 96 million euros, ahead of average analyst forecasts.(Editing by David Goodman)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "86ce52beb9324ba08a1427ba6eaf100a", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 2960.0:\n", "\n", "HEADLINE:\n", "2960 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "2960 (Adds Shandong Tyan, Rolls-Royce, Advent International, Abu Dhabi National Energy, Telecom Italia, Grupo Bimbo and BlackRock; updates PPG and Lufthansa)April 19 The following bids, mergers, acquisitions and disposals were reported by 2000 GMT on Wednesday:** A group backed by private equity firm KKR & Co said it had made a revised A$6.15 billion ($4.65 billion) offer for Australia's biggest lottery operator Tatts Group Ltd, upping the ante in a bidding war against Tabcorp Holdings Ltd.** Chevron Corp, the second-largest U.S.-based oil company, sold its Canadian gasoline stations and refinery in British Columbia to Parkland Fuel Corp, a marketer of petroleum products, for C$1.46 billion ($1.09 billion).** Ant Financial, the payment affiliate of Alibaba Group Holding Ltd , has acquired Singapore-based payment service helloPay Group, as part of the Chinese firm's drive to boost its Alipay brand and presence in Southeast Asia.** A Japanese government-backed fund and policy bank are considering a joint bid with Broadcom Ltd for Toshiba Corp's semiconductor business, a move that would vault the U.S. chipmaker into the lead to buy the prized unit, the Asahi newspaper said.** Siam Commercial Bank (SCB) has entered into exclusive talks with Hong Kong insurer FWD Group to sell its life insurance arm, which could raise $3 billion for Thailand's third-biggest lender, people with direct knowledge of the matter said.** Canadian grocery and pharmacy retailer Loblaw Cos Ltd said it would sell its gas station business to asset manager Brookfield Business Partners LP for about C$540 million ($402.17 million).** The Saudi-based Islamic Development Bank (IDB) plans to take at least a 10 percent stake in Turkey's state-run stock exchange as the multilateral lender ramps up activities in the country, a senior official of the bank told Reuters.** Pittsburgh-based PPG Industries dismissed proposals put forward by Dutch paintmaker Akzo Nobel to fend off its takeover bid and won support from activist hedge fund Elliott Advisors.** British materials testing company Exova Group said UK-based Element Materials Technology would buy it in a deal valued at 620.3 million pounds ($795.3 million).** Dutch eyeglass store operator Grandvision said it will acquire Tesco's chain of more than 200 opticians.** Lufthansa is in talks with Iran Air to provide catering, maintenance and pilot training as it seeks to take advantage of emerging business opportunities in the country, executives at the German airline group said.** China Development Bank is considering providing financing for a Chinese consortium seeking to buy a stake in Russia's largest gold producer Polyus , two sources familiar with discussions about the potential deal told Reuters.** German automotive supplier Continental AG and a unit of China Unicom have agreed to set up a joint venture in China to offer intelligent transport systems, such as vehicle data services and connected vehicle software.** Centurion Midstream Group LLC said it acquired a petroleum marketing and transportation business that operates in West Texas from Agave Energy Holdings, a subsidiary of Lucid Energy Group.** India's online grocery delivery service BigBasket and smaller rival Grofers India Pvt Ltd have begun talks on a possible merger, Indian newspaper Mint reported, citing sources.** Sweden's SCA has rejected a recent bid for its hygiene arm and an offer last year for its forestry business, Swedish daily Dagens Nyheter reported, citing sources.** Top shareholder Invesco Perpetual has trimmed its stake in technology incubator Allied Minds for the second time in as many weeks, according to regulatory filings.** An Italian regulator ordered French media group Vivendi on Tuesday to cut its stake in either Telecom Italia or broadcaster Mediaset within a year, ruling it was in breach of rules designed to prevent a concentration of power.** Czech utility CEZ aims to sell all of its Bulgarian assets and has received expressions of interest mainly from investors in the Balkan country, a company official said.** KAR Auction Services Inc, a provider of car auction and salvage services, said it would acquire DRIVIN, which aggregates automotive retail, pricing, registration and economic data to match vehicle inventory to dealer demand, for $43 million in stock.** Renova Energia SA sold a wind farm project to a unit of AES Corp for 600 million reais ($193 million) on Tuesday, enabling the Brazilian renewable power company to replenish cash amid a severe cash crunch.** Verizon Communications Inc has agreed to buy optical fiber from Corning Inc for at least $1.05 billion over the next three years as the No. 1 U.S. wireless carrier aims to improve its network infrastructure, the companies said on Tuesday.** Shanghai-listed Shandong Tyan Home said its negotiations with Barrick Gold Corp to buy the Canadian operator's 50-percent stake in Kalgoorlie mine have ended without a deal, citing new capital and acquisition rules in China.** European Union antitrust regulators said they had cleared the acquisition of aircraft engine components maker ITP by Rolls-Royce subject to its elimination of a conflict of interest in an engine consortium.** European Union antitrust regulators said they had cleared U.S. private equity firm Advent International's planned acquisition of Morpho, the biometrics and security business of French aerospace group Safran.** Abu Dhabi National Energy Company (TAQA) might sell some of its oil and gas interests in North America to raise capital for its core business, its chief operating officer told Reuters.** Telecom Italia shareholders should not support board candidates proposed by Vivendi, two advisory firms said, potentially dealing a fresh blow to Vivendi chairman Vincent Bollore's attempts to build a southern European media empire.** BlackRock Inc Chief Executive Larry Fink, who runs the world's largest asset manager, forecast a wave of mergers and acquisitions in asset management, but said his company may be limited for now to small deals.** Mexican breadmaker Grupo Bimbo plans to grow in China in the short term with acquisitions, while also expanding its presence in the rest of Asia and entering Middle Eastern markets, the company's food business chief said. (Compiled by Ahmed Farhatha and Divya Grover in Bengaluru)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "44d53f71391d44f7a8fbc2ab776362a5", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 7429.0:\n", "\n", "HEADLINE:\n", "7429 China's Zhongwang, Aleris extend merger deadline amid U.S. probe\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "7429 September 16, 2017 / 4:13 AM / Updated 9 minutes ago China's Zhongwang, Aleris extend merger deadline amid U.S. probe Reuters Staff 3 Min Read BEIJING (Reuters) - Zhongwang USA, an investment firm backed by a Chinese aluminum tycoon, and its acquisition target Aleris Corp ( ALSD.PK ) have decided to extend a deadline to complete their merger by two weeks, according to representatives of the two companies. The extension comes amid reports of smuggling allegations made on Thursday by the U.S. Department of Justice against Liu Zhongtian, majority owner of Zhongwang USA. We remain in discussions with Zhongwang USA on the pending acquisition of Aleris, Jason Saragian, a spokesman for the Cleveland, Ohio-based manufacturer of aluminum rolled products, said by email. To allow those discussions to continue, we have decided to extend our merger agreement through September 29, Saragian said. The previous deadline lapsed on Friday. A spokeswoman for Zhongwang, an aluminum extruder, confirmed the extension. She later added that the decision to extend the deadline was a totally separate issue from the U.S. Department of Justice allegations, which Zhongwang denies. Zhongwang USA is not part of Hong Kong-listed China Zhongwang Holdings Ltd ( 1333.HK ), although Liu heads up both companies. Zhongwang USA announced its intention to buy Aleris in August 2016. However, the deal has not yet been completed, and in June this year, 27 U.S. senators urged the Treasury to reject the sale, calling it a strategic misstep. The Wall Street Journal reported that a complaint filed on Thursday by the U.S. Department of Justice accused an alleged Zhongwang affiliate, Perfectus Aluminum Inc, of evading $1.5 billion in tariffs by illegally importing aluminum into the United States. The Zhongwang spokeswoman said Liu does not control and is not the beneficial owner of Perfectus, and therefore he is not in a position to comment on issues relating to Perfectus. China Zhongwang previously denied the allegations and maintains the same position regarding these ungrounded allegations, she said. The U.S. Aluminum Extruders Council (AEC), meanwhile, welcomed the action. We want to applaud the Department of Justices decision to begin civil proceedings against Zhongwangs affiliate, AEC president Jeff Henderson said in a statement. The filing is the culmination of a concerted effort by the AEC and its members in conjunction with Customs and the Department of Commerce to investigate Zhongwangs alleged attempts to avoid paying duties, Henderson said. Reporting by Tom Daly; Editing by John Ruwitch & Simon Cameron-Moore\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "2193d2439419470a81f4c05ea35cba09", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 2844.0:\n", "\n", "HEADLINE:\n", "2844 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "2844 April 17 The following bids, mergers, acquisitions and disposals were reported by 1000 GMT on Monday:** China's Ant Financial has sweetened its bid for MoneyGram International Inc by 36 percent, beating a rival offer to gain approval from the U.S. electronic payment firm's board, although it still faces regulatory hurdles.** Wal-Mart Stores Inc is in advanced discussions to buy online mens fashion retailer Bonobos Inc, Recode reported on Friday, citing sources.** Apple Inc is considering teaming up with its supplier Foxconn to bid for Toshiba Corp's semiconductor business, Japanese public broadcaster NHK reported on Friday - the latest twist in the sale of the world's second-biggest flash memory chipmaker.** Diversified healthcare company Abbott Laboratories on Friday agreed to buy Alere Inc at a lower price than it had previously offered, after raising concerns about the accuracy of various representations, warranties and covenants made by Alere in the earlier agreement.** Chrysler Chief Executive Sergio Marchionne rowed back on his search for a merger on Friday, saying the car maker was not in a position to seek deals for now and would focus instead on following its business plan.** U.S. video streaming service provider Netflix is in talks with Indonesia's top telecom firm PT Telekomunikasi Indonesia Tbk (Telkom) to roll out its service in the country, a spokesman at the Indonesian company said.** U.S. buyout firm Leonard Green & Partners LP has prevailed in an auction to acquire Charter NEX Films Inc, a U.S. manufacturer of specialty films for the food and medical industries, for $1.5 billion, including debt, people familiar with the matter said.** China's Anbang Insurance Group will let its agreement to acquire U.S. annuities and life insurer Fidelity & Guaranty Life (FGL) for $1.6 billion lapse, after failing to secure all the necessary regulatory approvals, people familiar with the matter said on Sunday.** German lighting company Osram is on the lookout for acquisitions worth up to 500 million euros ($530 million), although there are no specific plans for a deal as yet, its finance chief told a German newspaper.** Malaysian property developer S P Setia Bhd said on Friday it will buy privately held rival I&P Group for over 3.5 billion ringgit ($794.55 million) to create one of the country's largest real estate firms.** Taiwan's Powertech Technology said on Friday it had bought two of Micron Technology's interests in Japan in deals worth up to $132 million, part of its efforts to expand its presence in Japanese chip technology.** Chinese stadium builder Lander Sports said late on Sunday it was terminating plans to buy a stake in English soccer club Southampton, citing uncertain factors wrought by changes in China's securities market and policies.** U.S. private equity group Carlyle Group has gained full control of Italian fashion brand TWINSET by buying the remaining 10 percent stake from founder Simona Barbieri, who will step down as the affordable luxury label's creative director. (Compiled by Ahmed Farhatha in Bengaluru)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "5961c9359a5c457a8b369b8e0a1c95e1", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 2919.0:\n", "\n", "HEADLINE:\n", "2919 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "2919 (Adds Linde, ConocoPhillips, HighTower, Chevron, Polyus, AC Milan)April 13 The following bids, mergers, acquisitions and disposals were reported by 1500 GMT on Thursday:** Linde and Praxair's $65 billion merger talks are facing legal complexities that mean the agreement will not be finalised as planned before Linde's annual shareholder meeting on May 10, a source familiar with the situation said.** ConocoPhillips said on Thursday it would sell natural gas-heavy assets in San Juan basin, spanning New Mexico and Southwestern Colorado, to an affiliate of privately held Hilcorp Energy Co for about $3 billion.** Wealth management firm HighTower said on Thursday it will acquire WealthTrust, which has interests in a dozen registered investment advisory firms with $6.4 billion in client assets nationwide, bringing HighTower's total client assets to more than $47 billion.** Chevron Corp, the second-largest U.S.-based oil producer, is exploring the sale of its 20 percent stake in Canada's Athabasca Oil Sands project, which could fetch about $2.5 billion, according to people familiar with the situation.** A consortium led by China's Fosun International Ltd plans to buy between 20 and 25 percent in Russia's top gold producer Polyus for up to $2 billion, RIA news agency reported, citing documents of a Russian-Chinese intergovernmental commission.** Italian former prime minister Silvio Berlusconi finalised his troubled sale of soccer club AC Milan to a Chinese-led consortium on Thursday, a 740 million euro ($788 million) deal that tightens China's grip on the game in Italy.** A group of private equity companies have bid around 200 billion Swedish crowns ($22.26 billion) for the hygiene arm of tissue and forestry products firm SCA, daily Dagens Nyheter wrote on Wednesday, citing unnamed sources.** Warren Buffett's Berkshire Hathaway Inc withdrew its application to the Federal Reserve to boost its ownership stake in Wells Fargo & Co above 10 percent, and is instead selling 9 million shares to keep it below that threshold.** Australia's foreign investment watchdog has cleared Chinese-backed coal miner Yancoal Australia Ltd to pursue its $2.45 billion acquisition of Rio Tinto's, Coal and Allied Division, Yancoal said on Thursday.** Japan's Kobe Steel Ltd said it had acquired Swedish firm Quintus Technologies AB from shareholders led by U.S. private equity firm Milestone Partners for $115 million.** Chinese internet firm Baidu Inc has agreed to acquire U.S. computer vision firm xPerception for an undisclosed amount to support their renewed efforts in artificial intelligence as Chinese tech firms face regulatory headwinds in U.S.** A group of shareholders in Czech betting company Fortuna has filed an application for an injunction to halt the proposed acquisition of Romanian businesses from Penta Investments, Fortuna's biggest stakeholder.** The head of Dassault Aviation, the biggest shareholder in Thales, said he was not in favour of pursuing a joint venture in railway operations between the French defence electronics firm and transport group Alstom. (Compiled by Komal Khettry in Bengaluru)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "044352ecdb0e4279a163ca193d797c87", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 1.0:\n", "\n", "HEADLINE:\n", "1 Alaska Air to record $82 million as merger-related costs in fourth quarter\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "1 Alaska Air Group Inc ( ALK.N ) said on Wednesday it expects to record $82 million in the fourth quarter in costs related to the $2.6 billion acquisition of Virgin America Inc.Alaska Air completed its acquisition of Virgin America in December to become the fifth-largest U.S. carrier.The Seattle-based company said it expected unit revenue, a closely watched performance metric, for the fourth quarter ended Dec. 31, in the range of 11.24 cents to 11.29 cents, including Virgin America's operational data. ( bit.ly/2jJNPGw )Alaska Air's fourth-quarter expectations include Virgin America's financial data from the period Dec. 14 to Dec. 31.(Reporting by Ankit Ajmera in Bengaluru; Edited by Martina D'Couto)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "2ede4bdc7d7a4c88bce26f981833b3fe", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 110.0:\n", "\n", "HEADLINE:\n", "110 Israel's Modiin Energy plans to buy North Sea drilling rights\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "110 Business News - Sun Jan 22, 2017 - 1:25pm GMT Israel's Modiin Energy plans to buy North Sea drilling rights TEL AVIV Modiin Energy ( MDINp.TA ) said on Sunday it signed a letter of intent to buy 25 percent of the oil drilling rights in a site in shallow North Sea waters in British territory. Modiin will pay the seller, who was not identified, $175,000 (141,460) to cover previous expenses, Modiin said in a statement. The seller will continue to serve as operator and retain the remaining rights. Modiin will pay a third of the costs associated with the first drill in the site. The deal is conditioned on completion of due diligence by Modiin and the signing of an operating agreement with the seller. Modiin is controlled by Yitzhak Sultan and IDB Development Corp. The partnership also holds stakes in Israel's Shimshon and Daniel sites. (Reporting by Tova Cohen)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "838f6f0f19bc416c8d49bb3feea665a7", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 3944.0:\n", "\n", "HEADLINE:\n", "3944 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "3944 May 18 The following bids, mergers, acquisitions and disposals were reported by 1000 GMT on Thursday:** Australia's oldest newspaper publisher Fairfax Media Ltd on Thursday said it has received a takeover bid worth as much as A$2.87 billion ($2.13 billion) from a second U.S. private equity firm, sending its shares sharply higher.** British laundry services group Berendsen rejected on Thursday a revised, 2 billion pound ($2.6 billion) offer by French peer Elis, saying it did not reflect value being added by the UK firm's expansion and modernisation plans.** South Africa's Tsogo Sun Holdings has sold 29 hotels to Hospitality Property Fund for a 3.6 billion rand ($268 million) mix of cash and shares, the companies said on Thursday.** Czech utility CEZ's supervisory board decided against the sale of the 1,000 MW Pocerady coal-fired power plant to rival Czech Coal on Thursday, CTK news agency reported, citing the board's chairman.** Alitalia went on the auction block on Wednesday, as Italy kicked off the process of finding a buyer to save the money-losing flag carrier.** Thai telecom company Intouch Holdings Pcl on Thursday said its venture capital arm plans to finalize two deals by mid-year.** Japanese automotive chip maker Renesas Electronics Corp said on Thursday that stockholders including state-run fund Innovation Network Corp of Japan (INCJ) planned to sell a combined 16.5 percent of its shares.** Russia plans to sell part of state shipping firm Sovcomflot next month, hoping to draw in a wide range of small-stake investors rather than a strategic buyer who could threaten Moscow's control of the group, banking and industry sources say.** OneWeb, the U.S. satellite startup backed by Japan's SoftBank Group Corp, has increased its merger proposal for Intelsat SA by offering Intelsat's creditors a smaller discount for their bonds than it had before. (Compiled by Sruthi Shankar in Bengaluru)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "565f918ccd134cce84618c6034953656", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 9315.0:\n", "\n", "HEADLINE:\n", "9315 Bookmaker GVC in talks to buy Ladbrokes for $5.2 billion\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "9315 December 7, 2017 / 7:30 AM / Updated 19 minutes ago GVC ups stakes in UK gambling with $5.2 billion Ladbrokes bid Kate Holton , Arathy S Nair 4 Min Read LONDON (Reuters) - Bookmaker GVC Holdings ( GVC.L ) has offered to buy Ladbrokes Coral ( LCL.L ) for up to $5.2 billion to create a global online and high street betting giant able to take on rivals and cope with a tougher regulatory environment. A taxi passes a branch of Ladbrokes in central London, Britain, May 17, 2016. REUTERS/Toby Melville GVC, which boasts 79 million registered accounts and operates in 21 languages through names such as sportingbet and partypoker, previously bought bwin.party in 2016. The proposed takeover would give it access to the Ladbrokes, Coral and Gala brands and the combined company would compete with William Hill ( WMH.L ) and Paddy Power Betfair ( PPB.I ). The two groups said in a joint statement on Thursday they were in detailed talks over a deal that would give Ladbrokes shareholders around 46.5 percent of the combined group. Shares in the 230-year-old Ladbrokes jumped 26 percent in early trading, while GVC shares rose 6 percent on confirmation of the long-rumoured offer, which is in cash and shares. The final price will depend on the outcome of a government review into fixed-odds betting terminals (FOBTs). The machines are big moneyspinners for companies like Ladbrokes but they have come under fire for leaving gamblers with very heavy losses. The enlarged group would be an online-led globally positioned betting and gaming business that would benefit from a multi-brand, multi-channel strategy applied across some of the strongest brands in the sector, the companies said. The enlarged group would be geographically diversified with a large portfolio of businesses across both regulated and developing markets, with the scale and resources to address the dynamics of a rapidly changing global industry. HIGH STAKES Isle of Man-based GVC ( GVC.L ), which has grown rapidly into one of Britains biggest online gambling companies, and high street-based Ladbrokes held talks about a deal earlier this year but they broke down without agreement. Analysts and executives had expected the government review to spark a new round of consolidation but they had expected any deal to come after the final conclusion was handed down. The government has said the maximum stake allowed in FOBTs could be sharply cut over concerns that the terminals fuel addiction. In October it started a 12-week consultation to consider cutting the stake to between 50 pounds and 2 pounds, from the current 100 pound wage. The offer values Ladbrokes Coral at 160.9 pence per share, equating to a total equity value of around 3.1 billion pounds, plus a contingent fee of up to 42.8 pence a share, depending on the outcome of the government review. GVC said the deal would enhance earnings per share by a double digit level from the first full year of completion. Shares in Ladbrokes Coral had closed on Wednesday at 135.7 pence, giving a market capitalisation of 2.61 billion pounds. GVC closed at 909 pence, valuing it at 2.77 billion pounds. Reporting by Kate Holton and Arathy Nair; editing by James Davey and Alexander Smith\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "e676bdd955674e68ac6705499ae2f7f9", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 3301.0:\n", "\n", "HEADLINE:\n", "3301 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "3301 (Adds Manulife Real Estate, Siemens, Vedanta Ltd, Barclays, ChemChina, Sika, Autogrill and Cenovus Energy)April 11 The following bids, mergers, acquisitions and disposals were reported by 2000 GMT on Tuesday:** Loews Corp, a hotel, energy and financial services conglomerate, said it would buy plastic packaging manufacturer Consolidated Container Co from Bain Capital Private Equity for about $1.2 billion.** Weight-control nutrition company Atkins Nutritional Holdings has agreed to go public through a merger with blank-check company Conyers Park Acquisition Corp in a deal that will value the combined company at about $856 million.** Finnish retailer Kesko said it will sell its agricultural trade chain K-maatalous to Sweden's Lantmannen EK for 38.5 million euros ($40.8 million).** South African e-commerce and pay-TV group Naspers will pay 960 million rand ($69.5 million) to increase its stake in local online retailer Takealot, the companies said in a joint statement.** LeEco has scrapped a planned $2 billion acquisition of U.S. consumer electronics company Vizio due to regulatory issues, a fresh setback to the cash-strapped Chinese conglomerate's expansion drive.** Germany's Linde has for a second time rejected a request for a shareholder vote at its annual general meeting next month on its planned $65 billion merger with U.S. industrial gases rival Praxair.** Accell Group, the maker of Dutch bicycle brands Sparta and Batavus, said on Tuesday it had received a takeover proposal that values its stock at 845 million euros ($895 million) from investor Pon Holdings.** The CEO of AkzoNobel, the Dutch paints and coatings maker whose management is trying to avoid a takeover by U.S. rival PPG Industries, said its shareholders are divided over the bid in an interview published.** Argentina's state-run oil company YPF SA is among the bidders for Royal Dutch Shell Plc's refinery and network of gasoline stations in Argentina, according to two people familiar with the process.** A unit of a large semiconductor investment fund linked to the Chinese state has agreed to buy U.S. semiconductor testing company Xcerra Corp for $580 million in cash, the companies said on Monday.** Online coupon provider RetailMeNot Inc said it had agreed to be bought by marketing services company Harland Clarke Holdings Corp for about $630 million.** Mexican airport operator Grupo Aeroportuario del Sureste said it had agreed to acquire a majority stake in two peers in Colombia, Airplan and Aeropuertos de Oriente, for some $262 million.** Manulife Real Estate, the global real estate arm of Manulife Financial Corp, said it acquired 8 Cross Street, a 28-storey office tower in Singapore, for $526 million.** Germany's Siemens and Canada's Bombardier are in talks to combine their rail operations, two people close to the matter told Reuters, a move that could strengthen their hand against Chinese state-backed market leader CRRC Corp.** Greece concluded a 1.2 billion euro ($1.27 billion) airport deal with a Fraport-led consortium, the country's privatization agency said.** Indian metals and mining group Vedanta Limited said it had completed its buyout of oil and gas explorer Cairn India Ltd, consummating a deal that was delayed for months by investor opposition.** Barclays' plan to sell its African business and pull out of the continent are being hindered by South Africa's political upheaval and credit-rating downgrades, according to banking sources and fund managers.** Mexico's antitrust commission COFECE said it would condition its approval of ChemChina's planned $43 billion takeover bid of Swiss pesticides and seeds group Syngenta AG.** Sika Chairman Paul Haelg said he expects the hostile takeover attempt of his company by French construction materials giant Saint-Gobain to be resolved by 2018.** Italian travel caterer Autogrill plans to rejig its business structure, the company said, a move that drove its shares to a record high by fuelling talk it could seek to sell off units or acquire others.** Cenovus Energy Inc will do more hedging after its acquisition of ConocoPhillips assets, the Canadian company's Chief Executive Brian Ferguson said as he mounted a charm offensive on investors who balked at the deal. ($1 = 0.9430 euros) ($1 = 13.8200 rand) (Compiled by Komal Khettry and Divya Grover in Bengaluru)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "456bedca910446768b5782029f53fc82", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 7330.0:\n", "\n", "HEADLINE:\n", "7330 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "7330 Sept 27 (Reuters) - The following bids, mergers, acquisitions and disposals were reported by 0930 GMT on Wednesday:** German industrial group Siemens AG and French rival Alstom SA agreed to merge their rail operations, creating a European champion to better withstand the international advance of Chinas state-owned CRRC Corp Ltd .** French Finance Minister Bruno Le Maire on Wednesday said he hoped Europe could create a leading naval company similar to the one formed by the railway operations tie-up between Alstom and, as he reiterated his support for the Alstom and Siemens transaction.** Finnish power utility Fortum will launch an 8.05 billion-euro ($9.5 billion) takeover bid for Uniper , the power stations operator and energy trading business partly-owned by German utility E.ON, it said on Tuesday.** The U.S. Justice Department on Tuesday filed an antitrust lawsuit challenging Parker-Hannifin Corps purchase of Clarcor Inc, which closed in February.** Saudi Arabias Bahri, the worlds largest owner and operator of very large crude carriers (VLCCs), aims to start operating its joint venture with French logistics firm Bollore by the end of the year, an executive told Reuters.** China-backed coal miner Yancoal Australia Ltd said on Wednesday it had exercised its option to buy a 29 percent stake in the Warkworth operation from Japans Mitsubishi Corp for $230 million.** Boeing Co will invest $33 million for a majority stake in a joint venture with Commercial Aircraft Corp of China that will oversee the U.S. planemakers new 737 completion plant in China, the China Daily reported.** Ford Motor Co said it will collaborate with Lyft to deploy Ford self-driving vehicles on the ride services companys network in large numbers by 2021.** A department of Vietnams finance ministry suggested transferring responsibility for the privatisation of brewers Sabeco and Habeco if the trade ministry does not publish sale prospectuses by the end of the month.** Planemaker Bombardier Inc aims to close deals with Chinese airlines in upcoming months and is in talks with the countrys three biggest airlines, a senior Bombardier executive said on Tuesday.** Mandarin Oriental International Ltd said it will not sell The Excelsior hotel for the time being as bids for one of Hong Kongs most anticipated commercial real estate sales this year were too low.** Japans biggest private-sector life insurer, Nippon Life Insurance Co, is in talks to buy a minority stake in U.S. investment company TCW Group, sources with direct knowledge of the deal said.** Chevron Corp may miss its mid-October target for closing the agreed $2 billion sale of its natural gas assets in Bangladesh to a Chinese consortium as Dhaka weighs the prospect of a counterbid, people with knowledge of the matter said.** Pacific Commerce, the trading arm of refiner Shandong Dongming Petrochemical, has purchased 66 percent more crude oil in 2017 than last year, both for its own system and for other independent Chinese refiners, a Dongming senior executive said.** Exchange group Nasdaq Inc and Nordic financial services group SEB have teamed up to test a blockchain-based mutual fund trading platform for the Swedish market in an effort to simplify and make the process faster.** South Koreas SK Hynix Inc said its board had approved its participation in a consortium led by Bain Capital that plans to purchase Toshiba Corps memory chip unit for 2 trillion yen ($17.7 billion).** Rossium, the investment vehicle which controls Russian lender Credit Bank of Moscow among other assets, may buy the banks three subordinated Eurobonds, it said.** Saudi Aramcos trading arm will start trading non-Saudi crude oil to mainly feed its international joint ventures as the worlds largest oil exporter seeks to optimise profits, industry sources familiar with the move said.** Japans government said it had raised a total 1.3 trillion yen ($11.5 billion) from its sale of Japan Post Holdings Co <6178.T stock> - including shares sold in the overallotment portion of the deal that was determined on Wednesday.** Privately-run conglomerate CEFC China Energy has obtained preliminary state approval for its proposed $9.1 billion investment in Russian oil major Rosneft. just about a week after the deal was announced, three sources with knowledge of the matter told Reuters. (Compiled by Sanjana Shivdas in Bengaluru) \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "3035882568324aeb853d7bd8a9d9a2c0", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 1993.0:\n", "\n", "HEADLINE:\n", "1993 UPDATE 1-UK bank Shawbrook rejects improved $1 bln buyout proposal\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "1993 (Adds details, background, results)March 7 British bank Shawbrook Group Plc said on Tuesday it had rejected an improved proposal be bought by two private equity firms for 825 million pounds ($1 billion).Shawbrook's largest shareholder, Pollen Street Capital, together with BC Partners, have offered to buy Shawbrook for 330 pence per ordinary share in cash and allow shareholders to keep a final dividend of not more than 3 pence per share.The proposal, disclosed on Friday, is 22 percent above Shawbrook's closing share price on Thursday.Shawbrook said on Tuesday it had rejected a 307 pence per share offer in January from the consortium but engaged in talks with the two private equity firms about a revised proposal.\"Taking into account the terms of the revised proposal, the confidence the board has in Shawbrook's strategy and plan and the feedback from Shawbrook's major institutional shareholders, the board has concluded that it is not willing to recommend the consortium's revised proposal,\" Shawbrook said in a statement.Shawbrook is one of a number of so-called challenger banks in Britain that aim to break into a market dominated by traditional players such as HSBC, Lloyds, Barclays and RBS.However, bankers have said such groups are ripe for takeovers as low interest rates has squeezed earnings and the pound's fall has made them cheaper for foreign buyers.Shawbrook reported on Tuesday a 14.1 percent rise in full-year underlying pretax profit to 91.4 million pounds, compared with a year earlier.The bank's loans and advances to customers rose 22 percent to 4.05 billion pounds.($1 = 0.8183 pounds) (Reporting by Abhijith Ganapavaram in Bengaluru; Editing by Mark Potter)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "d9e4960a8f324cdca997572f27f07a7d", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 3043.0:\n", "\n", "HEADLINE:\n", "3043 German minister, labour reps welcome PSA work contract assurances for Opel merger\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "3043 Deals - Wed Apr 5, 2017 - 1:06pm BST German minister, labor reps welcome PSA work contract assurances for Opel merger German Economy Minister Brigitte Zypries meets Chairman of the Managing Board of French carmaker PSA Group Carlos Tavares in Berlin, Germany, April 5, 2017. REUTERS/Fabrizio Bensch BERLIN Germany's economy minister said she had held constructive talks with PSA Chairman Carlos Tavares on Wednesday about the planned merger of the French group with Germany's Opel and felt reassured that existing labor deals would remain. Germany has welcomed the merger, provided the Opel brand stays independent and the merged group respects existing labor agreements, protects Opel sites and gives job guarantees. \"I particularly welcome the commitment by Mr Tavares to respect and continue all the collective agreements,\" said minister Brigitte Zypries in a statement. \"The federal government and federal states will continue to lend their constructive support to the process of merging PSA and Opel/Vauxhall,\" she added. Tavares said he had reaffirmed PSA's ambition to \"build on the quality of relations with employee representatives as a key factor of success of the company\". (Reporting by Madeline Chambers; Editing by Michelle Martin) Next In Deals Toshiba's Westinghouse fired chairman two days before bankruptcy filing TOKYO Westinghouse Electric Co LLC fired its chairman two days before the U.S. nuclear engineering unit of Toshiba Corp filed for bankruptcy last week, as the Japanese firm tries to draw a line under the travails of a business that has cost it billions. JAB Holding to buy bakery chain Panera Bread in $7.5 billion deal JAB Holdings, the owner of Caribou Coffee and Peet's Coffee & Tea, said on Wednesday it would buy U.S. bakery chain Panera Bread Co in a deal valued at about $7.5 billion, including debt, as it expands its coffee and breakfast empire. SYDNEY Blackstone Group has put an A$3.5 billion ($2.65 billion) shopping mall portfolio in Australia up for sale, said a source familiar with the matter, in what could be one of the country's largest ever real estate transactions. MORE FROM REUTERS From Around the Web Promoted by Revcontent Trending Stories\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "f945ab83625b4625987b44d512946203", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 9100.0:\n", "\n", "HEADLINE:\n", "9100 Lenovo to buy Fujitsu PC unit stake for up to $269 million; second-quarter profit drops\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "9100 November 2, 2017 / 6:15 AM / Updated 8 minutes ago Lenovo to buy Fujitsu PC unit stake for up to $269 million; second-quarter profit drops Sijia Jiang 3 Lenovo Group said it had reached an agreement to buy a 51 percent stake in Fujitsus personal computer unit for up to $269 million, after earlier posting a lower quarterly profit on continued difficulty in the global PC market. A Lenovo logo is seen at the computer in Kiev, Ukraine April 21, 2016. REUTERS/Gleb Garanich/File Photo Shares of the Chinese PC maker rose as much as 5 percent as traders came back after the midday break. Lenovo and Fujitsu had first announced in October 2016 that they were exploring cooperations in their PC business. Lenovo said it would pay for the stake in Fujitsu Client Computing Ltd with 17.85 billion yen (118.00 million pounds) in cash and 2.55 billion-12.75 billion yen based on performance to 2020. Earlier in the day, Lenovo reported a profit of $139 million (104.65 million pounds) for the second quarter ended September, versus $157 million a year ago. A taxation gain of $118 million helped earnings beat an average analysts estimate of $44 million. Lenovos revenue was $11.8 billion, compared with $11.2 billion last year and a consensus estimate of $11.3 billion. Lenovos global PC unit shipments rebounded 17 percent from the previous quarter, though its PC market share in the six months dropped 0.2 percentage point to 21 percent, Lenovo said, without revealing shipment numbers. PC makers around the world are struggling as consumers switch to mobile devices. Data from Gartner shows that worldwide shipment of personal computers fell 3.6 percent from a year ago in the third quarter of 2017, the 12th such decline in a row. Lenovo lost its title as the worlds largest PC maker to HP Inc earlier this year. Lenovos struggling mobile business group, which it is looking to turnaround in the second half of this fiscal year, reported a narrower operating loss before taxation of $261 million for the interim period. Loss at its data centre business widened to $214 million. Lenovo warned market conditions would remain challenging in the short term, but said the agreement with Fujitsu would help it enhance its business globally. Lenovo shares were up 2.84 percent at 0550 GMT, outstripping the broader market that was down 0.2 percent. Reporting by Sijia Jiang; Editing by Himani Sarkar\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "600dd0bfdaa64b5cbfa38a5bbe8be3a0", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 2157.0:\n", "\n", "HEADLINE:\n", "2157 EU clears GE acquisition of Danish rotor blade maker LM Wind Power\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "2157 Money News 34pm IST EU clears GE acquisition of Danish rotor blade maker LM Wind Power BRUSSELS The European Commission said on Monday it had cleared General Electric Co's $1.65 billion acquisition of Danish rotor blade maker LM Wind Power as the merged entity would continue to face effective competition in Europe. General Electric produces onshore and offshore wind turbines, but only has a relatively small market share, the Commission said in a statement. LM Wind Power designs and manufactures blades that are sold to General Electric and competitors as a component for the wind turbines. GE would continue to face competition from rivals such as Siemens, Vestas, Nordex and Senvion, who would either make their own blades or find suppliers other than LM Wind Power, the Commission said. (Reporting By Philip Blenkinsop)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "45e817c8a3324834a86a7164c6f371b9", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 4890.0:\n", "\n", "HEADLINE:\n", "4890 UPDATE 1-Cigna's 2017 growth may include Medicare Advantage acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "4890 Market News 39am EDT UPDATE 1-Cigna's 2017 growth may include Medicare Advantage acquisitions (Adds CEO comments, background on industry mergers) NEW YORK, June 21 Cigna Corp Chief Executive David Cordani told investors on Wednesday that the company has $7 billion to $14 billion in capital that it could use in 2017 for mergers and acquisitions in several areas, including Medicare Advantage for older people. Cordani, speaking during the company's first meeting with investors since its deal to be bought by Anthem Inc officially broke off last month, said the company would also do at least $2 billion in share buybacks this year and set a target of $16 in earnings per share for 2021. He said M&A areas that the No. 5 health insurer is considering also include growing internationally and building out its pharmacy and physician-related businesses, its retail capabilities, and its government risk-based insurance programs. Cigna has a pharmacy management business that it is looking to expand both internally and through acquisitions, Cordani said. When an investor asked if the company was as interested now in building its Medicare Advantage business as it was two years ago, before the deal to be bought by Anthem was announced, Cordani confirmed that was the case. Several Wall Street analysts have recently written research notes about the merits of Cigna buying Humana Inc, a deal that they said had been under consideration before the Anthem deal was made. (Reporting by Caroline Humer; Editing by Nick Zieminski)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "5665bc391c644bbe9dfb4566664e30b3", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 7426.0:\n", "\n", "HEADLINE:\n", "7426 China's Zhongwang, Aleris extend merger deadline amid smuggling claims\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "7426 (Adds Quote: s in paragraphs 9-10)BEIJING, Sept 16 (Reuters) - Zhongwang USA, an investment firm backed by a Chinese aluminium tycoon, and its acquisition target Aleris Corp have decided to extend a deadline to complete their merger by two weeks, according to representatives of the two companies.The extension comes amid reports of smuggling allegations made this week by the U.S. Department of Justice against Liu Zhongtian, majority owner of Zhongwang USA.It was not clear if there was link between the complaint filed this week by the Department of Justice and the extension.We remain in discussions with Zhongwang USA on the pending acquisition of Aleris, Jason Saragian, a spokesman for the Cleveland, Ohio-based manufacturer of aluminium rolled products, said by email.To allow those discussions to continue, we have decided to extend our merger agreement through September 29, Saragian said. The previous deadline lapsed on Friday.A spokeswoman for Zhongwang, an aluminium extruder, confirmed the extension. Zhongwang USA is not part of Hong Kong- listed China Zhongwang Holdings Ltd, although Liu heads up both companies.Zhongwang USA announced its intention to buy Aleris in August 2016. However, the deal has not yet been completed, and in June this year, 27 U.S. senators urged the Treasury to reject the sale, calling it a strategic misstep.The Wall Street Journal reported that a complaint filed on Thursday by the U.S. Department of Justice accused an alleged Zhongwang affiliate, Perfectus Aluminum Inc, of evading $1.5 billion in tariffs by illegally importing aluminium into the United States.The Zhongwang spokeswoman said Liu does not control and is not the beneficial owner of Perfectus, and therefore he is not in a position to comment on issues relating to Perfectus.China Zhongwang previously denied the allegations and maintains the same position regarding these ungrounded allegations, she said.The U.S. Aluminum Extruders Council (AEC), meanwhile, welcomed the action.We want to applaud the Department of Justices decision to begin civil proceedings against Zhongwangs affiliate, AEC president Jeff Henderson said in a statement.The filing is the culmination of a concerted effort by the AEC and its members in conjunction with Customs and the Department of Commerce to investigate Zhongwangs alleged attempts to avoid paying duties, Henderson said. (Reporting by Tom Daly; Editing by Tom Hogue and John Ruwitch) \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "04653db0d82f49ccbc24a430e785af56", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 6171.0:\n", "\n", "HEADLINE:\n", "6171 Bristol-Myers to buy IFM Therapeutics to strengthen cancer pipeline\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "6171 (Reuters) - Bristol-Myers Squibb Co said it would buy privately held IFM Therapeutics for an upfront payment of $300 million, as the drugmaker looks to bolster its cancer portfolio after losing ground to Merck & Co's rival treatment Keytruda.The acquisition of IFM, whose backers include Novartis, will give Bristol-Myers access to the company's preclinical cancer programs.IFM investors are also eligible to additional contingent payments of up to $1.01 billion upon the achievement of certain milestones, the companies said on Thursday.Bristol-Myers, which is also under pressure from activist investors, expects the deal to close during the third quarter.The drugmaker has fallen behind Merck in the key field of immuno-oncology after its Opdivo drug failed to prolong survival patients with non-small cell lung cancer, the largest cancer market. \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "a32cdf8f13b8476484966ea5b2176c19", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 5917.0:\n", "\n", "HEADLINE:\n", "5917 Husky Energy to buy $435 million Wisconsin refinery\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "5917 CALGARY, Alberta (Reuters) - Canadian integrated oil company Husky Energy Inc said on Monday it is buying a refinery in the United States from Calumet Specialty Products Partners LP for $435 million in cash.The refinery in Superior, Wisconsin, has capacity to process 50,000 barrels per day.The deal, which also includes the refinery's associated logistics assets, will increase Husky's refining capacity to 395,000 bpd, the company said.Husky produces primarily heavy oil from oil sands and conventional operations in western Canada and the deal will help it manage exposure to depressed global crude prices, which are hovering below $50 a barrel on concerns about a persistent supply glut.\"Acquiring the Superior Refinery will increase Huskys downstream crude processing capacity, keeping value-added processing in lockstep with our growing production,\" said CEO Rob Peabody.Husky currently produces around 320,000 bpd and aims to grow output to 400,000 bpd by 2021.Shares of Calumet rose 9 percent to $5.93 in late morning trade on the Nasdaq, while Husky's shares rose 0.5 percent to C$14.69 on the Toronto Stock Exchange.Husky said it would retain about 180 workers at the refinery, which can process Canadian heavy crude and light and medium barrels from Canada and the Bakken region, and also boosts the company's asphalt production capacity.The company said it is deferring a decision on whether to expand asphalt capacity at its Lloydminster, Saskatchewan, refinery until after 2020 and will be considered again as heavy oil production grows.BMO Capital Markets was Husky's financial adviser on the deal and Milbank LLP its legal adviser.Reporting by Nia Williams in Calgary and Ahmed Farhatha in Bengaluru; Editing by Maju Samuel and David Gregorio\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "b980734c7ce844b8b17edcacdfa92566", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 9459.0:\n", "\n", "HEADLINE:\n", "9459 India's Reliance Jio to buy all wireless assets of RCom\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "9459 MUMBAI (Reuters) - Anil Ambanis debt-laden Reliance Communications Ltd ( RLCM.NS ) has signed an agreement to sell its wireless assets to Reliance Jio Infocomm Ltd [RELIB.UL], the telecoms arm of elder brother and billionaire Mukesh Ambanis oil conglomerate Reliance Industries Ltd ( RELI.NS ), both the companies said in separate statements on Thursday.The sale comprises of all spectrum, tower, fiber optic and other telecom infrastructure assets of Reliance Communications and is subject to government and other regulatory approvals, the statements said.The sale marks the return of the telecom company back to the fold of Reliance Industries, which forayed into telecoms in 2002, spearheaded by elder Ambani, under the name of Reliance Infocomm Ltd.A feud between the two brothers in 2005 led to the split of Reliance Industries when Mukesh Ambani kept the cash cow oil and gas business and Anil Ambani walked away with telecoms and power.However, with the launch of Reliance Jio, Mukesh Ambanis reentry into the telecom space in September 2016 coupled with cut-price data and free voice service rattled the telecom industry, pushing RCom, as it is commonly called, into a debt spiral.On Tuesday, Anil Ambani announced the company had received non-binding offers from 15 firms for the sale of its wireless assets. The sale would slash its debt pile by 390 billion rupees ($6.09 billion) without any haircut by the banks.These assets are strategic in nature and are expected to contribute significantly to the large scale roll-out of wireless and Fiber to Home and Enterprise services by RJIL (Reliance Jio), Reliance Jio said in its statement.Reliance Jio is Indias fastest growing telecoms company with a subscriber base of close to 140 million. Through the deal, Reliance gets access to four bands of spectrum and 43,000 telecom towers and a countrywide fiber optic network.Reporting by Promit Mukherjee; Editing by Amrutha Gayathri \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "827da640fbad45b88ac3696652d84479", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 2109.0:\n", "\n", "HEADLINE:\n", "2109 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "2109 (Adds Innogy, OneWeb, COFCO Group, Pertamina and Global Logistic Properties)Feb 28 The following bids, mergers, acquisitions and disposals were reported by 1400 GMT on Tuesday:** Saudi oil giant Aramco will buy an equity stake in Malaysian firm Petronas' major refining and petrochemical project, the companies said, pumping in $7 billion in its biggest downstream investment outside the kingdom.** Innogy has signed a deal with Israeli company OurCrowd that will give the German utility access to the crowdfunding firm's pipeline of start-ups in return for providing access to its customer base, Innogy CEO Peter Terium said.** OneWeb Ltd, a U.S. satellite venture backed by Japan's SoftBank Group Corp, and debt-laden satellite operator Intelsat SA agreed to merge in a share-for-share deal.** Chinese trading house COFCO Group said it had completed the takeover of Dutch grain trader Nidera.** Indonesia's state oil company Pertamina expects to find a partner to take a majority stake in a proposed refinery to cost more than $10 billion in Bontang, East Kalimantan, by April, senior company officials said.** Private equity firms Warburg Pincus, Blackstone Group LP and Hopu Investment were among the bidders short-listed to present a potential offer for Singapore-listed Global Logistic Properties, people familiar with the process said.** The Russian subsidiary of Intesa Sanpaolo is considering the purchase of a Russian bank, its chairman, Antonio Fallico, said.** Swedish buyout firm EQT has launched the sale of Danish packaging group Faerch Plast in a potential 700 million euro ($741 million) deal, hoping to benefit from high sector valuations, three people close to the matter said.** India's Tata Sons has agreed to pay NTT DoCoMo $1.18 billion to buy out the Japanese firm's stake in a telecoms joint venture, paving the way for the settlement of a long-standing dispute days after a new chairman took charge at the Indian conglomerate.** Tanker firm Frontline said it had made a higher and final offer for rival DHT Holdings, which was rejected.** British Land and joint venture partner Oxford Properties are in advanced talks to sell the \"Cheesegrater\" skyscraper in London, the company said.** Swiss insurance group Baloise Holding has joined forces with digital financial services venture capital and advisory firm Anthemis Group to invest in insurance and risk management technology startups, the latest sign of large, traditional insurers seeking to become more tech-savvy.** Dubai-based engineering firm Dar Group said it had taken a 13.4 percent stake in WorleyParsons Ltd, months after a failed takeover approach, sending shares in the Australian engineering company up 30 percent.** Drugmaker Perrigo Co Plc said on Monday it agreed to sell the royalty stream from its multiple sclerosis drug Tysabri to privately held Royalty Pharma for up to $2.85 billion.(Compiled by Sruthi Shankar in Bengaluru)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "028275ada38943da8e41f3ed157c8eac", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 6257.0:\n", "\n", "HEADLINE:\n", "6257 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "6257 Aug 16 (Reuters) - The following bids, mergers, acquisitions and disposals were reported by 1300 GMT on Wednesday:** Geely Automobile said it has no plan to buy Fiat Chrysler, dismissing media speculation the Chinese company was interested in the Italian car maker.** Hedge fund Elliott Management has raised its stake in BHP Billiton, to 5 percent, bolstering its position to agitate for change at the top global miner, but signaled its support for the incoming chairman.** Britain's Prudential sold its broker-dealer network in the United States for $325 million to LPL Financial , the insurer said.** Swiss chemicals maker Clariant AG and U.S.-based Huntsman Corp said U.S. regulators had asked for more information on their proposed merger, but they were confident of still closing the deal by the end of this year.** Private equity house EMR Capital has purchased an 80 percent stake in a Zambian copper mine from African Rainbow Minerals (ARM) and its partner for $97.10 million, ARM said.** Canadian miner Crystallex is seeking to seize shares in a subsidiary of Venezuelan state oil company PDVSA that owns U.S. refiner Citgo as part of a dispute over Venezuela's 2008 takeover of the Las Cristinas gold mine, according to court filings.** Indonesia's Pertamina said that tax issues related to importing crude oil into the Southeast Asian country could scupper plans by the state oil firm to take stakes in two energy blocks controlled by Russia's Rosneft.** Ryanair will continue to grow in Germany, even though it sees any plans by Lufthansa to take over parts of insolvent rival Air Berlin as a conspiracy to halt the Irish carrier's expansion, its chief executive told Reuters.** Malaysian state oil firm Petronas is looking to buy a stake in Indian Oil Corp's Ennore liquefied natural gas (LNG) import terminal, the Indian firm's chairman said.** Saudi Aramco IPO-ARMO.SE has received bids from international engineering firms to expand the Hawiyah gas plant, industry sources said on Wednesday as the state oil giant continues spending to expand its core business.** Tour operator Thomas Cook and its German airline Condor are prepared to play an active role in a restructuring of insolvent carrier Air Berlin, Thomas Cook said on Wednesday.Compiled by Roopal Verma in Bengaluru\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "3e6c9a76262041efa7b1f47f033fa77e", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 8064.0:\n", "\n", "HEADLINE:\n", "8064 Chinese Estates buys 6 percent stake in China Evergrande\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "8064 October 4, 2017 / 4:53 AM / in 2 hours Chinese Estates buys 6 percent stake in China Evergrande Reuters Staff 2 Min Read FILE PHOTO: A logo of China Evergrande Group is displayed at a news conference on the property developer's annual results in Hong Kong, China March 28, 2017. REUTERS/Bobby Yip/File Photo HONG KONG (Reuters) - Hong Kong developer Chinese Estates Holdings ( 0127.HK ) said on Wednesday it holds a 6 percent stake in rival property group China Evergrande ( 3333.HK ), having bought HK$11.1 billion (1.07 billion) of shares between April and October 3. The news sent shares in Evergrande, one of China's most indebted companies, up as much as 3.9 pct to HK$30.80 by midday trade, a record high. Shares of Chinese Estates rose 4.3 percent, outperforming a 0.8 percent rise in the benchmark index .HSI . Chinese Estates said it was optimistic about Evergrandes prospects, but did not provide further detail on the purchase. Evergrande, which has developed thousands of middle class homes in China and owns the countrys top football team, was one of the most heavily shorted Hong Kong stocks earlier this year. Analysts said Evergrande was also benefiting from an increased average selling price, according to its September sales, published late on Tuesday. In the year to date, the company has achieved decent sales growth, mainly supported by rising (prices) as Evergrande strived to move to higher tier cities, said Chuanyi Zhou, Credit Analyst at independent research firm Lucror Analytics. Chinas home prices have surged since late 2015 and the housing rally has been one of the main drivers of Chinas stronger-than-expected economic growth so far this year, though successive waves of cooling measures are expected to temper construction activity and investment in coming months. Reporting by Farah Master, Donny Kwok and Umesh Desai; Editing by Clara Ferreira Marques and Gopakumar Warrier\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "9d7b47b699a147eaa61dece32c4d98df", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 3799.0:\n", "\n", "HEADLINE:\n", "3799 Chemicals groups Huntsman, Clariant set to announce merger -sources\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "3799 Deals - Sun May 21, 2017 - 7:14pm EDT Chemical groups Huntsman, Clariant set to announce merger: sources By Greg Roumeliotis and Ludwig Burger Hunstman Corp ( HUN.N ) and Clariant AG ( CLN.S ) are set to announce their merger on Monday, creating a chemical manufacturer with a market value of more than $14 billion, people familiar with the matter said on Sunday. The deal would combine Clariant, a Muttenz, Switzerland-based maker of aircraft de-icing fluids, pesticide ingredients and plastic coloring, with Woodlands, Texas-based Huntsman, whose chemicals are used in paint, clothing and construction. The agreement comes after Reuters reported last March that Clariant and Huntsman previously ended merger talks because of disagreements over who would play the lead role. In an attempt to structure a merger of equals, the two companies have now agreed that Huntsman Chief Executive Peter Huntsman will become CEO of the combined company, while Clariant CEO Hariolf Kottmann will become chairman, the sources said. The combined company will be headquartered in Switzerland, though its operational center will be in Woodlands, Texas, one of the sources added. The sources asked not to be identified because the negotiations are confidential. A Huntsman spokesman declined to comment, while Clariant did not immediately respond to a request for comment. The Wall Street Journal, which first reported on the deal on Sunday citing sources, said that Clariant shareholders stood to own about 52 percent of the combined company following the merger, with Huntsman shareholders owning the remainder. Clariant was under pressure from investors to find a merger partner that could help it cut costs and revive growth as part of a bigger structure, Reuters reported in March. Being part of a larger group could also help it negotiate lower costs of supplies. Kottmann has spent several years restructuring Clariant. He divested underperforming businesses including textile and paper chemicals in 2012 and placed more responsibility with lower level managers for faster decision-making. In mid-2015 he started carving out Clariant's plastics and coatings business into a separately managed but wholly-owned entity. But with fewer opportunities left to fine-tune the business internally, investor pressure had been growing on management to identify a growth strategy for Clariant, which was formed in the mid 1990s from parts of Switzerland's Sandoz and Germany's Hoechst. Huntsman was founded in 1970 by Peter Huntsman's father, Jon. One of Huntsman's other sons is Jon Huntsman, the former governor of Utah and former U.S. ambassador to Singapore and China. He was reported in March to be U.S. President Donald Trump's pick for ambassador to Russia. (Reporting by Greg Roumeliotis in New York and Ludwig Burger in Frankfurt; Editing by Peter Cooney and Mary Milliken) \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "5e578249f8534a3e94547950838ed915", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 3132.0:\n", "\n", "HEADLINE:\n", "3132 Ride-hailing firm Grab agrees to buy Indonesian payment startup Kudo\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "3132 SINGAPORE Southeast Asian ride-hailing firm Grab on Monday said it has agreed to buy Indonesian online payment startup Kudo, marking the first investment under a recently announced plan to commit $700 million to its largest market.Grab did not disclose the deal value. Reuters in February reported Grab's plan to buy Kudo for over $100 million, citing a person close to the matter.Grab, the main Southeast Asian rival of Uber Technologies Inc, said the deal would come under the $700 million it has committed to invest in Indonesia over the next four years.Founded in 2014, Kudo helps consumers with no bank accounts and based in small towns and cities make online payments through its agents. Kudo in the statement said the acquisition created immediate synergies with its existing business.The two firms also plan to explore opportunities to increase the types of financial services that Kudo could offer, including insurance and consumer loans, said Grab.Upon closing the deal, the Kudo team and platform will be integrated with Grab's online payment service GrabPay.In a separate statement, Grab said it has hired Jason Thompson, previously of U.S. electronic payments company Euronet Worldwide Inc, as head of GrabPay to be based in Singapore.(Reporting by Aradhana Aravindan; Editing by Christopher Cushing)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "1a654a1696ad471aa9a872bfff1a126e", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 111.0:\n", "\n", "HEADLINE:\n", "111 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "111 (Adds Powertech, Centrica, Bain Capital, Fininvest)Jan 13 The following bids, mergers, acquisitions and disposals were reported by 1430 GMT on Friday:** Taiwan's Powertech Technology Inc said it was terminating a share agreement with China's Tsinghua Unigroup Ltd, unraveling more than $2 billion in deal-making that the state-run Chinese giant had hoped to seal on the island.** Britain's Centrica has completed its withdrawal from wind power generation with the sale of a 50 percent stake in the Lincs offshore wind farm to the Green Investment Bank and its offshore wind fund, the companies said.** Private equity firms Advent and Bain Capital agreed to buy German payment group Concardis from a group of private, savings and cooperative banks, the parties said in a joint statement, not disclosing a purchase price.** Former Italian prime minister Silvio Berlusconi and his holding company Fininvest have appealed to the European Court of Justice against a decision by the European Central Bank that Fininvest should cut its stake in asset manager Banca Mediolanum .** State-owned Shenzhen Metro Group's purchase of the second-biggest holding in China Vanke is likely to pave the way for it to take control of the property giant and put an end to a year-long corporate power struggle.** U.S. private equity firm KKR & Co LP said on Friday it has agreed to buy Hitachi Ltd's power tools unit, Hitachi Koki Co Ltd, for about $1.3 billion, its second billion-dollar deal in Japan in three months.** Oil and gas producer Anadarko Petroleum Corporation said it would sell its Eagleford Shale assets in South Texas for about $2.3 billion to a strategic 50/50 partnership formed by Sanchez Energy Corp and asset manager Blackstone Group LP.** Megadeals in China helped bring a record $31 billion in venture capital investment into the country in 2016 despite a sluggish global economy and a sharp drop in the number of new deals, a report said.** Canadian energy infrastructure company AltaGas Ltd said on Thursday it was in talks with a third party over a potential transaction.** Peruvian builder Grana y Montero's shares dropped by more than 12 percent after it called its partnership with corruption-plagued Brazilian builder Odebrecht a \"mistake\" and said it was considering taking legal action.** Swedish small-cap industrial firm Duroc said on Friday it was buying the far larger International Fibres Group from one of its largest owners by issuing new shares.** Renova Energia SA has agreed to sell a wind farm project to the local unit of AES Corp for about 650 million reais ($204 million) as part of efforts by the Brazilian renewable power company to repay debt and ease a cash crunch.** ClubCorp Holdings Inc, one of the largest owners and operators of private golf and country clubs in the United States, said it was exploring strategic alternatives after Reuters reported the company was in a process to sell itself.** The Brazilian government is drafting a decree to allow 100 percent foreign ownership of local airlines, a Transportation Ministry spokesperson said, a move that could attract investors to a recession-beaten industry. (Compiled by Laharee Chatterjee in Bengaluru)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "c7a42f8498ca470cbb408db854865851", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 9471.0:\n", "\n", "HEADLINE:\n", "9471 Mallinckrodt to buy Sucampo Pharmaceuticals for about $1.2 billion\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "9471 December 26, 2017 / 12:11 PM / Updated 5 hours ago Mallinckrodt to buy Sucampo for about $840 million Tamara Mathias , Akankshita Mukhopadhyay 3 Min Read (Reuters) - Mallinckrodt Plc ( MNK.N ) said on Tuesday it would buy Sucampo Pharmaceuticals Inc ( SCMP.O ) for about $840 million (628.8 million) to snap up constipation drug Amitiza and a clutch of experimental rare disease treatments, as it battles declining sales of its biggest drug, Acthar. Acthar, a treatment for infantile spasms and multiple sclerosis, contributes 42 percent to Mallinckrodts overall revenue. But the drugs third-quarter sales of $308.7 million missed analysts estimates by $17.9 million, according to brokerage Stifel, and the company said it expected a further decline in the fourth quarter. Previously, Mallinckrodt came under fire for its exorbitant pricing of the drug, which had a price tag of over $34,000 in January. Mallinckrodt said on Tuesday it offered $18 per Sucampo share held, representing a premium of about 6 percent to the stocks Friday close. The stock has gained about 14 percent since Dec. 6, a day before Bloomberg reported that Sucampo was considering selling itself after receiving takeover interest. Sucampos shares rose 5 percent in early trading, while Mallinckrodt was up 6 percent. Im a little surprised that Mallinckrodt is the buyer, Jason Kolbert, an analyst at Maxim Group, told Reuters, adding the deal value is disappointing to long-term investors in Sucampo, who were banking on the success of its pipeline. Sucampo is developing drugs for two rare genetic diseases, likely to command a high price if successful, as alternative treatments are sparse. However, analysts believe Mallinkrodts valuation of Sucampo seems to be principally based on the value of Amitiza. Sucampos management is just grabbing a quick exit strategy with the deal, Kolbert said. The equity value of the deal is based on 46.64 million outstanding Sucampo shares as per Thomson Reuters data. Including debt, the deal is valued at about $1.2 billion, the companies said. Mallinckrodt said it expects to fund the deal through borrowings under an existing revolving credit facility, a new secured term loan facility and cash on hand. Assuming a first-quarter 2018 close, Mallinckrodt said it expects the deal to add at least 30 cents per share to its 2018 adjusted earnings and at least double that amount in 2019. Deutsche Bank was Mallinckrodts financial adviser and Wachtell, Lipton, Rosen & Katz its legal adviser. Jefferies LLC served as Sucampos financial adviser, while Cooley LLP was its legal adviser. Reporting by Akankshita Mukhopadhyay and Tamara Mathias in Bengaluru; Editing by Maju Samuel\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "e8761719f40c4c4b80bf9937cdc5ac26", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 8239.0:\n", "\n", "HEADLINE:\n", "8239 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "8239 Oct 5 (Reuters) - The following bids, mergers, acquisitions and disposals were reported by 1000 GMT on Thursday:** German industrial gases group Linde urged investors to tender their shares in an exchange offer for its planned $80 billion merger with U.S. peer Praxair as a deadline approaches to reach 75 percent acceptance.** Germanys Dialog Semiconductor is to acquire California-based Silego Technology Inc for up to $306 million, helping to strengthen its position in the market for the so-called Internet of Things.** Polish anti-monopoly office said Polands biggest power firm PGE can take over the local assets of Frances EDF on condition that it sells most of the electricity generated by the Rybnik coal-fuelled power plant via the power exchange.** U.S. private equity firm Bain Capital LPs $1.35 billion offer to buy Japans third-largest advertising agency Asatsu-DK Inc is too low, its second-largest shareholder Silchester International Investors LLP has said.** Japans biggest private-sector life insurer, Nippon Life Insurance Co, is in talks to buy a majority stake in U.S.-based MassMutual Financial Groups Japan unit, two people with knowledge of the negotiations said.** UK-based theme park operator Merlin Entertainments Plc has approached marine park operator SeaWorld Entertainment Inc about a potential deal, according to a person familiar with the matter. (Compiled by Sonam Rai in Bengaluru) \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "fc9eb9a89e1a44a79d092091715ddef9", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 8164.0:\n", "\n", "HEADLINE:\n", "8164 Cargill to buy feed maker in high-margin natural foods push\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "8164 CHICAGO (Reuters) - Global commodities trader Cargill Inc [CARG.UL] on Tuesday said it was buying a natural animal feed maker, another in a string of deals to capitalize on rising demand for higher-margin natural foods and antibiotic-free meat and dairy products.Privately held Cargills recent push, including Tuesdays deal for Iowa-based Diamond V, has centered on its animal nutrition and protein unit, with expansions in feed production and aquaculture and divestitures of its U.S. pork business and cattle feedlots.Cargill and rivals like Archer Daniels Midland Co ( ADM.N ), Bunge Ltd ( BG.N ) and Louis Dreyfus Co [LOUDR.UL], known as the ABCD quartet of global grain trading giants, have moved to diversify amid a global grains glut that has weighed on margins and dragged profits.The deal, expected to close in January, is Cargills latest investment in its animal nutrition and protein segment, which has posted higher profits in five straight quarters and is a major focus of the companys long-term growth strategy.We anticipate that we will continue to invest in this space, Chuck Warta, president of Cargills premix and nutrition business told Reuters.Cargill invested in feed additive company Delacon in July, bought the animal feed business of U.S. farm cooperative Southern States in August and expanded feed milling in Thailand in September.This space of micronutrition and feed additives around the world, thats about a $20 billion market. Delacon and Diamond V are our initial investments into this, Warta said.Cargill did not disclose terms of the Diamond V deal, but said it was among the five largest acquisitions in the companys 152-year history.Among those deals were a $1.5 billion acquisition of Norwegian fish feed company EWOS and a $1.2 billion deal in 2008 for starch manufacturer Cerestar.Diamond V is also privately held and does no disclose its revenue. The deal includes Diamond Vs human health business Embria Health Sciences, which produces ingredients for dietary supplements.Additional reporting by Anirban Paul in Bengaluru; Editing by Supriya Kurane and David Gregorio \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "7305b9006ff1498cae53309aae9fa918", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 9010.0:\n", "\n", "HEADLINE:\n", "9010 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "9010 November 20, 2017 / 11:12 AM / Updated 7 minutes ago Deals of the day-Mergers and acquisitions Reuters Staff 2 Min Read (Adds Marvell Technology, Auchan, SandRidge Energy and Apache Corp; Updates Grupo Barcelo) Nov 20 (Reuters) - The following bids, mergers, acquisitions and disposals were reported by 1430 GMT on Monday: ** Chipmaker Marvell Technology Group Ltd said it would buy smaller rival Cavium Inc in a $6 billion deal, as it seeks to expand its wireless connectivity business in a fast consolidating semiconductor industry. ** French retailer Auchan said it had not been approached by e-commerce giant Amazon about deals or partnerships in Europe, with speculation still rife that Amazon may be eyeing European transactions. ** Activist investor Fir Tree Partners opposed SandRidge Energy Incs $746-million deal to buy rival Bonanza Creek Energy Inc, saying an acquisition would drain all of the oil and gas producers cash. ** South African private hospital group Mediclinic, does not intend to make another offer for Spire Healthcare, the firm said after the British company rejected an earlier bid. ** Grupo Barcelo has made a tentative takeover approach for rival NH Hotel Group to create the biggest hotel operator in Spain, where tourism is booming, with over 600 hotels worldwide. ** Shares in German utility RWE rallied on renewed investor hopes for a deal for its Innogy unit as well as on expectations of a less stringent climate policy following the failure of coalition talks in Germany. ** Abu Dhabi National Oil Co (ADNOC) said it may sell as much as a 20 percent stake in its fuel distribution unit, potentially raising up to $2.8 billion. ** Independent UK-based infrastructure investment fund Ancala Partners has finalized its acquisition of Apache Corps interests in two North Sea gas pipeline assets for an undisclosed sum, it said. (Compiled by Divya Grover in Bengaluru)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "e6cd192c3cb94c81b2b7dd009ea303d7", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 8558.0:\n", "\n", "HEADLINE:\n", "8558 UPDATE 1-Board of South Africa's PPC rejects Fairfax offer, AfriSam merger\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "8558 * PPC board says Fairfax offer not fair and reasonable* Talks with CRH and LafargeHolcim continue* PPC shares up more than 2 pct (Adds details, share price, background)By Nqobile DludlaJOHANNESBURG, Nov 22 (Reuters) - South African cement producer PPCs board on Wednesday turned its back on a takeover attempt by AfriSam, backed by Canadian firm Fairfax Africa Investments, but PCC said it was still talking to Irelands CRH and Swiss group LafargeHolcim.PPC has been a takeover target on-and-off for several years, with local-based AfriSam, Nigerias Dangote Cement Irish building materials firm CRH and Switzerlands LafargeHolcim all interested in it.But in a move anticipated by analysts, PPCs independent board said it had advised Fairfax that it will not be recommending the Canadian companys partial offer to shareholders and that it will not convene a general meeting to approve the proposed merger by AfriSam.The Independent Expert ... is of the opinion that the partial offer, both in the context of the proposed merger as well as on a stand-alone basis, is not fair and reasonable, PPC said in a statement.Fairfax offered to buy 22 percent of PPC in September for 5.75 rand per share, or 2 billion rand ($144 million), on condition that it was approved by shareholders in order to allow AfriSams merger plan.PPC, which has operations in six countries across Africa, said the board took into account the cement producers own valuation work, forecasts and recent financial and business performance as well as feedback from shareholders.Shares in PPC, which has a market capitalisation of 10.29 billion rand and had net debt of 4.7 billion rand at the end of March, were up 2.47 percent to 6.63 rand by 1248 GMT.It said it will continue its engagements with CRH and LafargeHolcim. ($1 = 13.9172 rand) (Reporting by Nqobile Dludla; Editing by Mark Potter and Alexander Smith) \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "ca9568e8b3d34c459236a68a97fd11c7", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 449.0:\n", "\n", "HEADLINE:\n", "449 Brazil's IBG eyes Praxair-Linde assets amid merger -Valor\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "449 SAO PAULO Jan 11 IBG-Indstria Brasileira de Gases Ltda may bid for assets of proposed merger partners Praxair Inc and Linde AG should Brazilian antitrust watchdog Cade force them to divest businesses to approve their deal, Valor Econmico newspaper said on Wednesday.In December, industrial gas companies Linde and Praxair announced plans to merge, creating a $65 billion global entity with extensive business in Brazil.IBG founder Newton de Oliveira told Valor the combined entity would have too much market power. Praxair's White Martins Ltda controls 59 percent of Brazil's industrial gas market, while Linde's unit has 12 percent, Valor Quote: d Oliveira as saying.If Cade orders Praxair and Linde to dispose of some assets, IBG would be interested in acquiring those in Brazil's north and northeastern regions.IBG, Praxair and Linde were not immediately available to comment on the Valor report.In 2010, Cade found Praxair, Linde and other competitors guilty of price-fixing and market collusion, and imposed a record fine of 2.5 billion reais ($783 million) on them.($1 = 3.1950 reais) (Reporting by Ana Mano; Editing by Guillermo Parra-Bernal and Lisa Von Ahn)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "e3c5d75f2a5f4a0db7aa20f803fd399d", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 8225.0:\n", "\n", "HEADLINE:\n", "8225 Total, Eni, Statoil seek buyers for North Sea Teesside terminal: sources\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "8225 FILE PHOTO: A view shows the Total Tower, French oil giant Total headquarters, at La Defense business and financial district in Courbevoie near Paris, France, February 25, 2016. REUTERS/Jacky Naegelen/File Photo LONDON (Reuters) - Total ( TOTF.PA ), Eni ( ENI.MI ) and Statoil ( STL.OL ) are seeking buyers for their stake in the Teesside oil terminal in northern England, which receives crude from the Norwegian Ekofisk fields, part of the global Brent benchmark, banking sources said.The sale is run jointly by investment bank Rothschild and may fetch as much as $400 million, according to the sources.Total holds a 32.9 percent stake in the terminal, Statoil a 27.3 percent stake and Eni a 10.3 percent stake. Paris Orleans holds the remaining 0.2 percent stake but it was unclear if they are taking part in the sale process.Total, Eni and Statoil declined to comment.ConocoPhillips ( COP.N ) is the operator of the terminal with a 29.3 percent stake but is not selling out, according to the sources.Conoco also declined to comment.The Teesside terminal, completed in 1975, receives, processes and stores crude oil and natural gas liquids from the Greater Ekofisk and Valhall field clusters in Norway as well as the Judy Platform in the British North Sea, according to Conocos website.Additional reporting by Stephen Jewkes in Milan, Bate Felix in Paris and Nerijus Adomaitis in Oslo, editing by Louise Heavens \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "fd2c7580f1804cb198ec9cbc93b00c46", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 9596.0:\n", "\n", "HEADLINE:\n", "9596 KKR to buy tool components maker Hyperion from Sandvik\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "9596 December 8, 2017 / 7:32 PM / Updated 16 minutes ago KKR to buy tool components maker Hyperion from Sandvik Joshua Franklin 2 Min Read (Reuters) - Buyout firm KKR & Co LP ( KKR.N ) said on Friday it had agreed to buy industrial tool components manufacturer Hyperion from Swedens Sandvik ( SAND.ST ), its first acquisition of a relatively small manufacturing company. The deal, which Sandvik said in a statement was worth 4 billion Swedish crowns (352 million), signals a shift by KKR from its past focus on larger deals. We like the industry and we think this is a neat company with lots of additional potential, Pete Stavros, the head of KKRs industrials investment team, said in a telephone interview. KKR said the deal was being funded through its $13.9 billion Americas XII Fund, which finished fundraising earlier this year. Institutional and wealthy individuals have been increasingly eager to invest with private equity firms, which buy companies to sell a few years later for higher returns than available in public financial markets. Buyout funds raised $66 billion in the third quarter, according to research firm Preqin, up 47 percent from the year-ago period. This cash influx into a growing number of private equity firms means the industry has an estimated $954 billion to invest. KKRs move to look at the smaller-sized, or middle-market, businesses opens the door for more deal opportunities, Stavros said. If you think about someone who, on my team, covers the building products sector, which is a very fragmented space, theres just so much more transaction activity in the middle market, he said. Thisll give that person a lot more opportunities to look at. Fair Lawn, New Jersey-based Hyperion has around 1,400 employees. KKR will continue allowing staff to have a stake in the companies it invests in, a policy it believes helps to improve profitability. Reporting by Joshua Franklin; Editing by Chizu Nomiyama and Richard Chang\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "303ebb34756144a4b171237bb146b380", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 5645.0:\n", "\n", "HEADLINE:\n", "5645 France to launch buy-out bid to delist Areva on Aug. 1\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "5645 July 31, 2017 / 4:06 PM / in 20 minutes France to launch buy-out bid to delist Areva on Aug. 1 Reuters Staff 1 Min Read A logo is seen on the Areva Tower, the headquarters of the French nuclear reactor maker Areva, by architects Roger Saubot et Francois Jullien at La Defense business and financial district in Courbevoie near Paris, France, June 1, 2017. Charles Platiau PARIS (Reuters) - French stock market regulator AMF said on Friday Franco-German bank Oddo BHF, acting on behalf of the French government, would launch a buyout offer for shares in Areva ( AREVA.PA ), with the aim of delisting the nuclear power engineering company from the Paris stock exchange. The buyout will take place from Aug.1 to Aug. 14. The French government, which owns more than 92 percent of Areva's capital following a restructuring of the former Areva group, said earlier that it would buy up the remaining shares at 4.5 euros per share and then delist the company. Reporting by Maya Nikolaeva; Editing by Greg Mahlich 0 : 0\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "0b229c0fb7a74acd97a5c7db98c2a058", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 5375.0:\n", "\n", "HEADLINE:\n", "5375 Japan's NEC considers buying Civica for $1.2 billion - Sky News\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "5375 July 13, 2017 / 7:50 PM / an hour ago Japan's NEC considers buying Civica for $1.2 billion: Sky News Reuters Staff 2 Min Read A logo of NEC Corp is pictured at CEATEC (Combined Exhibition of Advanced Technologies) JAPAN 2016 at the Makuhari Messe in Chiba, Japan, October 3, 2016. Toru Hanai (Reuters) - Japanese information technology company NEC Corp ( 6701.T ) is looking at buying British software firm Civica for 900 million pounds ($1.2 billion) and has hired advisors to work on an offer, Sky News reported. An auction for Civica, one of the UK's biggest public sector software providers, began several weeks ago and has drawn initial offers from three private equity firms - London-based BC Partners, Berkshire Partners and the Swiss-based Partners Group ( PGHN.S ), Sky News said, citing an industry source. A spokesman for NEC said the company is \"always considering a wide range of business possibilities, but that nothing has been decided at this time.\" Representatives for Civica were not immediately available for comment outside regular business hours. OMERS Private Equity acquired Civica from 3i in 2013 for 390 million pounds, according to Thomson Reuters LPC data. Civica provides outsourcing services to government organizations and local authorities around the world, from running most of the UK police force's automatic number plate recognition system to Singapore's public library management system. NEC provides a broad range of systems and software services for both the public and private sector. Recent contracts include the provision of its facial recognition system to the UK's South Wales Police force and one to integrate internal systems for the city of Lisbon. The Japanese firm sold most of its stake in its PC joint venture with Lenovo Group ( 0992.HK ) last year, a part of a broader trend of Japanese companies shedding struggling hardware businesses. NEC shares were flat in morning trade in Tokyo, compared with a 0.1 percent rise in the benchmark Nikkei share price index .N225 . Reporting by Mekhla Raina in Bengaluru and Sam Nussey in Tokyo; Editing by Edmund Blair and Edwina Gibbs 0 : 0 \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "d4c436c0cb5840a0b7dccc4c8cc39fd0", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 8529.0:\n", "\n", "HEADLINE:\n", "8529 CBS' buyout of Australia's Ten Network nears final hurdle\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "8529 November 10, 2017 / 8:18 AM / Updated 4 hours ago CBS' buyout of Australia's Ten Network nears final hurdle Reuters Staff 2 Min Read SYDNEY (Reuters) - CBS Corps buyout of embattled Australian broadcaster Ten Network Holdings won approval from an Australian court on Friday, leaving only sign-off from the nations securities regulator before the deal is done. FILE PHOTO - The CBS \"eye\" and logo are seen outside the CBS Broadcast Center on West 57th St. in Manhattan, New York, U.S., April 29, 2016. REUTERS/Brendan McDermid/File Photo The bankrupt television station had been the subject of a bidding war between CBS and Twenty-First Century Fox Executive Chairman Lachlan Murdoch, until Tens creditors voted in September to accept the CBS offer. Although a ratings laggard, Tens national reach and strong brand recognition in the worlds 12th-largest economy made it an attractive buyout target and CBS swooped after Ten went into administration in July. Murdoch and his co-bidder, billionaire Bruce Gordon, already lost a legal bid to derail the deal two months ago and did not contest Fridays procedural application for court permission to transfer Tens shares to CBS control. New South Wales Supreme Court Justice Ashley Black dismissed opposition from three small shareholders to give the deal the green light. Barring an appeal from the shareholders, all stock in Ten will be transferred to CBS after 5 p.m. on Tuesday, Nov. 14, Tens administrator KordaMentha said in a statement after the verdict. The buyout won approval from Australias Foreign Investment Review Board last month, and though it requires final clearance from the Australian Securities and Investment Commission, the regulator has already offered its in-principle support for the buyout. A spokeswoman for Murdoch and Gordon declined to comment. Reporting by Tom Westbrook; Editing by Gopakumar Warrier \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "e55ac4cea28442a6b8020ca0339eff86", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 5517.0:\n", "\n", "HEADLINE:\n", "5517 Hutchison's Drei buys Tele2 to rival Carlos Slim in Austria\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "5517 July 28, 2017 / 12:26 PM / in 12 minutes Hutchison's Drei buys Tele2 to rival Carlos Slim in Austria Shadia Nasralla and Kirsti Knolle 3 Min Read VIENNA (Reuters) - Mobile telecoms firm Hutchison Drei Austria ( 0001.HK ) is buying landline-focused Tele2 ( TEL2b.ST ) from its Swedish owner for 95 million euros (84.77 million pounds) to create a rival to Mexican tycoon Carlos Slim's Telekom Austria ( TELA.VI ). Drei said on Friday the merged group, led by Hong Kong-based Hutchison, would have around 1 billion euros in annual sales and four million mobile, landline and internet lines. This compares with 3.4 million lines and 2016 revenue of 2.6 billion euros at Telekom Austria's A1 unit, which has so far had a monopoly on these combined telecoms services in the country with a population of 8.7 million. \"This is a clear challenge to (Telekom Austria's) A1,\" said Drei Austria Chief Executive Jan Trionow at a news conference. \"We want to move closer to A1 and will certainly not stop once we've reached them.\" A1 has a larger share of the lucrative market for business customers. Trionow said it was too early to give longer-term earnings and sales guidance. The new management structure was also still being discussed. Tele2 as a brand will be withdrawn from the Austrian market within the next 12 months, he said. Austria is a highly competitive market for telecoms companies, especially in mobile broadband. All major operators, including Deutsche Telekom's ( DTEGn.DE ) Austrian unit, have an aggressive pricing policy. Hutchison and Slim's America Movil became key players in the Austrian telecoms market in 2013 and 2014 with the Asian group buying France Telecom's Orange Austria and Slim becoming the majority owner of former state monopoly Telekom Austria. Both groups invested about a billion euros at the time, hoping for further growth opportunities elsewhere in Europe. As these hopes did not materialise, digital broadband has become the major battleground. The Drei Austria chief said the new group will play an integral part in providing high-speed internet for companies in Austria after the Organisation for Economic Co-operation and Development (OECD) warned recently that progress was lagging most rich countries. The government wants companies to have access to high-speed broadband internet even in the remotest parts of the Alpine country by 2020. Hutchison, the number one in mobile internet and mobile entertainment services in Austria, plans to expand its expertise to business customers and generate more than 25 percent of revenue from them in the medium term. At the merged group, that ratio would currently be 22 percent. The deal is expected to close this year, pending regulatory approval. Editing by Alexander Smith and Keith Weir 0 : 0\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "4add7ac3ae4c4ea6a84c641f40fc0f87", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 9740.0:\n", "\n", "HEADLINE:\n", "9740 Shell to buy British retail energy supplier First Utility\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "9740 December 21, 2017 / 3:25 PM / Updated 5 minutes ago Shell to buy British retail energy supplier First Utility Nina Chestney 4 Min Read LONDON (Reuters) - Royal Dutch Shell ( RDSa.L ) has agreed to buy British household energy and broadband provider First Utility, stepping up competition to the Big Six suppliers whose dominance of the market is already under pressure. FILE PHOTO: A Shell logo is seen reflected in a car's side mirror at a petrol station in west London, Britain, January 29, 2015. Picture taken January 29, 2015. REUTERS/Toby Melville/File Photo Shell did not disclose any financial details of a deal which takes it into a new sector of the retail market. First Utility and Shells joint German subsidiary is also included in the agreement. The retail energy market in Britain is still dominated by the Big Six -- Centricas ( CNA.L ) British Gas, Iberdrolas ( IBE.MC ) Scottish Power, E.ON ( EONGn.DE ), EDF Energy ( EDF.PA ), SSE ( SSE.L ) and Innogys ( IGY.DE ) npower. However, they have been losing market share to smaller suppliers, including First Utility which serves around 825,000 homes in Britain. The supply and demand of residential energy is rapidly changing, driven by new technologies that enable householders to better manage their energy use, and the need for a low-carbon energy system, Mark Gainsborough, Shells Executive Vice President of New Energies, said in a statement. This combination will enable Shell to enter a new part of the energy market in the UK and to improve choice for customers by delivering innovative services at competitive prices. Shell expects the deal to complete early next year, subject to regulatory and other approvals. COMPETITION First Utility said the deal would allow it grow quicker and develop new customer products and services, taking advantage of Shells broad range of investments, from renewables to electric vehicle charging. Shell wants 20 percent of sales from its fuel stations worldwide to come from recharging electric vehicles and low-carbon fuels by 2025. Shell Energy Europe Limited, Shells European gas and power marketing and trading business, will continue to supply wholesale gas and electricity to energy retailers in the UK and Europe, including First Utility, the firm said. In 2015, Shell Energy Europe and First Utility partnered to launch a new household energy supplier in Germany. The smaller players now control 20 percent of the UK market compared to less than 1 percent a decade ago. First Utility has a 3 percent share of that market. Swedens Vattenfall [VATN.UL] and Frances Engie ( ENGIE.PA ) also entered the UK home energy market this year. Many of the big six have lost huge numbers of customers over the past couple of years as consumers switched suppliers. They also face regulatory pressure from the government to curb high energy bills, which have more than doubled over the last decade. Retail margins are already extremely thin and not expected to improve anytime soon. Last month, Innogy and SSE agreed to merge their retail power businesses, paving the way for more industry consolidation as pressures mount on the big suppliers in an increasingly crowded market. However, some of the smaller energy suppliers have fallen foul of the competitive UK energy retail market. Last year, GB Energy went bankrupt after being caught out by rising market prices. Reporting by Nina Chestney; editing by Keith Weir\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "55ef1d946085424e992a67c1c7814ae7", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 6359.0:\n", "\n", "HEADLINE:\n", "6359 Russia's Rosneft closes deal to buy 49 percent stake in India's Essar Oil\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "6359 17 AM / 16 minutes ago Russia's Rosneft closes deal to buy 49 percent stake in India's Essar Oil Reuters Staff 1 Min Read FILE PHOTO - The shadow of a worker is seen next to a logo of Russia's Rosneft oil company at the central processing facility of the Rosneft-owned Priobskoye oil field outside the West Siberian city of Nefteyugansk, Russia, August 4, 2016. Sergei Karpukhin/File Photo MOSCOW (Reuters) - Russia's largest oil producer Rosneft said on Monday it had successfully closed a deal to buy a 49 percent stake in Indian private refiner Essar Oil Limited (EOL). An investment consortium comprising Trafigura and UCP has also announced the closure of their acquisition of a separate 49 percent share of EOL. \"Together with our partners we intend to support the company to significantly improve its financial performance and, in the medium term, adopt an asset development strategy,\" Rosneft cited its CEO Igor Sechin as saying in a statement. Writing by Dmitry Solovyov; Editing by Polina Devitt 0 : 0\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "7d836e32664d499ab6e0f5cd19b95b92", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 3327.0:\n", "\n", "HEADLINE:\n", "3327 Linde-Praxair merger deal falls behind schedule - source\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "3327 12:04pm BST Linde-Praxair merger deal falls behind schedule - source Linde Group logo is seen at company building before the annual news conference in Munich, Germany March 9, 2017. REUTERS/Lukas Barth MUNICH, Germany Linde ( LING.DE ) and Praxair's ( PX.N ) $65 billion (52 billion pounds) merger talks are facing legal complexities that mean the agreement will not be finalised as planned before Linde's annual shareholder meeting on May 10, a source familiar with the situation said. The all-share U.S.-German merger of equals is intended to create a market leader that will overtake France's Air Liquide ( AIRP.PA ) and reunite a global Linde group split by World War One a century ago. Adding to the complexities, the deal has met unexpectedly strong resistance from German trade unions who fear a dilution of their influence when the headquarters moves out of Germany and more profitable Praxair applies its operating practices worldwide. A Linde spokesman said the two companies were still working towards finalising the business combination agreement before the AGM, but could not rule out that it would be later. Linde is not planning to allow shareholders to vote on the deal at the AGM, arguing that each investor would in any case have to make an individual decision whether to tender his or her shares. German private-investor association DSW has already demanded that an extraordinary shareholder meeting be called if the deal is not wrapped up before the AGM. (Reporting by Jens Hack; Writing by Georgina Prodhan; Editing by Christoph Steitz and Keith Weir)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "5d278add31774fafb015b570108f77dc", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 7058.0:\n", "\n", "HEADLINE:\n", "7058 CBFI to buy Imagination Technologies for 550 million pounds\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "7058 (Reuters) - Canyon Bridge Capital Partners, the China-backed buyout fund that was barred last week by U.S. President Donald Trump from buying a U.S. chip maker, said it would purchase British chip designer Imagination Technologies Group Plc ( IMG.L ).The all-cash 550 million pounds ($742.5 million) deal to buy Imagination Technologies is a clear sign that Canyon Bridge is continuing to pursue Western chip makers after its $1.3 billion deal to buy Lattice Semiconductor Corp ( LSCC.O ) in the United States was blocked over U.S. natural security concerns.Canyon Bridge said on Friday it had agreed to pay 182 British pence per Imagination share, contingent on Imagination divesting U.S. chip designer MIPS, which Imagination had bought in 2013, the two companies said in a joint London stock exchange filing.Keeping MIPS would subject Canyon Bridges purchase of Imagination Technologies to a review by the Committee on Foreign Investment in the United States (CFIUS), the government panel which rejected its acquisition of Lattice.Imagination said it had agreed to sell MIPS for $65 million to Tallwood Venture Capital, an investment firm with offices in Palo Alto, California, and Wuxi, China. It was not immediately clear whether the divestment would be subject to a CFIUS review.Canyon Bridge was founded with capital originating from Chinas central government. It manages about $1.5 billion on behalf of Yitai Capital Ltd, a Chinese state-owned company, according to Fridays statement.The planned acquisition will not result in any job cuts, the two companies said.Fridays announcement came three months after Imagination put itself up for sale. Imagination had lost 70 percent of its value after being ditched by its biggest customer Apple Inc ( AAPL.O ), in a disappointing end to a once-great European tech success story. Imagination at the moment is in a legal dispute with Apple over royalties.Reporting by Koh Gui Qing in New York; Editing by Lisa Shumaker \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "16fa94f473684167890e4beb56b54705", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 3168.0:\n", "\n", "HEADLINE:\n", "3168 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "3168 17am EDT Deals of the day-Mergers and acquisitions April 12 The following bids, mergers, acquisitions and disposals were reported by 1015 GMT on Wednesday: ** Rebel shareholders in Dutch paint maker Akzo Nobel want to oust the company chairman after Akzo refused to engage in takeover talks with U.S. rival PPG Industries . ** Japan's Toshiba Corp has narrowed down the field of bidders for its chip unit to four suitors including Broadcom Ltd and Western Digital Corp, two sources with knowledge of the matter said. ** U.S. pipeline operator NuStar Energy LP said on Tuesday it would buy privately held Navigator Energy Services LLC for about $1.48 billion, as it seeks to expand into the Permian basin. ** British American Tobacco (BAT) said it had agreed with Bulgarian cigarette maker Bulgartabac to acquire some of its leading cigarette brands in a deal worth more than 100 million euros ($106 million). ** Swiss pesticides and seeds group Syngenta AG said Mexican regulatory conditions for approving ChemChina's planned $43 billion takeover bid will not have a major impact on the business. (Compiled by Komal Khettry in Bengaluru)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "d11f2107373040e8ac3fe0848e06e6ae", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 3425.0:\n", "\n", "HEADLINE:\n", "3425 TPG-backed RCN buys broadband provider Wave for $2.37 billion\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "3425 By Liana B. Baker Private equity firm TPG Global LLC said on Monday it would buy Wave Broadband for $2.37 billion in a deal that creates the sixth largest U.S. cable operator at a time when demand for high-speed internet service is growing rapidly.The deal combines privately-held Wave with RCN Telecom Services LLC and Grande Communications Networks, the broadband providers TPG bought earlier this year.TPG Capital Partner David Trujillo said in an interview that the deal fits in with his firm's \"picks and shovel\" strategy of focusing on rising internet use. TPG has investments in music provider Spotify, car sharing services Uber Technologies and others.\"Whether it's the number of devices, or increasing content consumption or the connected home, what it all comes back to is fast reliable broadband,\" Trujillo said.The transaction is expected to close in the second half of the year.Headquartered in Kirkland, Washington, Wave has residential and commercial customers in the Sacramento and San Francisco markets as well as in Seattle and Portland, Oregon.Oak Hill Capital, GI Partners and Wave's management, including Chief Executive Steve Weed, acquired the company in 2012 from Sandler Capital Management. The value of that deal was $950 million, according to Moody's.Weed will become a director of RCN when the deal closes.TPG was advised by Credit Suisse and PJT Partners while its legal adviser was Cleary Gottlieb. Wave was advised by UBS and Wells Fargo.Reuters was first to report that TPG was nearing a deal to buy Wave for more than $2 billion.(Reporting by Liana B. Baker in New York; Editing by Tom Brown)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "255fda0ffb6c466085513bd43e3c39d7", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 6618.0:\n", "\n", "HEADLINE:\n", "6618 Rosneft, partners to announce acquisition of India's Essar Oil completed\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "6618 August 20, 2017 / 4:29 PM / an hour ago Rosneft, partners to announce acquisition of India's Essar Oil completed Nidhi Verma and Promit Mukherjee 3 Min Read NEW DELHI/MUMBAI (Reuters) - A consortium led by Russian oil major Rosneft( ROSN.MM ) will announce on Monday completion of a $12.9 billion deal to acquire Indian private refiner Essar Oil, strengthening ties between the world's largest oil producer and the fastest growing fuel consumer. Rosneft will get a 49 percent stake in Essar and the two investors, European trader Trafigura and a Russian fund UCP, will hold another 49 percent in equal parts. The purchase is the biggest foreign acquisition ever in India and Russia's largest outbound deal. The three jointly issued an invitation to reporters to a briefing \"following the completion of the acquisition of Essar Oil Ltd\" on Monday. The consortium has picked up a former trading veteran from its shareholder BP to run Indian operations. Tony Fountain, who was chief executive for refining and marketing at Indian conglomerate Reliance Industries Ltd ( RELI.NS ) from January 2012 to February 2016, will be non-executive chairman of the merged entity, three sources said. Fountain did not comment on his appointment. The deal helps Russia to deepen economic ties that stretch back to the Soviet era. Essar Oil operates a 400,000 barrel-per-day oil refinery in Vadinar on India's west coast and sells fuels through its 3,000 retail stations in India. The deal also includes the Vadinar port and a power plant associated with the refinery. The deal, initiated about two years ago, will help Rosneft in gaining access to India's rising fuel retail market. Rosneft and Trafigura are the latest international companies after Royal Dutch Shell ( RDSa.L ) and BP ( BP.L ) to enter the Indian fuel retailing market. Rosneft may supply Venezuelan oil to Essar's Vadinar refinery after a deal to buy a stake in the Indian company is finalised, the Indian company's managing director L. K. Gupta told Reuters in August last year. Reporting by Nidhi Verma in New Delhi and Promit Mukherjee in Mumbai 0 : 0\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "d71efa20b9e943fc8eb1399af25678b8", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 4354.0:\n", "\n", "HEADLINE:\n", "4354 Fortuna board says Penta's buyout offer price not enough\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "4354 PRAGUE Czech-Slovak investment bank Penta's offer price for the remaining shares in Fortuna Entertainment ( FORE.PR ) it does not already own is below fair value, the Czech betting group said.Fortuna's (FEG) management and supervisory boards said that Penta's 118.04 Czech crown ($5.06) a share offer did not provide a \"meaningful premium\" to the market price.It added in a statement that although the offer price was not fair, the rationale had merit.\"However, the FEG Boards are of the view that this should be accompanied by offering the minority shareholders a reasonable opportunity to exit FEG against a price that reflects the value of FEG,\" the statement released late on Friday said.Penta, which holds 68 percent of Fortuna through its Fortbet Holdings unit, launched a bid to buy out minority shareholders and take the company off the market in March.Last week, it raised the offer price in the voluntary buyout from an initial offer of 98.69 crowns, which was 10 percent below the market value at the time.The new price provided an 8 percent premium when announced. Fortuna shares closed just above the raised offer price on Friday.Some minority shareholders have also complained about the offer. A group controlling 10.5 percent of the company and advised by Templeton said last week that the price was \"still significantly below value\".($1 = 23.3280 Czech crowns)(Reporting by Jason Hovet, editing by Louise Heavens)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "e26fb379fe6e4cb58f3af9329ae5a9df", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 6281.0:\n", "\n", "HEADLINE:\n", "6281 Wanda Hotel to buy $1 billion of assets from Wang-controlled businesses\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "6281 August 10, 2017 / 1:32 AM / 3 hours ago Wanda Hotel to buy $1 billion of assets from Wang-controlled units Donny Kwok 3 Min Read FILE PHOTO - A sign of Dalian Wanda Group in China glows during an event in Beijing, China March 21, 2016. Damir Sagolj/File Photo HONG KONG (Reuters) - Wanda Hotel Development Co Ltd, a unit of Chinese conglomerate Dalian Wanda Group, plans to buy assets worth over $1 billion from firms controlled by its billionaire founder Wang Jianlin, in a move that sent its shares surging over 30 percent. The restructuring is the latest in a flurry of deals for the group, which has grabbed the spotlight amid a government crackdown on showy overseas ventures and high-profile empire builders that has drawn in several Chinese corporations. The Hong Kong-listed company said it would buy the entire equity interest in theme park operator Wanda Culture Travel Innovation Group Co Ltd from Wang's Beijing Wanda Culture Industry Group Co Ltd for 6.3 billion yuan ($945 million). The deal would be settled either in cash or through the issue of shares or convertible bonds, it added. It will also buy hotel operator Wanda Hotel Management (Hong Kong) Co Ltd from Wang's Dalian Wanda Commercial Properties Co Ltd for 750 million yuan ($112.6 million) in cash, it said in a filing to the Hong Kong bourse late on Wednesday. Related Coverage Wanda Hotel shares set to open up 21 percent on asset restructuring Wanda Hotel said it would then sell its interest in Wanda Properties Investment Ltd, Wanda International Real Estate Investment Co Ltd, Wanda Americas Real Estate Investment Co Ltd and Wanda Australia Real Estate Co Ltd to Wang's Dalian Wanda Commercial for an amount that is yet to be fixed. It gave no further details. Wang Jianlin of Dalian Wanda Group gives a speech at a university in Beijing, China May 12, 2017. Stringer \"Wanda Hotel Development will become a strategic platform as Wanda Group's Hong Kong-listed company focusing on theme park and hotel operation and management,\" Dalian Wanda Group said in a statement. STOCK SURGES 40 PERCENT Shares of Wanda Hotel, which has a market value of HK$5.4 billion, surged as much as 40.5 percent to their highest in more than two years on Thursday in resumed trade. That compared with a 0.7 percent fall for Hong Kong's benchmark Hang Seng Index. The stock, which was suspended on Wednesday pending the restructuring announcement, has jumped about 140 percent since July when Wanda announced plans to sell theme parks and hotels worth more than $9 billion to developer Sunac China Holdings Ltd. Chinese banks have been told to stop providing funding for several of Wanda's overseas acquisitions as Beijing tries to curb the conglomerate's offshore buying spree, according to sources familiar with the matter. China is also cracking down on risky lending before this year's key Communist Party congress. Run by one of China's richest men, Wang Jianlin, Wanda is one of a handful of Chinese conglomerates that have expanded aggressively abroad over the past few years, into areas well beyond their original business - in this case, property. Last month, Dalian Wanda Group altered a deal with Sunac China after banks scrutinized their credit risk, by bringing in another developer, Guangzhou R&F Properties Co Ltd. Reporting by Donny Kwok; Editing by Anne Marie Roantree 0 : 0 \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "0b9a7aef32c34a44b0449e9e617ccbce", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 8134.0:\n", "\n", "HEADLINE:\n", "8134 Express Scripts to buy eviCore healthcare for $3.6 billion\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "8134 (Reuters) - Express Scripts Holding Co ( ESRX.O ) said on Tuesday it would buy privately held specialty healthcare benefits manager eviCore healthcare for $3.6 billion to bolster its medical benefits management business amid the threat of losing a major client.The deal comes as a pre-emptive move with Express Scripts exposed to more competition and the possibility of the pharmacy benefit manager losing Anthem Inc ( ANTM.N ) and rumored entry of Amazon.com Inc ( AMZN.O ) into the prescription drug market.The deal signals Express Scripts desire to remain independent even with the likely Anthem loss, said Baird analyst Eric Coldwell, adding that the decision may disappoint some who hoped the company would pursue strategic options.Medical benefits management spending is estimated to be roughly $300 billion annually, Express Scripts said. The acquisition of eviCore would plant the company firmly in the growing market, Leerink analyst David Larsen wrote in a client note.Express Scripts has a minor presence in medical benefit management, the companys spokesman Brian Henry told Reuters, and the deal would expand it to get into the market in a bigger way.Bluffton, South Carolina-based eviCore provides healthcare benefits management and administrative services on behalf of clients consisting mainly of commercial health insurers and other third-party payers, including Medicaid and Medicare Advantage plans.Reuters reported in May that eviCore was exploring a sale or an initial public offering.The deal is expected to close in the fourth quarter of this year, Express Scripts said, adding that eviCore would operate as a standalone business unit.Shares of Express Scripts, which expects the deal to add to its adjusted earnings in the first full year, were down 1.6 percent at $58.28 in afternoon trading.In April, Express Scripts said it might lose its top client health insurer Anthem, which added about 19 percent of the companys total consolidated revenue in the latest quarter.Anthem had sued Express Scripts last year over claims of being overcharged.Lazard and TripleTree LLC are Express Scripts financial advisers in the deal, while its legal adviser is Skadden, Arps, Slate, Meagher & Flom LLP.J.P. Morgan Securities LLC and Morgan Stanley & Co LLC advised eviCore and Paul, Weiss, Rifkind, Wharton & Garrison LLP is its legal adviser.Reporting by Manas Mishra and Divya Grover in Bengaluru; Editing by Savio D'Souza and Bernard Orr \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "96116f62e34f4744878bb6ed2096e583", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 7801.0:\n", "\n", "HEADLINE:\n", "7801 CORRECTED-UPDATE 1-Canada's Saputo to buy Aussie dairy firm Murray Goulburn for $488 mln\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "7801 October 27, 2017 / 1:22 AM / Updated 4 hours ago CORRECTED-UPDATE 1-Canada's Saputo to buy Aussie dairy firm Murray Goulburn for $488 mln Reuters Staff 2 Min Read (Corrects equity value of the deal in headline and paragraph 1) Oct 27 (Reuters) - Murray Goulburn Co-operative, Australias largest milk processor, on Friday said it agreed to a buyout from Canadian dairy company Saputo Inc worth up to A$637.8 million ($488 million). Murray Goulburn (MG) said Saputo would pay between A$1.10 and A$1.15 per share, compared to its A$2.10 issue price when it listed in 2015. A total buyout value of A$1.3 billion would include the companys debts and liabilities. Murray Goulburn, reeling from an ill-fated Asian expansion, said in August it was considering approaches from suitors who were interested in buying the cooperative as a whole or some of its assets. Rival Bega Cheese Ltd on Thursday said it had pulled out of the race to buy Murray Goublurn, leaving the dairy processor to choose from a string of international investors, including Fonterra and Saputo. MG has reached a position where, as an independent company, its debt was simply too high given the significant milk loss, Chairman John Spark said in Fridays statement. Saputo, which already owns Australias Warrnambool Cheese Butter, said in a statement the buyout will complement its existing Australian portfolio. It will fund the deal with a new bank loan. $1 = 1.3057 Australian dollars Reporting by Christina Martin in Bengaluru; Editing by G Crosse and Grant McCool\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "0883558a94f040c79022c44960a8c7d2", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 9850.0:\n", "\n", "HEADLINE:\n", "9850 UK's Hammerson to buy smaller rival Intu\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "9850 (Reuters) - British shopping centers owner Hammerson Plc ( HMSO.L ) has agreed to buy smaller rival Intu Properties ( INTUP.L ) for about 3.4 billion pounds ($4.56 billion) in a long-speculated deal to create a malls giant controlling 21 billion pounds of assets.The all-share offer values FTSE 250-listed Intu at 253.9 pence per share, a 27.6 percent premium to its closing price on Dec. 5, the two companies said on Wednesday.It will combine Intu, the owner of Manchesters Trafford Centre, with the FTSE 100 company behind Bicester Village in Oxfordshire, Londons Brent Cross shopping center and Bristols Cabot Circus to form a group that will also have sites in Ireland, France and Spain.Shopping center landlords are facing an increasingly tough backdrop as retailers have become more selective with their expansion plans in response to a difficult consumer spending environment and intense competition from online rivals.The combination will not alter the structural headwinds impacting the retail property space, analysts at Morgan Stanley said in a note.Despite this, it should increase the combined groups control of large dominant centers, helping pricing power with tenants; the group will own or partially own 17 of the UKs top 25 centers by size.A tie-up between the pair has often been rumored and analysts said that Hammerson had struck now in an opportunistic move on its smaller rival.Robert Duncan of stockbroker Numis said that Intu shares have been trading at a greater than 50 percent discount to net asset value.This looks like an opportunistic attempt to get its (Hammersons) hands on Intus portfolio which it believes it will be able to operate and manage more effectively than the incumbent owner, Duncan said.Hammerson shareholders will own about 55 percent of the new company and Intu investors will own the rest.The combined business will be led by Hammerson chief executive David Atkins. Hammersons finance chief Timon Drakesmith will assume the same position at the enlarged company and Hammerson chairman David Tyler will retain his role.Following the deal, the shopping center owner will also take Hammersons name.Intu shares, which have lost nearly a third of their value this year, were up about 18 percent in morning trading. Hammerson shares fell about 1.7 percent.Intu investors will receive 0.475 new Hammerson shares for each share they own and investors representing 50.6 percent of Intus stock have already given irrevocable undertakings or letters of intent to support the tie-up.They include Peel Holdings, the group led by billionaire John Whittaker, which owns 26.6 percent of Intu. Whittaker will become deputy chairman of Hammerson after the takeover.Following the deal, the company will sell-off at least 2 billion-pounds of property to help bolster its balance sheet and Hammerson said it expects the tie-up to add to earnings in the first full financial year following closing.It expects pretax benefits for the combined company to reach a run-rate of about 25 million pounds per annum by the end of the second year.There will be a one-off integration cost of about 40 million pounds, Hammerson said.Hammerson also said it expects dividend growth of the combined company to be at least in line with its historical dividend growth.Deutsche Bank ( DBKGn.DE ), JP Morgan Cazenove ( JPM.N ) and Lazard ( LAZ.N ) are advising Hammerson, while Rothschild, Bank of America Merrill Lynch ( BAC.N ) and UBS ( UBSG.S ) are working with Intu.Reporting by Arathy S Nair in Bengaluru; editing by Jason Neely and Jane Merriman \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "fb8546fae14f4b53bd17ebd778356964", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 4320.0:\n", "\n", "HEADLINE:\n", "4320 Linde supervisory board approves Praxair merger\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "4320 FRANKFURT, June 1 Linde said its supervisory board voted on Thursday to approve the German industrial gases group's $73 billion merger with U.S. peer Praxair.The all-share merger of equals is intended to create a market leader that will overtake France's Air Liquide, reuniting a global Linde group that was split by World War One a century ago.Linde's chairman, Wolfgang Reitzle, did not need to use his casting vote to get the deal approved by the supervisory board in the face of labour opposition, a source familiar with the matter said after a roughly 10-hour meeting.The deal must still be approved by Praxair's board and 75 percent of Praxair investors at a shareholder meeting. (Reporting by Georgina Prodhan; Editing by Sabine Wollrab)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "c0a49b1de32c4777bb46306e080557b4", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 2108.0:\n", "\n", "HEADLINE:\n", "2108 China's Sinopec nears deal to buy Chevron's South African oil assets - sources\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "2108 Money News 48pm IST China's Sinopec nears deal to buy Chevron's South African oil assets - sources FULL COVERAGE: left right The Chevron Oil Refinery is seen in Cape Town, South Africa, June 30, 2016. REUTERS/Mike Hutchings/File Photo 1/2 left right A Sinopec sign displayed at its gas station is seen behind a Chinese New Year lantern installation in Hong Kong February 5, 2013. REUTERS/Bobby Yip/File Photo 2/2 NEW YORK/SINGAPORE China Petroleum and Chemical Corp (Sinopec) is nearing an agreement to buy a majority stake in Chevron Corp's South African assets, which are estimated at $1 billion, two people familiar with the transaction said. The sources said that Sinopec, Asia's largest oil refiner, was the last bidder remaining, and close to completing a deal with the U.S. oil major. If the deal is finalised, it will be Sinopec's first refinery asset in Africa, forming a part of the Chinese major's global fuel distribution network. Sinopec declined to comment. Chevron first announced plans in January 2016 to sell the stake in the business unit, which includes a 110,000-barrels-per-day refinery in Cape Town, South Africa. Chevron spokesman Braden Reddall said \"the process of soliciting expressions of interest in the 75 percent shareholding is ongoing.\" The remaining 25 percent interest is held by a consortium of Black Economic Empowerment shareholders and an employee trust. A second bidding round closed on Sept. 30, additional sources Jessica Resnick-Ault in NEW YORK and Florence Tan in SINGAPORE; Additional reporting by Ron Boussa in NEW YORK, Dmitry Zhdannikov in LONDON, Joe Brock in JOHANNESBURG and Chen Aizhu in BEIJING; Writing by Anshuman Daga; Editing by Richard Pullin) Next In Money News\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "91ffb940474544a4a878001e479baa88", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 9822.0:\n", "\n", "HEADLINE:\n", "9822 Spotify and Tencent Music to buy stakes in each other\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "9822 STOCKHOLM (Reuters) - Music streaming company Spotify and the music arm of Chinas Tencent Holdings Ltd will buy minority stakes in each other ahead of the Swedish firms expected stock market listing next year, the companies said on Friday.FILE PHOTO: Headphones are seen in front of a logo of online music streaming service Spotify, February 18, 2014 REUTERS/Christian Hartmann/File Photo The deal will help Spotify, a music streaming leader in Europe and North America, and China-focused Tencent Music, to increase exposure to each others core markets.The Wall Street Journal reported last week, citing people familiar with the matter, that the firms were in talks to swap stakes of up to 10 percent in each other.Tencent Music Entertainment Group (TME), a subsidiary of Tencent Holdings, and Spotify will buy new shares representing minority equity stakes in each other for cash, the companies said in a statement.This transaction will allow both companies to benefit from the global growth of music streaming, Spotify founder and CEO Daniel Ek said.Tencent Holding will also buy a minority stake in Spotify, the companies said, without giving details.The size of the stakes was not disclosed in the statement and a Spotify spokeswoman declined to provide further details about the agreement.Tencent owns a majority stake in TME, which is the dominant player in the Chinese market with music service providers QQ Music, KuGou and Kuwo.TME and Spotify will work together to explore collaboration opportunities, TME Chief Executive Cussion Pang said.Sources told Reuters in September that Spotify was aiming to file its intention to float with U.S. regulators in order to list in the first half of 2018.Reporting by Helena Soderpalm and Olof Swahnberg; Editing by Niklas Pollard and Mark Potter \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "ee68a8ab4c314261a33799c107e317cc", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 8716.0:\n", "\n", "HEADLINE:\n", "8716 Linde gets 90 percent shareholder backing for Praxair merger\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "8716 November 24, 2017 / 6:57 PM / in 30 minutes Linde gets 90 percent shareholder backing for Praxair merger Reuters Staff 1 Min Read FRANKFURT (Reuters) - Industrial gases group Linde ( LING.DE ) said on Friday it had received approval from 90 percent of its shareholders for its planned $80 billion (60.02 billion) tie-up with Praxair ( PX.N ). Linde Group headquarters is pictured in Munich, Germany August 15, 2016. REUTERS/Michaela Rehle/File Photo If the merger completes, Linde would be in a position to initiate a so-called squeeze-out of minority shareholders under German law, Linde said in an update on the merger as required under stock exchange rules. It said that no decision with respect to such a squeeze-out had yet been taken. The deal is subject to regulatory approvals. Reporting by Douglas Busvine; Editing by Susan Fenton\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "fe0d8b0c8926480699d86b4e203f0398", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 8173.0:\n", "\n", "HEADLINE:\n", "8173 Becton Dickinson wins conditional EU approval for $24 billion Bard buy\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "8173 October 18, 2017 / 2:16 PM / Updated 16 minutes ago Becton Dickinson wins conditional EU approval for $24 billion Bard buy Reuters Staff 1 Min Read BRUSSELS (Reuters) - U.S. medical equipment supplier Becton Dickinson ( BDX.N ) secured EU antitrust approval for its $24-billion acquisition of U.S. peer C R Bard ( BCR.N ) after it agreed to sell two businesses to allay competition concerns. The deal, the latest in a recent wave of mergers and acquisitions in the medical technology sector, will boost Becton Dickinsons presence in the high-growth oncology and surgery market. The European Commission demanded the concessions because it was concerned the deal would reduce competition and hurt innovation. The EU antitrust enforcer said Becton Dickinson pledged to sell its global core needle biopsy devices business and a tissue marker product currently in the development stage. Reporting by Foo Yun Chee; editing by Robert-Jan Bartunek 0 : 0\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "ebc133da6fcb4e119b923559d2b8f76e", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 6525.0:\n", "\n", "HEADLINE:\n", "6525 Offshore drilling mergers raise hopes for sector recovery\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "6525 File Photo - Transocean's GSF Development Driller II crosses Istanbul's Bosphorus on its way to the Black Sea September 6, 2014. Murad Sezer HOUSTON (Reuters) - Mergers among offshore oil drillers are raising hopes that consolidation could bring relief to a sector struggling to emerge from an industry downturn triggered by low crude prices.Transocean Ltd, one of the world's largest offshore drilling contractors, on Tuesday agreed to buy Norwegian rival Songa Offshore SE for $1.1 billion. The deal follows Ensco Plc's pending purchase of Atwood Oceanics Inc in a transaction valued at $839 million.The deals would bolster both companies' positions in major oil and gas-producing regions: Transocean in the North Sea and Ensco in offshore Australia. They come as oil prices remain below where they began the year, adding to worries about excess rig capacity continuing into the next year.\"I think everyone realizes that consolidation is important for the health of this market,\" Transocean Chief Executive Jeremy Thigpen said on a conference call on Tuesday.Transocean's acquisition of Songa, which has a fleet of rigs designed for harsh drilling environments, also provides it with four advanced rigs contracted to Norwegian oil company Statoil.Offshore drillers are leasing rigs at cash break-even prices and do not have much room to go lower, said Leslie Cook, an analyst with Wood Mackenzie.\"Although demand going forward is expected to be flat to moderate, one thing that may help in the North Sea is that some of those rigs are aging out,\" Cook said.Despite the potential strategic benefits of the merger, U.S.-listed shares of Swiss-based Transocean touched a record low on Tuesday, following news of the deal, before closing down 5.7 percent at $7.91.Not all offshore drillers are convinced consolidation is the right in the near term. Diamond Offshore said in July, when it released second-quarter earnings, that it was evaluating opportunities to acquire rigs and companies, but \"deal economics simply don't work for us\" at current prices. Noble Corp, during its earnings call in early August, also said it too soon to consider acquisitions.Still, an increase in acquisitions may help offshore companies recover by allowing them to raise prices.\"As more assets are concentrated in fewer hands, the companies will try to move pricing higher,\" said James West, a senior managing director at investment bank Evercore ISI.Reporting by Liz Hampton; Editing by Gary McWilliams and Richard Chang\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "8d4d5f8cbc0c4025ac69771550d1cd7f", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 3888.0:\n", "\n", "HEADLINE:\n", "3888 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "3888 May 15 The following bids, mergers, acquisitions and disposals were reported by 1000 GMT on Monday:** Malaysian palm oil producer Felda Global Ventures Holdings Bhd said it had signed an initial deal with a unit of China's grain stockpiler aimed at expanding its palm oil supply and distribution network in its third biggest market.** Italy's Atlantia launched a 16.34 billion euro ($18 billion) cash-and-share offer for Spain's Abertis on Monday in a bid to create the world's biggest operator of toll roads, with 14,095 km under its management.** The general manager of Lebanon's Blom Bank said on Monday he thinks \"there will be a new wave of consolidation\" in the country's banking sector.** South Africa's Vodacom said on Monday it will buy a 35 percent stake in Safaricom from its parent company Vodafone for 34.6 billion rand ($2.59 billion), expanding its reach into Kenya.** SNC-Lavalin will not raise its offer for British engineering and construction firm WS Atkins unless it faces a rival bid for the British firm, the Canadian construction and engineering group said on Monday.** Gold producer Eldorado Gold Corp has agreed to buy the remaining shares of Integra Gold Corp, to expand its mining opportunities in the Eastern Abitibi region of Canada.** As U.S. paintmaker PPG Industries considers whether to keep pursuing Dutch peer Akzo Nobel after being rebuffed three times, the fate of the Dulux owner is moving into uncharted territory. (Compiled by Sruthi Shankar in Bengaluru)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "7c61f96bf60844968af4dee8f0ddcf33", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 6001.0:\n", "\n", "HEADLINE:\n", "6001 Blackstone, GIC lead buy out of Goldman Sachs stake in Rothesay Life\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "6001 FILE PHOTO: A view of the Goldman Sachs stall on the floor of the New York Stock Exchange in New York, U.S. on July 16, 2013. Brendan McDermid/File Photo LONDON (Reuters) - Goldman Sachs has sold its remaining stake in British pensions insurance business Rothesay Life to a trio of existing investors a decade after setting up the company.Blackstone Group, Massachusetts Mutual Life Insurance Company and Singapore sovereign wealth fund GIC have agreed to buy out Goldman's 32.7 percent stake for an undisclosed sum.\"We look forward with confidence to taking advantage of the considerable growth opportunities we see in the sector,\" Rothesay Chief Executive Addy Loudiadis said.Demand from companies to offload the risks associated with their pension scheme liabilities has grown in recent years, with insurers Legal & General and Aviva looking to cash in.L&G on Wednesday said it had written 1.6 billion pounds ($2.08 billion) in so-called 'bulk annuities' in the first half of 2017, up from 685 million a year earlier.GIC and Blackstone will become Rothesay's biggest shareholders and MassMutual will \"substantially\" increase its stake, Rothesay said. It did not say how big their investments would be.GIC and Blackstone previously had each owned 26.5 percent of the company while MassMutual held 6.5 percent.Specialist pensions liabilities insurer Rothesay's clients include the pensions schemes of British Airways, Holiday Inn-owner InterContinental Hotels Group and bingo hall operator Rank.It was founded in 2007 by Goldman and had assets under management of 23.7 billion pounds as of the end of 2016.Last year, new business volumes grew by 89 percent to 6.6 billion pounds while its pretax profit fell to 328 million pounds from 347 million.A spokesman for the company said its 2016 results gave it an embedded value, the present value of the company's future profits plus the adjusted current value of its assets, of about 2.2 billion pounds.Reporting by Ben Martin; editing by Simon Jessop and Jason Neely\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "718c0ffedd1541ac9476319a752a42aa", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 4952.0:\n", "\n", "HEADLINE:\n", "4952 Harley-Davidson enters race to buy Italian rival Ducati - sources\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "4952 Business 8:30pm BST Harley-Davidson enters race to buy Italian rival Ducati - sources Harley-Davidson bikes are lined up at a bike fair in Hamburg, Germany, February 24, 2017. REUTERS/Fabian Bimmer By Pamela Barbaglia - LONDON LONDON U.S. motorcycle maker Harley-Davidson ( HOG.N ) is lining up a takeover bid for Italian rival Ducati, potentially bringing together two of the most famous names in motorcycling in a deal that could be worth up to 1.5 billion euros (1.3 billion), sources told Reuters. Indian motorcycle maker Bajaj Auto ( BAJA.NS ) and several buyout funds are also preparing bids for Ducati, which is being put up for sale by German carmaker Volkswagen ( VOWG_p.DE ). A deal with Harley-Davidson would bring together the maker of touring bikes like the Electra Glide that are symbolic of America with a leading European maker whose high-performance bikes have a distinguished racing heritage. Milwaukee-based Harley-Davidson has hired Goldman Sachs to work on the deal, one source familiar with the matter said, adding tentative bids were expected in July. Volkswagen, whose Audi division controls Ducati maker of the iconic Monster motorbike is working with investment boutique Evercore on the sale which will help it fund a strategic overhaul following its emissions scandal. Based in the northern Italian city of Bologna, Ducati was on the wish list of private equity funds KKR ( KKR.N ), Bain Capital and Permira, which are all working on the deal, said the sources who declined to be identified as the process is private. Ducati was launched in 1926 as a maker of vacuum tubes and radio components and its Bologna factory remained open in World War Two despite being the target of several bombings. Ducati racers have won the Superbike world championship 14 times, with Carl Fogarty and Troy Bayliss its most successful riders. Harley-Davidson, which commands about half the U.S. big-bike market, was founded in Milwaukee, Wisconsin at the start of the last century and was one of two major American motorcycle manufacturers to survive the great depression. Demand for Harley's motorcycles continues to be slow as its loyal baby boomer demographic ages and rivals such as the Indian brand bike maker Polaris Industries Inc ( PII.N ) and Japan's Honda Motor Co Ltd ( 7267.T ) offer discounts. Volkswagen's powerful labour unions, which control half the seats on the carmaker's 20-strong supervisory board, repeated their opposition to selling the Italian motorcycle maker. \"Ducati is a jewel, the sale of which is not supported by the labour representatives on Volkswagen's supervisory board,\" a spokesman for VW group's works council said in an email. \"Harley-Davidson is miles behind Ducati in technology terms,\" he added. BIDDING FIELD Evercore has sent out information packages to a number of potential suitors including Ducati's previous owner Investindustrial, sources with knowledge of the matter said. Investindustrial bought a stake in Ducati before the financial crisis, subsequently taking control of the business before selling it to Audi in 2012. It is now looking to compete with heavyweight private equity firms and large industry players to regain control. Volkswagen, Audi, Harley-Davidson, KKR and Bain Capital declined to comment. Bajaj, Investindustrial and Permira were not immediately available. Volkswagen, Europe's largest carmaker, is seeking to move beyond an emissions-cheating scandal that has tarnished its image and left it facing billions of euros in fines and settlements. A successful deal for Ducati, which last year reported revenues of 593 million euros, would show Volkswagen boss Matthias Mueller is serious about reversing his predecessor's quest for size. Volkswagen said last June it would review its portfolio of assets and brands, rekindling speculation among analysts that \"non-core\" businesses could be put up for sale. Volkswagen hopes to raise between 1.4 billion and 1.5 billion euros from the sale of Ducati, valuing it at 14-15 times its earnings before interest, taxes, depreciation and amortisation (EBITDA) of about 100 million euros, the sources said. The German car maker wants a valuation that reflects trading multiples of similar trophy assets in the automotive industry, such as Italian car maker Ferrari ( RACE.MI ) which trades at almost 30 times its forward earnings. Yet it may need to compromise on price as some of the bidders would struggle to pay as much as 1.5 billion euros for Ducati, several sources said. Price expectations have already proved challenging for some industry players who recently decided against bidding. Indian motorcycle firm Hero MotoCorp ( HROM.NS ) and its rival TVS Motor Company ( TVSM.NS ) initially expressed interest in Ducati but were put off by its price tag and decided to walk away, the sources said. German car marker BMW ( BMWG.DE ) and Japanese motorcycle makers Honda ( 7267.T ) and Suzuki ( 7269.T ) have also decided against bidding for Ducati, sources close to the companies told Reuters. A BMW spokesman confirmed the German firm was not interested in Ducati, while Hero and TVS were not immediately available for comment. Another source close to Volkswagen said the sale of Ducati might not be finalised before the annual EICMA motorcycle show in Milan in mid-November as Volkswagen wanted to find the right buyer and the sales process might take time. (Additional reporting by Arno Schuetze in Frankfurt, Andreas Cremer in Berlin, Naomi Tajitsu in Tokyo, Aditi Shah in New Delhi and Kane Wu in Hong Kong; Editing by Adrian Croft and Edmund Blair)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "1e927efe618040bc975462b1bab3ab59", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 7282.0:\n", "\n", "HEADLINE:\n", "7282 Google to buy part of HTC's smartphone operations for around $1 billion : source\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "7282 1:31 AM / Updated 3 hours ago Google bets anew on smartphones, pays $1.1 billion for HTC's Pixel division Jess Macy Yu , Paresh Dave 5 Min Read TAIPEI/SAN FRANCISCO (Reuters) - Alphabet Incs ( GOOGL.O ) Google said it would pay $1.1 billion for the division at Taiwans HTC Corp ( 2498.TW ) that develops the U.S. firms Pixel smartphones - its second major foray into phone hardware after an earlier costly failure. The all-cash deal will see Google gain 2,000 HTC employees, roughly equivalent to one fifth of the Taiwanese firms total workforce. It will also acquire a non-exclusive license for HTCs intellectual property and the two firms agreed to look at other areas of collaboration in the future. While Google is not acquiring any manufacturing assets, the transaction underscores a ramping up of its ambitions for Android smartphones at a time when consumer and media attention is largely focused on rival Apple Inc ( AAPL.O ). Google has found it necessary to have its own hardware team to help bring innovations to Android devices, making them competitive versus the iPhone series, said Mia Huang, analyst at research firm TrendForce. The move is part of a broader and still nascent push into hardware that saw Google hire Rick Osterloh, a former Motorola executive, to run its hardware division last year. It also comes ahead of new product launches on Oct. 4 that are expected to include two Pixel phones and a Chromebook. Pixel smartphones, only launched a year ago, have less than 1 percent market share globally with an estimated 2.8 million shipments, according to research firm IDC. Google will be aiming not to repeat mistakes made when it purchased Motorola Mobility for $12.5 billion in 2012. It sold it off to Chinas Lenovo Group Ltd ( 0992.HK ) for less than $3 billion two years later after Motorola failed to produce appealing products that could compete with iPhones. This time around, however, the deal price tag is much smaller and the lack of manufacturing facilities also minimizes risk. HTCS DECLINE Googles strategy of licensing Android for free and profiting from embedded services such as search and maps has made Android the dominant mobile operating system with some 89 percent of the global market, according to IDC. But it has long been frustrated by the emergence of many variations of Android and the inconsistent experience that has produced. Pushing its own hardware will likely complicate its relationship with Android licensees, analysts said. Google hardware executive Rick Osterloh (L) shakes hand with HTC CEO Cher Wang during a news conference to announce Google to acquire HTC's Pixel smartphone division, in Taipei, Taiwan September 21, 2017. REUTERS/Tyrone Siu Some analysts also questioned the wisdom of the deal given HTCs long decline. The Taiwanese firm once sold one in 10 smartphones globally but has seen market share dwindle sharply in the face of competition from Apple, Samsung Electronics Co ( 005930.KS ) and Chinese rivals. HTC is past its prime in terms of being a leading hardware design house, mainly because of how much it has had to scale back over the years because of declining revenues, said Ryan Reith, an analyst at IDC. Unless Google really wants to control hardware for its other businesses like Home and Chromebooks in addition to smartphones, then I dont see this as being a bet that pays off. Slideshow (8 Images) For HTC, the deal will allow it to concentrate more on its virtual reality headsets while also reducing development costs. This will be a sizeable reduction in our R&D expenses. Overall it should be in the ballpark of a 30-40 percent reduction in operating expenses, HTC Chief Financial Officer Peter Shen told a news conference in Taipei. The Taiwanese firm will continue to run its remaining smartphone business but the sharp downsizing of its mainstay operations has cast some doubt over its longer term future. HTC can design and produce innovative products but it lacks the deep pockets of the likes of Samsung for marketing promotions and saturation advertising, said Jake Saunders, an analyst at ABI Research in Singapore. Competitors in the form of Huawei, Oppo, Xiaomi and ZTE are snapping at HTCs heels. HTCs worldwide smartphone market share declined to 0.9 percent last year from a peak of 8.8 percent in 2011, according to IDC. HTC shares were on a trading halt on Thursday. The stock has fallen around 94 percent from a peak in 2011, giving the company a market value of around $1.9 billion. Evercore served as financial advisor to HTC while Lazard was Googles financial advisor. Additional reporting by Lee Chyen Yee and Jeremy Wagstaff in Singapore and Kane Wu in Hong Kong; Writing by Miyoung Kim; Editing by Edwina Gibbs\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "3db571e3055440a284c5d90ea13f13cb", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 7325.0:\n", "\n", "HEADLINE:\n", "7325 Exclusive - EU regulators have concerns about Luxottica, Essilor merger: source\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "7325 September 11, 2017 / 3:17 PM / Updated 2 hours ago Exclusive - EU regulators have concerns over Luxottica-Essilor merger: source Foo Yun Chee 3 Min Read FILE PHOTO - The Luxottica name is reflected in a pair of sunglasses in this photo illustration taken in Rome February 4, 2016. REUTERS/Alessandro Bianchi/File Photo BRUSSELS (Reuters) - EU anti-trust regulators will meet Luxottica ( LUX.MI ) and Essilor ( ESSI.PA ) this week to express concerns about their plan to merge into a 46 billion-euro (41.77 billion pounds) global eyewear powerhouse, a person familiar with the matter said on Monday. The move suggests the European Commission wants concessions to address their concerns and that they could open an in-depth investigation if these are not given or seen as insufficient. Italys Luxottica is the worlds largest maker of spectacles, owning brands such as Ray-Ban and Oakley, and has 9,000 retail stores. Frances Essilor is the worlds top lens-maker. Luxottica declined to comment. Essilor was not immediately available for comment. EU Competition Commissioner Margrethe Vestager told Reuters this month that the deal would require careful vetting given the size of the two companies market shares. The commission is seeking views from all interested parties. Some retailers fear being undercut by an Essilor-Luxottica group able to offer famous brands and prescription lenses at prices they could not hope to match without hurting margins. This is a significant development which will result in huge supply-chain and retail implications for the industry and consumers worldwide, Specsavers, an international retail partnership, said in a statement emailed to Reuters. Specsavers, which says it has 1,700 stores in 10 countries, and some others in the industry have said they doubt the merger would be felt immediately by consumers. In the first regulatory ruling on the merger, New Zealands competition regulator approved the deal last week, saying Luxottica-Essilor would be sufficiently constrained by the presence of existing competitors with the ability to expand at all levels of the supply chain and in all relevant markets. Lens-makers, too, are watching developments closely, given that Essilor will have access to Luxotticas retail chains spanning the Americas, Europe and the Asia-Pacific. Essilor, in its half-year earnings briefing in July, referred to a challenging market reaction to the merger. It acknowledged that some of its customers had switched away from Essilor, but said there had been no major sales impact. The eyeglass market is competitive. Customers have choices, Essilor Chief Operating Officer Laurent Vacherot said. Japanese lens-maker Hoya Corp ( 7741.T ) expects the effect to be felt on the high street rather than on its own core business, with retailers pressured to lower prices by a few percentage points annually, said a source familiar with the matter. Hoya expects the pressure to be felt most keenly in the United States, which accounts for about a third of Hoyas global business, the source said. Hoya sells mostly to independent stores and wants to channel more of its sales via chain stores. Additional reporting by Valentina Za in MILAN, Charlotte Greenfield in WELLINGTON, Naomi Tajitsu in TOKYO, Tom Westbrook in SYDNEY and Matthias Blamont in PARIS, editing by Larry King\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "4d968ea8ec13466695ae87122fd59328", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 3781.0:\n", "\n", "HEADLINE:\n", "3781 Saudi's Alawwal Bank picks JPMorgan to advise on merger -sources\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "3781 By Tom Arnold and Saeed Azhar - DUBAI DUBAI Saudi Arabian lender Alawwal Bank ( 1040.SE ), 40 percent owned by Royal Bank of Scotland ( RBS.L ), has picked JPMorgan ( JPM.N ) to advise it on a proposed merger with Saudi British Bank ( 1060.SE ) (SABB), sources familiar with the matter told Reuters on Monday.Senior management of SABB and Alawwal held talks with advisers on Sunday to discuss the principle of the merger and timeframe for its completion, one of the sources said.SABB has selected another, undisclosed adviser for the transaction, the sources added. Nobody was available to comment at Alawwal, while SABB and JPMorgan declined to comment.SABB and Alawwal said on April 25 they had agreed to start talks on a merger that could create the kingdom's third biggest bank with assets of nearly $80 billion.British banks are the biggest shareholders in both lenders. RBS acquired a 40 percent stake in Alawwal when it bought ABN AMRO in 2007. RBS has been trying sell the stake for a number of years as it retreats from international operations.HSBC Holdings ( HSBA.L ) owns 40 percent of SABB, which is the kingdom's sixth largest bank by assets.Although the timeframe for the merger has yet to be agreed, one of the sources said the accounts of the two banks could be consolidated by the end of 2017, but the merger would take longer.Mergers and acquisitions are relatively rare in Saudi Arabia's banking sector, where 12 local commercial lenders operate.Reuters reported in March, quoting sources, that French bank Credit Agricole ( CAGR.PA ) had picked JPMorgan to advise it on a potential sale of its 31 percent stake in Banque Saudi Fransi 1050.SE, valued at nearly $2.4 billion.(Editing by Andrew Torchia and Mark Potter)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "27b6bae8d4dd42c3941f0aed4f5a086c", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 5369.0:\n", "\n", "HEADLINE:\n", "5369 Belarussian investor seeks to buy Sberbank's Ukraine subsidiary\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "5369 KIEV, July 3 Belarussian investor Viktor Prokopenya is looking to buy the Ukrainian subsidiary of Russia's biggest bank Sberbank and has asked the central bank to approve the deal, Ukraine's central bank said on Monday.Prokopenya aims to acquire 100 percent of the Ukrainian subsidiary via Belarussian Paritetbank, the central bank said in a statement.Ukraine recently imposed sanctions on Sberbank and other Russian state-owned banks operating in Ukraine in response to tensions over pro-Russian secessionists in eastern Ukraine.Sberbank Chief Executive German Gref said in March the bank was looking \"very actively\" at options for a quick exit from Ukraine. Sberbank also said it had reached a preliminary agreement to sell the subsidiary to a Russian consortium.In April, Ukraine's central bank said that Said Gutseriev, a son of Mikhail Gutseriyev, co-owner of Russian mid-sized oil producer Russneft, had submitted a proposal to buy 77.5 percent of Sberbank's Ukrainian subsidiary, while Grigory Guselnikov, the main shareholder of Latvian Norvik Bank, had bid for the remaining 22.5 percent.Ukrainian law allows the central bank to analyse potential buyers' proposals for three months. The regulator has not yet announced a decision on applications of Gutseriyev and Guselnikov.VP Capital company, founded by Prokopenya, has said it is working on a number of investment projects with the Larnabel Enterprises fund of the Gutseriev family.Asked about the link with Gutserievs bid, Prokopenya said: \"Our applications are independent.\"Sberbank was not immediately available to comment outside business hours on Monday. (Reporting by Natalia Zinets. Additional reporting by Andrei Makhovsky in Minsk. Editing by Jane Merriman)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "4f21d3625fa048c2b938b80a90741be6", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 8302.0:\n", "\n", "HEADLINE:\n", "8302 Becton Dickinson wins conditional EU approval for $24 billion Bard buy\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "8302 BRUSSELS (Reuters) - U.S. medical equipment supplier Becton Dickinson ( BDX.N ) secured EU antitrust approval for its $24-billion acquisition of U.S. peer C R Bard ( BCR.N ) after it agreed to sell two businesses to allay competition concerns.The deal, the latest in a recent wave of mergers and acquisitions in the medical technology sector, will boost Becton Dickinsons presence in the high-growth oncology and surgery market.The European Commission demanded the concessions because it was concerned the deal would reduce competition and hurt innovation.The EU antitrust enforcer said Becton Dickinson pledged to sell its global core needle biopsy devices business and a tissue marker product currently in the development stage.Reporting by Foo Yun Chee; editing by Robert-Jan Bartunek\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "61548d37cf784965ab6dfc5c3e883be6", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 4146.0:\n", "\n", "HEADLINE:\n", "4146 Austria's BAWAG PSK plans to buy Germany's Suedwestbank\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "4146 Business News - Wed May 24, 2017 - 12:32pm BST Austria's BAWAG PSK plans to buy Germany's Suedwestbank The logo of BAWAG PSK Bank is pictured on one of its branches in Vienna, Austria, March 2, 2016. REUTERS/Leonhard Foeger By Michael Shields - ZURICH ZURICH BAWAG PSK [CCMLPB.UL], the Austrian bank owned by private equity group Cerberus Capital Management, is in advanced talks to buy German regional lender Suedwestbank to expand its network in western Europe, BAWAG said on Wednesday. It said the parties had agreed to keep details of the process confidential for now. Suedwestbank is majority owned by a holding company for twin brothers Andreas und Thomas Struengmann, billionaires from their sale of generics drugmaker Hexal to Novartis in 2005. It has around 100,000 retail and corporate customers in the prosperous Baden-Wuerttemberg province around Stuttgart. Suedwestbank has total assets of around 7.4 billion euros (6.3 billion) and 650 staff in its 28-branch network that combines traditional lending with asset and wealth management. It has more than 1 billion euros in assets under management. It made a 2016 operating profit before tax of 79 million euros. The Struengmann brothers bought Suedwestbank from DZ Bank in 2004 for around 100 million euros. They injected 400 million euros into the bank three years ago. Unlisted BAWAG, Austria's fourth-biggest bank, has more than 2.2 million customers and 40 billion euros in assets. It has said for years it was on the lookout for takeovers -- especially in Austria, Germany and Switzerland -- to expand. \"Germany is a very, very attractive market for us,\" Chief Executive Anas Abuzaakouk told Reuters, saying a Suedwestbank takeover would provide a platform for more deals. \"Obviously our first focus will be growing organically, focusing on retail and corporate lending, but we are also looking at a number of inorganic opportunities that would be complementary to Suedwestbank...and that would be bolt-on-type acquisitions to address the German market,\" he said. He hoped to have the Suedwestbank deal signed and closed by the end of the year. It would be fully funded from BAWAG's own capital. BAWAG had a fully loaded common equity tier 1 ratio -- a measure of balance sheet strength -- of 15.7 percent of risk-weighted assets at the end of the first quarter, and Abuzaakouk said it would consistently remain above 12 percent. Cerberus [CBS.UL] owns 52 percent of BAWAG and GoldenTree Asset Management 40 percent. Abuzaakouk declined to speculate about their future plans, saying only that as financial investors they would monetise their holding at some stage. BAWAG has been on the takeover trail, with five other deals over the past 18 months. In February its easybank direct bank agreed to buy the PayLife commercial card issuing business of SIX Payment Services Austria. Unlike other Austrian banks that expanded heavily in central and eastern Europe, BAWAG focuses on Austria, where it holds two-thirds of its customer loan book. It also does retail, corporate, commercial real estate and portfolio lending in western Europe and the United States. (Additonal reporting by Alexander Huebner)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "5f6317844b0a40dabfab3a03be829e04", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 308.0:\n", "\n", "HEADLINE:\n", "308 Indonesian tycoon Tahir says keen to buy StanChart's Permata stake\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "308 JAKARTA Indonesian tycoon Tahir said on Monday he is interested in buying Asia-focused lender Standard Chartered Plc's ( STAN.L ) entire stake in Indonesia's PT Bank Permata Tbk ( BNLI.JK ).Standard Chartered and Indonesian conglomerate PT Astra International Tbk ( ASII.JK ) each owned 44.8 percent of Permata as of Sept. 30, according to Thomson Reuters data. Permata shares surged as much as 12.4 percent on Monday.\"Actually we want all of Permata shares,\" Tahir told Reuters by telephone. \"But at the moment the one that is planning to sell is StanChart, so we are targeting that first.\"Standard Chartered and Permata were not immediately available to comment.(Reporting by Cindy Silviana; Writing by Eveline Danubrata; Editing by Christian Schmollinger)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "6618c810293947e7b955fd8263b8810e", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 7754.0:\n", "\n", "HEADLINE:\n", "7754 Aker BP in $2 billion deal to buy Norway unit of Hess\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "7754 October 24, 2017 / 5:59 AM / in an hour Aker BP buys Hess' Norway unit for $2 billion Reuters Staff 4 Min Read OSLO (Reuters) - Aker BP ( AKERBP.OL ) will add the Norwegian operations of U.S. oil company Hess ( HES.N ) to its expanding exploration and production portfolio under a $2 billion deal announced on Tuesday. Under billionaire investor Kjell Inge Roekke, who controls a 40 percent stake, the Norwegian company has made eight acquisitions since 2014 including a merger with BPs Norway operations in mid-2016. The Hess operations will bolster Akers production by about 17 percent, or 24,000 barrels of oil equivalents per day (boepd), the company said, adding it also saw significant potential for expansion. Aker BP has a clear ambition to be the leading independent offshore exploration and production (E&P) company. This transaction is an important step in that direction, Chief Executive Karl Johnny Hersvik said in a statement. Norways biggest oil company is state-controlled Statoil ( STL.OL ). To help fund the deal Aker said it would raise $500 million in new equity in a share issue fully underwritten by its top shareholders, investment firm Aker ASA ( AKER.OL ) which holds a 40 percent stake, and BP ( BP.L ), which owns 30 percent. The price per share will be determined via a book building auction, with the minimum set at 155 Norwegian crowns, slightly above Mondays close of 154.8 crowns in Oslo. Following the deal, Aker BP plans to raise its dividend payout to $350 million per year from $250 million, with the first increase planned for its fourth-quarter dividend. Aker shares were up 6.85 percent at 165.4 Norwegian crowns. The transaction raises Aker BPs stakes to 100 percent in Norways Valhall and Hod fields, where it sees significant value creation potential through increased oil recovery and developing adjacent resources, it said. The company plans to submit a development plan for the Valhall Flank West expansion project by the end of this year. Aker BP will subsequently seek to sell or swap a minority interest in the fields to partners who want to work together with Aker BP to proactively target the upside potential in the area, it said. Aker BP will also assume Hess Norges tax positions, which include a tax loss carry forward with a net nominal after-tax value of $1.5 billion, as booked in Hess Norges 2016 annual accounts, the company said. Hess is the latest global oil company to abandon or scale back its presence in Norway, following partial divestment by BP ( BP.L ) and Exxon Mobil ( XOM.N ) in 2016 and 2017, respectively. Exxon Mobil and BP decided to no longer be field operators in Norway, though Exxon retains direct stakes in several fields and BP remains involved via its stake in Aker BP. Hess separately announced a cost cutting program and said it also plans to sell its 61.5 percent stake in Denmarks South Arne field. With the continued success of our asset sale program, we are focusing on higher return assets and reducing our breakeven oil price, Chief Executive John Hess said in a statement. Reporting by Terje Solsvik, additional reporting by Nerijus Adomaitis; editing by Subhranshu Sahu and Jason Neely \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "4a30e358e4e148bd8e01abec368bd1dc", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 7517.0:\n", "\n", "HEADLINE:\n", "7517 REFILE-LPC-Banks close to selling down 375m Alvest buyout loan\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "7517 (Amends day in first para.)By Claire RuckinLONDON, Oct 31 (Reuters) - Bankers are wrapping up a 375m-equivalent leveraged loan financing backing a buyout of French airport ground support firm Alvest, banking sources said on Tuesday.Canadian pension fund Caisse de depot et Placement du Quebec and private equity firm Ardian entered into exclusive talks to acquire a significant stake in Alvest from French Sagard Private Equity Partners, the companies said in September.Bank of Ireland, BNP Paribas, Credit Agricole, CIC, ING and Societe Generale are leading the debt financing, which is close to being sold down via a limited syndication process to friend and family investors, the sources said.The financing comprises a 100m term loan B, a 200m-equivalent dollar denominated term loan B and 75m of undrawn facilities.Pricing on the euro TLB is 350bp over Euribor, while pricing on the dollar TLB is 390bp over Libor. Both are offered at 99.5 OID, the sources said.Alvest designs, manufactures and distributes technical products for the aviation industry and has more than 1,800 employees. It operates 10 factories in the US, Canada, France and China.Editing by Christopher Mangham \n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "99aa8bf86e89470798a9980ec38ac2d6", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 1509.0:\n", "\n", "HEADLINE:\n", "1509 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "1509 (Adds Aon, Eurobank, Six Flags Entertainment, GfK, Trafigura, Immunomedics and Hospitality Property Fund; Updates Rathbone Square, Walt Disney and Unite Students)Feb 10 The following bids, mergers, acquisitions and disposals were reported by 1430 GMT on Friday:** Europe's top utilities are planning to invest tens of billions of euros over the next three years to catch up with the green energy revolution, driving a flurry of takeovers by tech and engineering firms of niche, smart-energy innovators.** French asset manager Amundi said it was aiming to raise financing for the acquisition of rival Pioneer Investments from UniCredit by April, and reported a 10 percent rise in assets under management to 1.1 trillion euros ($1.17 trillion) in 2016.** Reckitt Benckiser has agreed to buy U.S. baby formula maker Mead Johnson Nutrition for $16.6 billion, giving the British consumer goods company a new product line and expanding its presence in developing markets.** Great Portland has agreed to sell Rathbone Square, a mixed-use development that houses Facebook's new London headquarters, to German rival WestInvest Gesellschaft and asset manager Deka Immobilien for 435 million pounds ($542 million).** ArcelorMittal is still interested in acquiring Italian steel plant Ilva, the chief financial officer of the world's largest steelmaker said.** Spain's Telefonica has received several offers for a stake in its telecom masts subsidiary Telxius, the telecoms company said in a statement, adding it was negotiating and analyzing the different options available.** British specialty chemicals maker Elementis Plc said it would buy U.S.-based SummitReheis from an affiliate of private equity firm One Rock Capital Partners LLC for an enterprise value of $360 million to expand its personal care business.** Renault and alliance partner Nissan are ready to forge closer capital ties but will only do so if France sells its Renault stake, Chief Executive Carlos Ghosn said.** Walt Disney Co is to seek full control of Euro Disney after raising its stake in the underperforming operator of Disneyland Paris through a deal with Saudi billionaire Prince Alwaleed bin Talal.** Unite Students, the student accommodation unit of Unite Group Plc, and Singapore sovereign wealth fund GIC have bought Birmingham-based student housing provider Aston Student Village for 227 million pounds ($283 million).** Poland's Deputy Energy Minister Grzegorz Tobiszowski said that the signing of a contract to take over the Polish assets of French power group EDF should take place early in the second quarter.** South Africa's Hospitality Property Fund is in talks with Tsogo Sun to buy approximately 3.3 billion rand ($247 million) worth of hotel assets, the company said.** Insurance broker Aon Plc said it agreed to sell its employee benefits outsourcing business to private equity firm Blackstone Group LP for up to $4.8 billion.** Greek lender Eurobank is looking for a strategic partner to buy a stake in its fully-owned Romanian unit Bancpost as it tries to reduce its exposure to non-Greek assets, sources at the bank told Reuters.** The Public Investment Fund (PIF), Saudi Arabia's top sovereign wealth fund, said it is not considering the acquisition of a stake in North American amusement park operator Six Flags Entertainment Corp.** Shareholders in GfK have tendered 14.5 percent of stock in the German market researcher to private equity firm KKR, still short of a minimum threshold only hours before KKR's offer expires, a regulatory filing showed.KKR has offered 43.50 euros per share for GfK, valuing the group at around 1.59 billion euros ($1.7 billion).KKR is seeking to acquire control over at least 75 percent of the group together with GfK Verein, which already owns 56.46 of shares.** Commodity trader Trafigura will take a 15.5 percent stake in Finland's nickel and zinc mine Terrafame, it said, which will help the mine ramp up operations following years of losses and production problems.** South Africa's Hospitality Property Fund said it is in talks with hotel and gambling firm Tsogo Sun to buy hotel assets for about 3.3 billion rand ($247 million). (Compiled by Divya Grover in Bengaluru)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "ced8126cd3d244f49d3fa72bfbc2a948", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 2749.0:\n", "\n", "HEADLINE:\n", "2749 EU clears Rolls-Royce's acquisition of Spain's ITP subject to conditions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "2749 BRUSSELS European Union antitrust regulators said on Wednesday they had cleared the acquisition of aircraft engine components maker ITP by Rolls-Royce ( RR.L ) subject to its elimination of a conflict of interest in an engine consortium.The engine consortium EPI, made up of Rolls-Royce, ITP, Germany's MTU and France's Safran ( SAF.PA ), designs and manufactures the engine powering the Airbus A400M, which competes with the Lockheed Martin ( LMT.N ) C-130J aircraft, powered by a Rolls-Royce engine.The European Commission said in a statement that it initially had concerns the merger would have allowed Rolls-Royce to gain additional influence on the decision-making process of the EPI consortium, on matters that affected its competitiveness against the Lockheed Martin C-130J.To allay those concerns Rolls-Royce offered commitments to eliminate the conflict of interest and ensure EPI remains competitive, the Commission said.(Reporting by Julia Fioretti; editing by Philip Blenkinsop)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "b0e0d318c1c34505bafff2d28550c124", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 4308.0:\n", "\n", "HEADLINE:\n", "4308 Safran shareholders approve plan to buy Zodiac Aerospace\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "4308 PARIS, June 15 Shareholders in Safran on Thursday backed resolutions that will free the French aero engine maker to pursue an agreed takeover of parts maker Zodiac .The planned merger would create the world's third-largest aerospace supplier after U.S companies United Technologies and General Electric.Thursday's Safran shareholder vote was a key demand of UK hedge fund TCI, which had waged an intense campaign to block the deal, or at least reshape it.In May, Zodiac accepted a 15 percent cut in Safran's $9 billion offer after Zodiac profit warnings.Safran's original $9 billion offer was weakened by conflicting movements in share prices and a deteriorating industrial performance at Zodiac, though on Wednesday Zodiac eased concerns by reiterating financial targets.Shareholders in Safran had been asked to vote in favour of two mechanisms that will enable the company to issue new preference shares that would then be convertible in ordinary shares after three years.Safran says it is confident of resolving Zodiac's industrial problems after visiting its plants, including a British factory blamed for the latest profit downgrade in April.Safran is offering 25 euros per Zodiac share in cash, down from 29.47 euros previously, or an alternative of preferred shares up to a total of 31.4 percent of the $7.7 billion deal.Zodiac Aerospace shares closed up 0.9 percent at 23.92 euros. Safran eased 0.2 percent to 77.86 euros. (Reporting by Cyril Altmeyer; Writing by Matthias Blamont. Editing by Jane Merriman)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "3771dba566904fdba276cbd6278adaef", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 3409.0:\n", "\n", "HEADLINE:\n", "3409 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "3409 (Updates Public Power Corp; Adds Qualcomm, Apollo Global Management, ECOM, Zhengzhou Coal Mining Machinery Group, Vitol, Noble Energy, ProSiebenSat.1, Dow Chemical)May 2 The following bids, mergers, acquisitions and disposals were reported by 2000 GMT on Tuesday:** Managers at Italian motorway group Atlantia and Spanish peer Abertis will meet this week in Italy to discuss plans for a tie up, two sources close to the matter said.** EU regulators will decide by June 9 whether to clear smartphone chipmaker Qualcomm's $38 billion takeover of NXP Semiconductors NV, with rivals voicing concerns about continued access to key NXP technology after the deal.** Buyout firms Apollo Global Management LLC, Blackstone Group LP and Centerbridge Partners LP are among potential suitors studying bids for Canada's biggest alternative mortgage lender, Home Capital Group Inc, which sought emergency funding last week, people familiar with the matter told Reuters.** Swiss commodities trading group ECOM has received approval from German cartel authorities to purchase German cocoa grinder Euromar Commodities GmbH, which declared insolvency in December, Euromar's insolvency administrator said.** Zhengzhou Coal Mining Machinery Group Co Ltd (ZMJ) has teamed up with private equity firm China Renaissance Capital Investment (CRCI) to buy Robert Bosch's starters and generators business SG Holding for 545 million euros ($595 million).** Commodities trader Vitol has agreed to buy an 85,000 barrel per day (bpd) condensate splitter in the Netherlands from Koch Supply and Trading, a subsidiary of U.S. conglomerate Koch Industries, Vitol said in a statement.** U.S. oil and gas producer Noble Energy Inc said it would sell all its natural gas production assets in the Marcellus shale field for $1.23 billion, as it shifts focus to liquids-rich, higher-margin assets.** German broadcaster ProSiebenSat.1 and Discovery Communications Inc will join forces to stream TV shows via Internet and wireless services in Germany.** China has conditionally approved the proposed merger between Dow Chemical Co and Dupont, the country's Commerce Ministry said, a step forward for the deal whose closing has been repeatedly delayed by regulatory hurdles.** Jack Ma's private equity firm Yunfeng Capital and Singapore's Temasek have led a $75 million fund-raising round into genomics company WuXi NextCODE, the firm said in a statement, underlining a race for medical data in China.** British housebuilder Bovis, which was subject to two failed buyout bids earlier this year, said it would take a 2.8 million-pound hit from the talks and a review conducted in February after the firm warned on profits.** Accell Group, the maker of Dutch bicycle brands Sparta and Batavus, has had ended talks with Pon Holdings regarding takeover bid from the Dutch transportation conglomerate as the offer was not high enough, it said.** British bank Shawbrook Group's independent directors said they could not recommend a buyout bid from a consortium of private equity firms.** Greece has agreed to sell coal-fired plants and coal mines equal to about 40 percent of its dominant power utility Public Power Corp's coal-fired capacity, to help open up its electricity market, the energy ministry said.** A three-member consortium that includes German insurer Allianz has agreed to buy Affinity Water Ltd , the largest water-only supply firm in England and Wales by revenue, through two transactions, the group said.** Sumitomo Corp said it and Korea Resources Corp (Kores) will get a larger stake in the Ambatovy nickel project in Madagascar, as part of a debt restructuring deal with partner Sherritt International Corp.** IAC/InterActiveCorp said on Monday it would buy consumer review website operator Angie's List Inc in a $500 million deal that bolsters its online home contractor services.** Monsanto Co has terminated an agreement to sell its Precision Planting LLC farm equipment business to machinery maker Deere & Co, the companies said on Monday, ending a legal fight with antitrust authorities over the deal. (Compiled by Akankshita Mukhopadhyay and John Benny in Bengaluru)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "2e456c3cb1024df9b0ac2e284e3ec8e5", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 5956.0:\n", "\n", "HEADLINE:\n", "5956 French group Total buys Maersk Oil in $7.5 billion deal\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "5956 August 21, 2017 / 7:04 AM / 23 minutes ago Total deepens North Sea exposure with $7.5 billion Maersk Oil deal Bate Felix and Jacob Gronholt-Pedersen 5 Min Read PARIS/COPENHAGEN (Reuters) - Total ( TOTF.PA ) is buying Maersk's oil and gas business in a $7.45 billion deal which the French major said would strengthen its operations in the North Sea and raise its output to 3 million barrels per day by 2019. For Danish company A.P. Moller Maersk ( MAERSKb.CO ), the sale of Maersk Oil, with reserves equivalent to around 1 billion barrels of oil, fits with a strategy of focusing on its shipping business and other activities announced last year. The world's top oil companies have been back on the takeover trail over the last year, helped by signs of a recovery in the oil market. Total expects its biggest oil deal since it acquired Elf in 2000 to generate financial synergies of more than $400 million per year, in particular by combining assets in the North Sea. It also said the acquisition would boost earnings and cash flow. Expected to be completed in the first quarter of 2018, the deal could see some job cuts particularly in Britain where there are overlaps, Total said, adding that it could make additional cost savings of about $200 million per year. Total has been betting on new rather than mature fields in the North Sea and the acquisition gives it further economies of scale by making it the second largest player in the region with production of about 500,000 barrels of oil equivalent per day. Related Coverage Total set to raise cost savings target after Maersk Oil deal The move illustrates Total's strategy of using a strong balance sheet to acquire attractive assets from struggling competitors having emerged from the prolonged oil downturn stronger than some of its rivals. \"It was time for us to do what a real oil and gas company would do in a period such as this when prices are lower and costs are down. Either launch new projects or acquire new reserves at attractive prices,\" Total Chief Executive Patrick Pouyanne told reporters. The purchase also signals some oil majors are prepared to invest to replenish reserves and boost production, anticipating an oil price recovery. With current prices of $50 per barrel most majors are simply struggling to balance their books. ALTERNATIVE TO FLOAT General view of the Total oil refinary in Leuna, November 19, 2014. Axel Schmidt Pouyanne said that Total had proposed a deal to Maersk as an alternative to floating the business. \"There was a debate within Maersk and they finally accepted given that it was attractive and also the fact that an IPO in a tense oil market would not be a right move,\" he said, adding that no other oil major was bidding for the assets. Under the terms of the deal, A.P. Moller Maersk will get $4.95 billion in Total shares and Total will assume $2.5 billion of Maersk Oil's debt. Slideshow (2 Images) Maersk said it plans to return a \"material portion of the value of the received Total S.A. shares\" to shareholders in 2018 and 2019 in the form of extraordinary dividend, share buyback or distribution of shares in Total. Analysts from Raymond James said the value of the deal appeared fair with Total paying $13.4 per barrel of reserves in line with what Royal Dutch/Shell paid to acquire its rival BG in the biggest oil transaction of the past decade in 2015. Soren Skou, who took charge of Maersk last year, has embarked on a major restructuring to concentrate on its transport and logistics businesses and separate its energy operations in the face of a drop in income. Consultancy Wood Mackenzie said Total was also rebalancing its exposure to industrialised countries after having gone heavy on investments in higher risk regions such as Iran or Qatar. \"It will further shift Total's weighting towards OECD regions, a core strategic driver for the company as it looks to balance the portfolio away from areas of high above ground risk,\" said a WoodMac director Valentina Kretzschmar. The Danish oil company has access to high-quality fields in the Norwegian and UK North Sea, which Pouyanne said would help boosts Total's output to 3 million barrels of oil equivalent (boe) as soon as 2019 from 2.5 million boe now. AP Moller Maersk shares were up 2.8 percent by 1450 GMT while Total shares were little changed. Additional reporting by Sudip Kar-Gupta, Karolin Schaps and Stine Jacobsen Editing by Keith Weir 0 : 0\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "bb721bb2773040f8be89e4e0c8512882", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 6106.0:\n", "\n", "HEADLINE:\n", "6106 Nets CEO sees 'considerable interest' from potential buyers\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "6106 COPENHAGEN (Reuters) - Nets A/S ( NETS.CO ), Scandinavia's largest payments processor, is seeing \"considerable interest\" from potential buyers amid a wave of M&A activity in the payment services industry, the company's chief executive said on Thursday.Nets, a major player in payment services in the Nordic region, said in early July that it had been approached by potential buyers.\"The talks have been going on relatively long, so it seems there is considerable interest,\" CEO Bo Nilsson told Reuters in an interview.\"We have seen an extreme level of (M&A) activity lately (...) It's clear to me that we're entering a period of consolidation in Europe in line with what we've seen in the United States,\" he said.\"As one of the biggest and most developed operators on the payment services market, I'm not surprised that some see Nets as a brick in that puzzle,\" Nilsson said.U.S. payment giants Visa ( V.N ) and Mastercard ( MA.N ) are both seen as suitors for Nets.Nets on Thursday posted net profit of 333 million Danish crowns ($52.67 million) in the second quarter, ahead of analyst expectations.($1 = 6.3221 Danish crowns)Reporting by Jacob Gronholt-Pedersen; editing by Alexander Smith\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "f7309daa638049a896651f6c784fecdd", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 8759.0:\n", "\n", "HEADLINE:\n", "8759 Deals of the day-Mergers and acquisitions\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "8759 November 15, 2017 / 11:03 AM / Updated 11 minutes ago Deals of the day-Mergers and acquisitions Reuters Staff 4 Min Read (Adds Magnit, Cenovus Energy and BNP Paribas) Nov 15 (Reuters) - The following bids, mergers, acquisitions and disposals were reported by 2100 GMT on Wednesday: ** Shares in Russian low-cost food retailer Magnit fell 9 percent after its main owner sold a stake at a big discount, raising around $730 million which the company said will be re-invested in the business. ** Canadian oil producer Cenovus Energy inc has put a package of mainly non-core Deep Basin gas assets for sale, its new CEO Alex Pourbaix said in his first media briefing on Wednesday. ** BNP Paribas plans to bolster its banking teams in the Nordic region and would consider buying corporate banking portfolios if offered up by European rivals, an executive said. ** Warren Buffetts Berkshire Hathaway Inc has sold another large piece of its stake in IBM Corp, backing further away from an investment that the billionaire has admitted was not one of his best. ** Airbus landed its biggest ever airliner deal on Wednesday with an agreement to sell 430 planes worth up to $50 billion to U.S. budget airlines investor Bill Franke. ** Viacom Inc should package 10 percent of its international operations and take it public, Mario Gabelli, chief executive officer of GAMCO Investors Inc, said on Tuesday at the Reuters Global Investment 2018 Outlook. ** Shanghai Pharmaceuticals Holding Co has agreed to buy Cardinal Health Incs China drug distribution business for $557 million, winning a highly competitive auction in a move that will expand its presence nationwide. ** French facilities management and vouchers group Sodexo is buying Centerplate, a U.S. company that provides food and hospitality services, for $675 million to expand in the U.S. sports and leisure market. ** Carlyle Group, the worlds largest private equity firm, is raising up to $1 billion for a new fund to invest in oil and gas outside the United States as a stronger outlook for oil prices rekindles investor appetite, banking sources said. ** Indias Edelweiss Financial Services Ltd has launched a share sale to institutions to raise as much as 20 billion rupees ($307 million), according to a deal term sheet seen by Reuters on Wednesday. ** Oil and gas producer SandRidge Energy said it would buy rival Bonanza Creek in a deal valued at $746 million to expand its presence in the Denver-Julesburg Basin of Colorado. ** U.S. buyout fund Cerberus has taken a 3 percent stake in Deutsche Bank, Germanys flagship lender said. ** A ruling on Qualcomm Incs proposed $38-billion acquisition of NXP Semiconductors NV may come in 2018, European Commissioner for Competition Margrethe Vestager said. ** Atlantia Chief Executive told the Financial Times that there is room for the Italian infrastructure group to improve its offer on Spains Abertis. ** The Vietnamese government aims to complete a stake sale in the countrys biggest brewer Sabeco in December, the trade ministry said, in the clearest signal yet that the long-awaited state divestment might happen this year after repeated delays. ** Legal & General (L&G), the owner of Britains biggest fund manager, has staked its claim for a slice of the growing market for exchange-traded funds (ETFs) with a deal to buy Europe-focused platform, Canvas. ** German energy group Innogy will at some point pull out of the planned British retail supply joint venture with SSE, its chief executive said. Compiled by Sanjana Shivdas and Karan Nagarkatti in Bengaluru\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "4102f9eed21c42be92ab9efd0ff4eb2b", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n", "News article no. 2443.0:\n", "\n", "HEADLINE:\n", "2443 Canada's Trican to buy Canyon Services in C$637 million deal\n", "Name: Title, dtype: object\n", "\n", "TEXT:\n", "2443 Canadian oilfield services provider Trican Well Service Ltd ( TCW.TO ) said it would buy smaller rival Canyon Services Group Inc ( FRC.TO ) in a deal valued at about C$637 million ($475.5 million), including debt.Canyon shareholders will receive 1.7 shares of Trican for each share they own. That translates to an offer price of C$6.63 per Canyon share, representing a 32 percent premium to the stock's Tuesday close.Trican will also assume about $40 million in debt.A more than 50 percent fall in global crude prices since 2014 has triggered a wave of consolidation in the oilfield services industry, which has been battered by a sharp drop in service prices.General Electric Co ( GE.N ) has agreed to merge its oil and gas business with Baker Hughes Inc ( BHI.N ) to create the world's No. 2 oilfield services business, while other large players such as Schlumberger NV ( SLB.N ) and Technip TECF.PA have bought smaller rivals.Trican shareholders are expected to own about 56 percent of the combined company, while Canyon shareholders will own the rest.RBC and Scotiabank were financial advisers to Trican while Blake, Cassels & Graydon LLP provided legal counsel.Peters & Co Ltd was Canyon's financial adviser. Burnet, Duckworth & Palmer LLP was its legal adviser.(Reporting by Vishaka George and Ahmed Farhatha in Bengaluru; Editing by Sai Sachin Ravikumar)\n", "Name: Text, dtype: object\n" ] }, { "data": { "application/vnd.jupyter.widget-view+json": { "model_id": "ee713dbf4a5d4d6899e70c5dfda1af12", "version_major": 2, "version_minor": 0 }, "text/plain": [ "interactive(children=(IntSlider(value=1, description='x', max=2, min=-1), Output()), _dom_classes=('widget-int…" ] }, "metadata": {}, "output_type": "display_data" }, { "name": "stdout", "output_type": "stream", "text": [ "0: Other/Unrelated news, 1: Merger,\n", "2: Topics related to deals, investments and mergers\n", "___________________________________________________________________________________________________________\n", "\n", "\n" ] } ], "source": [ "for index in label_next:\n", " show_next(index)" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "print('Number of manual labels in round no. {}:'.format(m))\n", "print('0:{}, 1:{}, 2:{}'.format(len(df.loc[(df['Label'] == 0) & (df['Round'] == m)]), len(df.loc[(df['Label'] == 1) & (df['Round'] == m)]), len(df.loc[(df['Label'] == 2) & (df['Round'] == m)])))\n", "\n", "print('Number of articles to be corrected in this round: {}'.format(len(df.loc[(df['Label'] != -1) & (df['Estimated'] != -1) & (df['Round'] == m) & (df['Label'] != df['Estimated'])])))" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# save intermediate status\n", "df.to_csv('../data/interactive_labeling_round_{}_20190503.csv'.format(m),\n", " sep='|',\n", " mode='w',\n", " encoding='utf-8',\n", " quoting=csv.QUOTE_NONNUMERIC,\n", " quotechar='\\'')" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Resubstitution error: Multinomial Naive Bayes ##" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "X_train_test = df.loc[df['Label'] != -1, 'Title'] + ' ' + df.loc[df['Label'] != -1, 'Text']\n", "y_train_test = df.loc[df['Label'] != -1, 'Label']" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# discard old indices\n", "y_train_test = y_train_test.reset_index(drop=True)\n", "X_train_test = X_train_test.reset_index(drop=True)" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# use my own BagOfWords python implementation\n", "stemming = True\n", "rel_freq = True\n", "extracted_words = BagOfWords.extract_all_words(X_train_test)\n", "vocab = BagOfWords.make_vocab(extracted_words)" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# fit the training data and return the matrix\n", "training_data = BagOfWords.make_matrix(extracted_words, vocab, rel_freq, stemming)\n", "testing_data = training_data" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# Naive Bayes\n", "classifier = MultinomialNB(alpha=1.0e-10, fit_prior=False, class_prior=None)" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# optional, nur bei resubstitutionsfehler\n", "\n", "n = 0\n", "for i in range(len(y_train_test)):\n", " if y_train_test[i] != predictions[i]:\n", " n += 1\n", " print('error no.{}'.format(n))\n", " print('prediction at index {} is: {}, but actual is: {}'.format(i, predictions[i], y_train_test[i]))\n", " print(X_train_test[i])\n", " print(y_train_test[i])\n", " print()\n", "if n==0:\n", " print('no resubstitution error :-)')\n", "else:\n", " print('number of wrong estimated articles: {}'.format(n))" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "print('End of this round (no. {}):'.format(m))\n", "print('Number of manually labeled articles: {}'.format(len(df.loc[df['Label'] != -1])))\n", "print('Number of manually unlabeled articles: {}'.format(len(df.loc[df['Label'] == -1])))" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# save this round to csv\n", "df.to_csv('../data/interactive_labeling_round_{}_neu.csv'.format(m),\n", " sep='|',\n", " mode='w',\n", " encoding='utf-8',\n", " quoting=csv.QUOTE_NONNUMERIC,\n", " quotechar='\\'')" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "NOW PLEASE CONTINUE WITH PART II.\n", "REPEAT UNTIL ALL SAMPLES ARE LABELED." ] } ], "metadata": { "kernelspec": { "display_name": "Python 3", "language": "python", "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", "version": "3.7.1" } }, "nbformat": 4, "nbformat_minor": 2 }